From 84f0816ae38878ccc387b02238423e1d5b41ffea Mon Sep 17 00:00:00 2001 From: Oege Dijk Date: Fri, 15 Jan 2021 12:54:28 +0100 Subject: [PATCH 01/28] rewrite --- TODO.md | 4 + .../overview_components.py | 9 +- explainerdashboard/dashboards.py | 2 +- explainerdashboard/explainer_methods.py | 39 ++- explainerdashboard/explainer_plots.py | 100 +++--- explainerdashboard/explainers.py | 289 +++++++++--------- 6 files changed, 224 insertions(+), 219 deletions(-) diff --git a/TODO.md b/TODO.md index eb02afe..2b6842a 100644 --- a/TODO.md +++ b/TODO.md @@ -1,9 +1,13 @@ # TODO: + ## Bugs: - dash contributions reload bug: Exception: Additivity check failed in TreeExplainer! - shap dependence: when no point cloud, do not highlight! +- /Users/oege/projects/explainerhub/venv/lib/python3.8/site-packages/sklearn/tree/_classes.py:1254: FutureWarning: + +the classes_ attribute is to be deprecated from version 0.22 and will be removed in 0.24. ## Layout: - Find a proper frontender to help :) diff --git a/explainerdashboard/dashboard_components/overview_components.py b/explainerdashboard/dashboard_components/overview_components.py index 7462d05..67a6197 100644 --- a/explainerdashboard/dashboard_components/overview_components.py +++ b/explainerdashboard/dashboard_components/overview_components.py @@ -656,13 +656,10 @@ def component_callbacks(self, app): [Input('feature-input-index-'+self.name, 'value')] ) def update_whatif_inputs(index): - idx = self.explainer.get_int_idx(index) - if idx is None: + if index is None: raise PreventUpdate - feature_values = (self.explainer.X_cats - [self.explainer.columns_ranked_by_shap(cats=True)] - .iloc[[idx]].values[0].tolist()) - return feature_values + X_row = self.explainer.get_X_row(index, cats=True)[self.explainer.columns_ranked_by_shap(cats=True)] + return X_row.values[0].tolist() diff --git a/explainerdashboard/dashboards.py b/explainerdashboard/dashboards.py index 1a8e4b2..cc93728 100644 --- a/explainerdashboard/dashboards.py +++ b/explainerdashboard/dashboards.py @@ -395,7 +395,7 @@ def __init__(self, explainer=None, tabs=None, self.external_stylesheets.append(bootstrap_theme) if not hasattr(self.explainer, "onehot_dict"): - # explainerdashboard < v0.2.20 + # explainer generated with explainerdashboard < v0.2.20 self.explainer.onehot_dict = self.explainer.cats_dict self.explainer.onehot_cols = self.explainer.cats self.explainer.cat_cols = self.explainer.cats diff --git a/explainerdashboard/explainer_methods.py b/explainerdashboard/explainer_methods.py index 7054205..d219b50 100644 --- a/explainerdashboard/explainer_methods.py +++ b/explainerdashboard/explainer_methods.py @@ -122,6 +122,16 @@ def parse_cats(X, cats, sep:str="_"): return onehot_cols, onehot_dict +def get_encoded_and_regular_cols(cols, onehot_dict): + """return a list of onehot encoded cols and a list of remainder cols. + """ + encoded_cols = [] + for enc_cols in onehot_dict.values(): + if len(enc_cols) > 1: + encoded_cols.extend(enc_cols) + regular_cols = [col for col in cols if col not in encoded_cols] + return encoded_cols, regular_cols + def split_pipeline(pipeline, X, verbose=1): """Returns an X_transformed dataframe and model from a fitted @@ -208,10 +218,10 @@ def retrieve_onehot_value(X, encoded_col, onehot_cols, sep="_"): mapping = {-1: "NOT_ENCODED"} mapping.update({i: col for i, col in enumerate(onehot_cols)}) - return pd.Series(feature_value).map(mapping).values + return pd.Series(feature_value).map(mapping) -def merge_categorical_columns(X, onehot_dict=None, sep="_"): +def merge_categorical_columns(X, onehot_dict=None, sep="_", drop_regular=True): """ Returns a new feature Dataframe X_cats where the onehotencoded categorical features have been merged back with the old value retrieved @@ -228,11 +238,13 @@ def merge_categorical_columns(X, onehot_dict=None, sep="_"): Returns: pd.DataFrame, with onehot encodings merged back into categorical columns. """ - X_cats = X.copy() + X_cats = pd.DataFrame() for col_name, col_list in onehot_dict.items(): if len(col_list) > 1: - X_cats[col_name] = retrieve_onehot_value(X, col_name, col_list, sep) - X_cats.drop(col_list, axis=1, inplace=True) + X_cats[col_name] = retrieve_onehot_value(X, col_name, col_list, sep).astype("category") + else: + if not drop_regular: + X_cats.loc[:, col_name] = X[col_name].values return X_cats @@ -270,7 +282,7 @@ def X_cats_to_X(X_cats, onehot_dict, X_columns, sep="_"): return X_new[X_columns] -def merge_categorical_shap_values(X, shap_values, onehot_dict=None, sep="_"): +def merge_categorical_shap_values(X, shap_values, onehot_dict=None, output_cols=None): """ Returns a new feature new shap values np.array where the shap values of onehotencoded categorical features have been @@ -283,15 +295,20 @@ def merge_categorical_shap_values(X, shap_values, onehot_dict=None, sep="_"): e.g. shap.TreeExplainer(X).shap_values() onehot_dict (dict): dict of features with lists for onehot-encoded variables, e.g. {'Fare': ['Fare'], 'Sex' : ['Sex_male', 'Sex_Female']} - sep (str): seperator used between variable and category. - Defaults to "_". + + Returns: + pd.DataFrame """ shap_df = pd.DataFrame(shap_values, columns=X.columns) + onehot_cols = [] for col_name, col_list in onehot_dict.items(): if len(col_list) > 1: shap_df[col_name] = shap_df[col_list].sum(axis=1) - shap_df.drop(col_list, axis=1, inplace=True) - return shap_df.values + onehot_cols.append(col_name) + if output_cols: + return shap_df[output_cols] + return shap_df[onehot_cols] + def merge_categorical_shap_interaction_values(shap_interaction_values, @@ -494,7 +511,7 @@ def cv_permutation_importances(model, X, y, metric, onehot_dict=None, greater_is .sort_values('Importance', ascending=False) -def mean_absolute_shap_values(columns, shap_values, onehot_dict=None): +def get_mean_absolute_shap_df(columns, shap_values, onehot_dict=None): """ Returns a dataframe with the mean absolute shap values for each feature. diff --git a/explainerdashboard/explainer_plots.py b/explainerdashboard/explainer_plots.py index 0b2b250..e4d4a1c 100644 --- a/explainerdashboard/explainer_plots.py +++ b/explainerdashboard/explainer_plots.py @@ -826,14 +826,14 @@ def plotly_dependence_plot(X, shap_values, col_name, interact_col_name=None, return fig -def plotly_shap_violin_plot(X, shap_values, col_name, color_col=None, points=False, +def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, interaction=False, units="", highlight_index=None, idxs=None, index_name="index", cats_order=None): """Generates a violin plot for displaying shap value distributions for categorical features. Args: - X (pd.DataFrame): dataframe of input rows + X_col (pd.DataFrame): dataframe of input rows shap_values (np.ndarray): shap values generated for X col_name (str): Column of X to display violin plot for color_col (str, optional): Column of X to color plot markers by. @@ -852,21 +852,19 @@ def plotly_shap_violin_plot(X, shap_values, col_name, color_col=None, points=Fal Plotly fig """ - assert is_string_dtype(X[col_name]), \ - f'{col_name} is not categorical! Can only plot violin plots for categorical features!' + assert not is_numeric_dtype(X_col), \ + f'{X_col.name} is not categorical! Can only plot violin plots for categorical features!' - x = X[col_name].copy() - shaps = shap_values[:, X.columns.get_loc(col_name)] if cats_order is None: - cats_order = sorted(X[col_name].unique().tolist()) + cats_order = sorted(X_col.unique().tolist()) n_cats = len(cats_order) if idxs is not None: - assert len(idxs)==X.shape[0]==len(shaps) + assert len(idxs)==X_col.shape[0]==len(shap_values) idxs = np.array([str(idx) for idx in idxs]) else: - idxs = np.array([str(i) for i in range(X.shape[0])]) + idxs = np.array([str(i) for i in range(X_col.shape[0])]) if highlight_index is not None: if isinstance(highlight_index, int): @@ -877,72 +875,68 @@ def plotly_shap_violin_plot(X, shap_values, col_name, color_col=None, points=Fal highlight_idx = np.where(idxs==highlight_index)[0].item() highlight_name = highlight_index - if points or color_col is not None: + if points or X_color_col is not None: fig = make_subplots(rows=1, cols=2*n_cats, column_widths=[3, 1]*n_cats, shared_yaxes=True) showscale = True else: fig = make_subplots(rows=1, cols=n_cats, shared_yaxes=True) - shap_range = shaps.max() - shaps.min() - fig.update_yaxes(range=[shaps.min()-0.1*shap_range, shaps.max()+0.1*shap_range]) + shap_range = shap_values.max() - shap_values.min() + fig.update_yaxes(range=[shap_values.min()-0.1*shap_range, shap_values.max()+0.1*shap_range]) for i, cat in enumerate(cats_order): - col = 1+i*2 if points or color_col is not None else 1+i + col = 1+i*2 if points or X_color_col is not None else 1+i fig.add_trace(go.Violin( - x=x[x == cat], - y=shaps[x == cat], + x=X_col[X_col == cat], + y=shap_values[X_col == cat], name=cat, box_visible=True, meanline_visible=True, showlegend=False, ), row=1, col=col) - if color_col is not None: - if is_numeric_dtype(X[color_col]): + if X_color_col is not None: + if is_numeric_dtype(X_color_col): fig.add_trace(go.Scattergl( - x=np.random.randn(len(x[x == cat])), - y=shaps[x == cat], - name=color_col, + x=np.random.randn((X_col == cat).sum()), + y=shap_values[X_col == cat], + name=X_color_col.name, mode='markers', showlegend=False, hoverinfo="text", - # hovertemplate = - # "shap: %{y:.2f}
" + - # f"{color_col}" + ": %{marker.color}", text = [f"{index_name}: {index}
shap: {shap}
{color_col}: {col}" - for index, shap, col in zip(idxs[x==cat], shaps[x == cat], X[color_col][x==cat])], + for index, shap, col in zip(idxs[X_col==cat], + shap_values[X_col == cat], + X_color_col[X_col==cat])], marker=dict(size=7, opacity=0.6, - cmin=X[color_col].min(), - cmax=X[color_col].max(), - color=X[color_col][x==cat], + cmin=X_color_col.min(), + cmax=X_color_col.max(), + color=X_color_col[x==cat], colorscale='Bluered', showscale=showscale, - colorbar=dict(title=color_col)), + colorbar=dict(title=X_color_col.name)), ), row=1, col=col+1) else: - n_color_cats = X[color_col].nunique() - colors = ['#636EFA', '#EF553B', '#00CC96', '#AB63FA', '#FFA15A', '#19D3F3', '#FF6692', '#B6E880', '#FF97FF', '#FECB52'] + n_color_cats = X_color_col.nunique() + colors = ['#636EFA', '#EF553B', '#00CC96', '#AB63FA', '#FFA15A', + '#19D3F3', '#FF6692', '#B6E880', '#FF97FF', '#FECB52'] colors = colors * (1+int(n_color_cats / len(colors))) colors = colors[:n_color_cats] - for color_cat, color in zip(X[color_col].unique(), colors): + for color_cat, color in zip(X_color_col.unique(), colors): fig.add_trace(go.Scattergl( - x=np.random.randn(len(x[(x == cat) & (X[color_col] == color_cat)])), - y=shaps[(x == cat) & (X[color_col] == color_cat)], + x=np.random.randn(((X_col == cat) & (X_color_col == color_cat)).sum()), + y=shap_values[(X_col == cat) & (X_color_col == color_cat)], name=color_cat, - mode='markers', showlegend=showscale, hoverinfo="text", - text = [f"{index_name}: {index}
shap: {shap}
{color_col}: {col}" + text = [f"{index_name}: {index}
shap: {shap}
{X_color_col.name}: {col}" for index, shap, col in zip( - idxs[(x == cat) & (X[color_col] == color_cat)], - shaps[(x == cat) & (X[color_col] == color_cat)], - X[color_col][(x == cat) & (X[color_col] == color_cat)])], - # hovertemplate = - # "shap: %{y:.2f}
" + - # f"{color_col}: {color_cat}", + idxs[(X_col == cat) & (X_color_col == color_cat)], + shap_values[(X_col == cat) & (X_color_col == color_cat)], + X_color_col[(X_col == cat) & (X_color_col == color_cat)])], marker=dict(size=7, opacity=0.8, color=color) @@ -952,24 +946,22 @@ def plotly_shap_violin_plot(X, shap_values, col_name, color_col=None, points=Fal showscale = False elif points: fig.add_trace(go.Scattergl( - x=np.random.randn(len(x[x == cat])), - y=shaps[x == cat], + x=np.random.randn((X_col == cat).sum()), + y=shap_values[X_col == cat], mode='markers', showlegend=False, - # hovertemplate = - # "shap: %{y:.2f}", hoverinfo="text", text = [f"{index_name}: {index}
shap: {shap}" - for index, shap in zip(idxs[(x == cat)], shaps[x == cat])], + for index, shap in zip(idxs[(X_col == cat)], shap_values[X_col == cat])], marker=dict(size=7, opacity=0.6, color='blue'), ), row=1, col=col+1) - if highlight_index is not None and X[col_name][highlight_idx]==cat: + if highlight_index is not None and X_col[highlight_idx]==cat: fig.add_trace( go.Scattergl( x=[0], - y=[shaps[highlight_idx]], + y=[shaps_values[highlight_idx]], mode='markers', marker=dict( color='LightSkyBlue', @@ -986,7 +978,7 @@ def plotly_shap_violin_plot(X, shap_values, col_name, color_col=None, points=Fal showlegend=False, ), row=1, col=col+1) - if points or color_col is not None: + if points or X_color_col is not None: for i in range(n_cats): fig.update_xaxes(showgrid=False, zeroline=False, visible=False, row=1, col=2+i*2) fig.update_yaxes(showgrid=False, zeroline=False, row=1, col=2+i*2) @@ -995,12 +987,12 @@ def plotly_shap_violin_plot(X, shap_values, col_name, color_col=None, points=Fal yaxis=dict(title=f"SHAP value ({units})" if units !="" else "SHAP value"), hovermode='closest') - if color_col is not None and interaction: - fig.update_layout(title=f'Interaction plot for {col_name} and {color_col}') - elif color_col is not None: - fig.update_layout(title=f'Shap values for {col_name}
(colored by {color_col})') + if X_color_col is not None and interaction: + fig.update_layout(title=f'Interaction plot for {X_col.name} and {X_color_col.name}') + elif X_color_col is not None: + fig.update_layout(title=f'Shap values for {X_col.name}
(colored by {X_color_col.name})') else: - fig.update_layout(title=f'Shap values for {col_name}') + fig.update_layout(title=f'Shap values for {X_col.name}') return fig diff --git a/explainerdashboard/explainers.py b/explainerdashboard/explainers.py index 3ef5c43..7b54138 100644 --- a/explainerdashboard/explainers.py +++ b/explainerdashboard/explainers.py @@ -43,7 +43,8 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, shap="guess", X_background=None, model_output="raw", cats=None, idxs=None, index_name=None, target=None, descriptions=None, - n_jobs=None, permutation_cv=None, na_fill=-999): + n_jobs=None, permutation_cv=None, na_fill=-999, + precision="float32"): """Defines the basic functionality that is shared by both ClassifierExplainer and RegressionExplainer. @@ -82,11 +83,12 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, This is for calculating permutation importances against X_train. Defaults to None na_fill (int): The filler used for missing values, defaults to -999. + precision: precision with which to store values. Defaults to np.float32. """ self._params_dict = dict( shap=shap, model_output=model_output, cats=cats, descriptions=descriptions, target=target, n_jobs=n_jobs, - permutation_cv=n_jobs, na_fill=na_fill) + permutation_cv=n_jobs, na_fill=na_fill, precision=precision) if isinstance(model, Pipeline): self.X, self.model = split_pipeline(model, X) @@ -107,10 +109,13 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, "are supported, so please use those instead of lightgbm.Booster!") self.onehot_cols, self.onehot_dict = parse_cats(self.X, cats) - self.categorical_cols = [col for col in X.columns if not is_numeric_dtype(X[col])] + self.encoded_cols, self.regular_cols = get_encoded_and_regular_cols(self.X.columns, self.onehot_dict) + self.categorical_cols = [col for col in self.regular_cols if not is_numeric_dtype(X[col])] self.categorical_dict = {col:sorted(X[col].unique().tolist()) for col in self.categorical_cols} self.cat_cols = self.onehot_cols + self.categorical_cols if self.categorical_cols: + for col in self.categorical_cols: + self.X[col] = self.X[col].astype("category") print(f"Warning: Detected the following categorical columns: {self.categorical_cols}." "Unfortunately for now shap interaction values do not work with" "categorical columns.", flush=True) @@ -171,15 +176,15 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, self.n_jobs = n_jobs self.permutation_cv = permutation_cv self.na_fill = na_fill + self.precision = precision self.columns = self.X.columns.tolist() self.pos_label = None self.units = "" self.is_classifier = False self.is_regression = False - self.interactions_should_work = True if safe_is_instance(self.model, "CatBoostRegressor", "CatBoostClassifier"): self.interactions_should_work = False - else: + if not hasattr(self, "interactions_should_work"): self.interactions_should_work = True @classmethod @@ -305,28 +310,12 @@ def check_cats(self, col1, col2=None): Boolean whether cats should be True """ - if col2 is None: - if col1 in self.columns: - return False - elif col1 in self.columns_cats: - return True - raise ValueError(f"Can't find {col1}.") - - if col1 not in self.columns and col1 not in self.columns_cats: - raise ValueError(f"Can't find {col1}.") - if col2 not in self.columns and col2 not in self.columns_cats: - raise ValueError(f"Can't find {col2}.") - - if col1 in self.columns and col2 in self.columns: - return False - if col1 in self.columns_cats and col2 in self.columns_cats: + if col1 in self.onehot_cols: + return True + if col2 is not None and col2 in self.onehot_cols: return True - if col1 in self.columns_cats and not col2 in self.columns_cats: - raise ValueError( - f"{col1} is categorical but {col2} is not in columns_cats") - if col2 in self.columns_cats and not col1 in self.columns_cats: - raise ValueError( - f"{col2} is categorical but {col1} is not in columns_cats") + return False + @property def shap_explainer(self): @@ -442,8 +431,7 @@ def preds(self): """returns model model predictions""" if not hasattr(self, '_preds'): print("Calculating predictions...", flush=True) - self._preds = self.model.predict(self.X).astype(np.float64) - + self._preds = self.model.predict(self.X).astype(self.precision) return self._preds @property @@ -454,7 +442,7 @@ def pred_percentiles(self): self._pred_percentiles = (pd.Series(self.preds) .rank(method='min') .divide(len(self.preds)) - .values) + .values).astype(self.precision) return make_callable(self._pred_percentiles) def columns_ranked_by_shap(self, cats=False, pos_label=None): @@ -484,7 +472,7 @@ def n_features(self, cats=False): """ if cats: - return len(self.columns_cats) + return len(self.regular_cols)+len(self.onehot_cols) else: return len(self.columns) @@ -505,15 +493,17 @@ def equivalent_col(self, col): Returns: col """ - if col in self.columns_cats: + if col in self.regular_cols: + return col + elif col in self.onehot_cols: # first onehot-encoded columns return self.onehot_dict[col][0] - elif col in self.columns: + elif col in self.encoded_cols: # the cat that the col belongs to return [k for k, v in self.onehot_dict.items() if col in v][0] return None - def ordered_cats(self, col, topx=None, sort='alphabet'): + def ordered_cats(self, col, topx=None, sort='alphabet', pos_label=None): """Return a list of categories in an categorical column, sorted by mode. @@ -530,30 +520,49 @@ def ordered_cats(self, col, topx=None, sort='alphabet'): Returns: list """ + if pos_label is None: pos_label = self.pos_label assert col in self.cat_cols, \ f"{col} is not a categorical feature!" + if col in self.onehot_cols: + X = self.X_cats + else: + X = self.X + if sort=='alphabet': if topx is None: - return sorted(self.X_cats[col].unique().tolist()) + return sorted(X[col].unique().tolist()) else: - return sorted(self.X_cats[col].unique().tolist())[:topx] + return sorted(X[col].unique().tolist())[:topx] elif sort=='freq': if topx is None: - return self.X_cats[col].value_counts().index.tolist() + return X[col].value_counts().index.tolist() else: - return self.X_cats[col].value_counts().nlargest(topx).index.tolist() + return X[col].value_counts().nlargest(topx).index.tolist() elif sort=='shap': + sv = self.shap_values_cats(pos_label) if col in onehot_cols else self.shap_values(pos_label) + if topx is None: - return (pd.Series(self.shap_values_cats[:, self.columns_cats.index(col)], - index=self.X_cats[col]).abs().groupby(level=0).mean() + return (pd.Series(sv[:, self.columns_cats.index(col)], + index=X[col]).abs().groupby(level=0).mean() .sort_values(ascending=False).index.tolist()) else: - return (pd.Series(self.shap_values_cats[:, self.columns_cats.index(col)], - index=self.X_cats[col]).abs().groupby(level=0).mean() + return (pd.Series(sv[:, self.columns_cats.index(col)], + index=X[col]).abs().groupby(level=0).mean() .sort_values(ascending=False).nlargest(topx).index.tolist()) else: raise ValueError(f"sort='{sort}', but should be in {{'alphabet', 'freq', 'shap'}}") + + def get_index_list(self): + return list(self.idxs) + + def get_X_row(self, index, cats=False): + idx = self.get_int_idx(index) + X_row = self.X.iloc[[idx]] + if cats: + X_row = merge_categorical_columns(X_row, self.onehot_dict, drop_regular=False)[self.columns_cats] + return X_row + def get_row_from_input(self, inputs:List, ranked_by_shap=False): """returns a single row pd.DataFrame from a given list of *inputs""" if len(inputs)==1 and isinstance(inputs[0], list): @@ -620,8 +629,11 @@ def get_col(self, col): if col in self.X.columns: return self.X[col] elif col in self.onehot_cols: - return pd.Series(retrieve_onehot_value( - self.X, col, self.onehot_dict[col]), name=col) + if hasattr(self, "_X_cats"): + return self._X_cats[col] + else: + return pd.Series(retrieve_onehot_value( + self.X, col, self.onehot_dict[col]), name=col) def get_col_value_plus_prediction(self, col, index=None, X_row=None, pos_label=None): """return value of col and prediction for either index or X_row @@ -639,29 +651,12 @@ def get_col_value_plus_prediction(self, col, index=None, X_row=None, pos_label=N assert (col in self.X.columns) or (col in self.onehot_cols),\ f"{col} not in columns of dataset" if index is not None: - assert index in self, f"index {index} not found" - idx = self.get_int_idx(index) - - if col in self.X.columns: - col_value = self.X[col].iloc[idx] - elif col in self.onehot_cols: - col_value = retrieve_onehot_value(self.X, col, self.onehot_dict[col])[idx] - - if self.is_classifier: - if pos_label is None: - pos_label = self.pos_label - prediction = self.pred_probas(pos_label)[idx] - if self.model_output == 'probability': - prediction = 100*prediction - elif self.is_regression: - prediction = self.preds[idx] - - return col_value, prediction - elif X_row is not None: + X_row = self.get_X_row(index) + if X_row is not None: assert X_row.shape[0] == 1, "X_Row should be single row dataframe!" - if ((len(X_row.columns) == len(self.X_cats.columns)) and - (X_row.columns == self.X_cats.columns).all()): + if ((len(X_row.columns) == len(self.columns_cats)) and + (X_row.columns == self.columns_cats).all()): X_row = X_cats_to_X(X_row, self.onehot_dict, self.X.columns) else: assert (X_row.columns == self.X.columns).all(), \ @@ -720,7 +715,7 @@ def X_cats(self): def columns_cats(self): """columns of X with categorical features grouped""" if not hasattr(self, '_columns_cats'): - self._columns_cats = self.X_cats.columns.tolist() + self._columns_cats = self.regular_cols + self.X_cats.columns.tolist() return self._columns_cats @property @@ -744,7 +739,7 @@ def shap_values(self): """SHAP values calculated using the shap library""" if not hasattr(self, '_shap_values'): print("Calculating shap values...", flush=True) - self._shap_values = self.shap_explainer.shap_values(self.X) + self._shap_values = pd.DataFrame(self.shap_explainer.shap_values(self.X).astype(self.precision), columns=self.columns) return make_callable(self._shap_values) @property @@ -752,7 +747,7 @@ def shap_values_cats(self): """SHAP values when categorical features have been grouped""" if not hasattr(self, '_shap_values_cats'): self._shap_values_cats = merge_categorical_shap_values( - self.X, self.shap_values, self.onehot_dict) + self.X, self.shap_values, self.onehot_dict).astype(self.precision) return make_callable(self._shap_values_cats) @property @@ -770,7 +765,7 @@ def shap_interaction_values(self): "reducing these will speed up the calculation.", flush=True) self._shap_interaction_values = \ - self.shap_explainer.shap_interaction_values(self.X) + self.shap_explainer.shap_interaction_values(self.X).astype(self.precision) return make_callable(self._shap_interaction_values) @property @@ -779,23 +774,31 @@ def shap_interaction_values_cats(self): if not hasattr(self, '_shap_interaction_values_cats'): self._shap_interaction_values_cats = \ merge_categorical_shap_interaction_values( - self.shap_interaction_values, self.X, self.X_cats, self.onehot_dict) + self.shap_interaction_values, self.columns, self.columns_cats, + self.onehot_dict).astype(self.precision) return make_callable(self._shap_interaction_values_cats) @property def mean_abs_shap(self): """Mean absolute SHAP values per feature.""" if not hasattr(self, '_mean_abs_shap'): - self._mean_abs_shap = mean_absolute_shap_values( - self.columns, self.shap_values) + self._mean_abs_shap = (self.shap_values.abs().mean() + .sort_values(ascending=False) + .to_frame().rename_axis(index="Feature").reset_index() + .rename(columns={0:"MEAN_ABS_SHAP"})) return make_callable(self._mean_abs_shap) @property def mean_abs_shap_cats(self): """Mean absolute SHAP values with categoricals grouped.""" if not hasattr(self, '_mean_abs_shap_cats'): - self._mean_abs_shap_cats = mean_absolute_shap_values( - self.columns_cats, self.shap_values_cats) + mean_abs_cats = (self.shap_values_cats.abs().mean() + .to_frame().rename_axis(index="Feature").reset_index() + .rename(columns={0:"MEAN_ABS_SHAP"})) + + self._mean_abs_shap_cats = (pd.concat([ + mean_abs_cats, self.mean_abs_shap[self.mean_abs_shap.Feature.isin(self.regular_cols)]]) + .sort_values("MEAN_ABS_SHAP", ascending=False)) return make_callable(self._mean_abs_shap_cats) def calculate_properties(self, include_interactions=True): @@ -873,33 +876,34 @@ def shap_top_interactions(self, col, topx=None, cats=False, pos_label=None): list: top_interactions """ + if col in self.onehot_cols: + cats = True if cats: if hasattr(self, '_shap_interaction_values'): - col_idx = self.X_cats.columns.get_loc(col) - top_interactions = self.X_cats.columns[ - np.argsort( - -np.abs(self.shap_interaction_values_cats( - pos_label)[:, col_idx, :]).mean(0))].tolist() + _ = self.shap_interaction_values_cats + col_idx = self.columns_cats.index(col) + order = np.argsort(-np.abs(self.shap_interaction_values_cats(pos_label)[:, col_idx, :]).mean(0)) + top_interactions = np.array(self.columns_cats)[order].tolist() else: - top_interactions = self.mean_abs_shap_cats(pos_label)\ - .Feature.values.tolist() + top_interactions = self.columns_ranked_by_shap(cats) top_interactions.insert(0, top_interactions.pop( top_interactions.index(col))) #put col first - if topx is None: topx = len(top_interactions) - return top_interactions[:topx] + if topx is None: + return top_interactions + else: + return top_interactions[:topx] else: if hasattr(self, '_shap_interaction_values'): - col_idx = self.X.columns.get_loc(col) - top_interactions = self.X.columns[np.argsort(-np.abs( - self.shap_interaction_values( - pos_label)[:, col_idx, :]).mean(0))].tolist() + col_idx = self.columns.index(col) + order = np.argsort(-np.abs(self.shap_interaction_values(pos_label)[:, col_idx, :]).mean(0)) + top_interactions = self.X.columns[order].tolist() else: if hasattr(shap, "utils"): interaction_idxs = shap.utils.approximate_interactions( col, self.shap_values(pos_label), self.X) elif hasattr(shap, "common"): - # shap < 0.35 has approximate interactions in common + # shap < 0.35 has approximate interactions in common module interaction_idxs = shap.common.approximate_interactions( col, self.shap_values(pos_label), self.X) @@ -907,8 +911,10 @@ def shap_top_interactions(self, col, topx=None, cats=False, pos_label=None): #put col first top_interactions.insert(0, top_interactions.pop(-1)) - if topx is None: topx = len(top_interactions) - return top_interactions[:topx] + if topx is None: + return top_interactions + else: + return top_interactions[:topx] def shap_interaction_values_by_col(self, col, cats=False, pos_label=None): """returns the shap interaction values[np.array(N,N)] for feature col @@ -923,8 +929,10 @@ def shap_interaction_values_by_col(self, col, cats=False, pos_label=None): """ if cats: + assert col in self.columns_cats, \ + f"{col} not found in columns_cats!" return self.shap_interaction_values_cats(pos_label)[:, - self.X_cats.columns.get_loc(col), :] + self.columns_cats.index(col), :] else: return self.shap_interaction_values(pos_label)[:, self.X.columns.get_loc(col), :] @@ -1018,15 +1026,14 @@ def contrib_df(self, index=None, X_row=None, cats=True, topx=None, cutoff=None, else: cols = None if X_row is not None: - if ((len(X_row.columns) == len(self.X_cats.columns)) and - (X_row.columns == self.X_cats.columns).all()): - if cats: - X_row_cats = X_row - X_row = X_cats_to_X(X_row, self.onehot_dict, self.X.columns) + if ((len(X_row.columns) == len(self.columns_cats)) and + (X_row.columns == self.columns_cats).all()): + X_row_cats = X_row + X_row = X_cats_to_X(X_row, self.onehot_dict, self.X.columns) else: assert (X_row.columns == self.X.columns).all(), \ "X_row should have the same columns as self.X or self.X_cats!" - X_row_cats = merge_categorical_columns(X_row, self.onehot_dict) + X_row_cats = merge_categorical_columns(X_row, self.onehot_dict, drop_regular=False)[self.columns_cats] shap_values = self.shap_explainer.shap_values(X_row) if self.is_classifier: @@ -1035,8 +1042,9 @@ def contrib_df(self, index=None, X_row=None, cats=True, topx=None, cutoff=None, shap_values = shap_values[self.get_pos_label_index(pos_label)] if cats: - shap_values = merge_categorical_shap_values(X_row, shap_values, self.onehot_dict) - return get_contrib_df(self.shap_base_value(pos_label), shap_values[0], + shap_values_cats = merge_categorical_shap_values(X_row, shap_values, + self.onehot_dict, self.columns_cats) + return get_contrib_df(self.shap_base_value(pos_label), shap_values_cats[0], remove_cat_names(X_row_cats, self.onehot_dict), topx, cutoff, sort, cols) else: @@ -1097,7 +1105,7 @@ def interactions_df(self, col, cats=False, topx=None, cutoff=None, pd.DataFrame """ - importance_df = mean_absolute_shap_values( + importance_df = get_absolute_shap_df( self.columns_cats if cats else self.columns, self.shap_interaction_values_by_col(col, cats, pos_label)) @@ -1210,8 +1218,8 @@ def pdp_df(self, col, index=None, X_row=None, drop_na=True, sample=500, self.X[(self.X.index!=index)].sample(sample_size)], ignore_index=True, axis=0) elif X_row is not None: - if ((len(X_row.columns) == len(self.X_cats.columns)) and - (X_row.columns == self.X_cats.columns).all()): + if ((len(X_row.columns) == len(self.columns_cats)) and + (X_row.columns == self.columns_cats).all()): X_row = X_cats_to_X(X_row, self.onehot_dict, self.X.columns) else: assert (X_row.columns == self.X.columns).all(), \ @@ -1529,52 +1537,39 @@ def plot_shap_dependence(self, col, color_col=None, highlight_index=None, """ cats = self.check_cats(col, color_col) highlight_idx = self.get_int_idx(highlight_index) + if color_col is None: + X_color_col = None + else: + X_color_col = self.X_cats[color_col] if color_col in self.onehot_cols else self.X[color_col] - if cats: - - if col in self.onehot_cols or col in self.categorical_cols: - return plotly_shap_violin_plot( - self.X_cats, - self.shap_values_cats(pos_label), - col, - color_col, + if col in self.onehot_cols: + return plotly_shap_violin_plot( + self.X_cats[col], + self.shap_values_cats(pos_label)[col], + X_color_col, highlight_index=highlight_idx, idxs=self.idxs.values, index_name=self.index_name, cats_order=self.ordered_cats(col, topx, sort)) - else: - return plotly_dependence_plot( - self.X_cats, - self.shap_values_cats(pos_label), - col, - color_col, - na_fill=self.na_fill, - units=self.units, - highlight_index=highlight_idx, - idxs=self.idxs.values, - index_name=self.index_name) + elif col in self.categorical_cols: + return plotly_shap_violin_plot( + self.X[col], + self.shap_values(pos_label)[col], + X_color_col, + highlight_index=highlight_idx, + idxs=self.idxs.values, + index_name=self.index_name, + cats_order=self.ordered_cats(col, topx, sort)) else: - if col in self.categorical_cols: - return plotly_shap_violin_plot( - self.X_cats, - self.shap_values_cats(pos_label), - col, - color_col, - highlight_index=highlight_idx, - idxs=self.idxs.values, - index_name=self.index_name, - cats_order=self.ordered_cats(col, topx, sort)) - else: - return plotly_dependence_plot( - self.X, - self.shap_values(pos_label), - col, - color_col, - na_fill=self.na_fill, - units=self.units, - highlight_index=highlight_idx, - idxs=self.idxs.values, - index_name=self.index_name) + return plotly_dependence_plot( + self.X[col], + self.shap_values(pos_label)[col], + X_color_col, + na_fill=self.na_fill, + units=self.units, + highlight_index=highlight_idx, + idxs=self.idxs.values, + index_name=self.index_name) def plot_shap_interaction(self, col, interact_col, highlight_index=None, topx=10, sort='alphabet', pos_label=None): @@ -1669,7 +1664,7 @@ def __init__(self, model, X, y=None, permutation_metric=roc_auc_score, shap='guess', X_background=None, model_output="probability", cats=None, idxs=None, index_name=None, target=None, descriptions=None, n_jobs=None, permutation_cv=None, na_fill=-999, - labels=None, pos_label=1): + precision="float32", labels=None, pos_label=1): """ Explainer for classification models. Defines the shap values for each possible class in the classification. @@ -1690,7 +1685,7 @@ def __init__(self, model, X, y=None, permutation_metric=roc_auc_score, super().__init__(model, X, y, permutation_metric, shap, X_background, model_output, cats, idxs, index_name, target, descriptions, - n_jobs, permutation_cv, na_fill) + n_jobs, permutation_cv, na_fill, precision) assert hasattr(model, "predict_proba"), \ ("for ClassifierExplainer, model should be a scikit-learn " @@ -2203,7 +2198,7 @@ def prediction_result_df(self, index=None, X_row=None, add_star=True, logodds=Fa int_idx = self.get_int_idx(index) pred_probas = self.pred_probas_raw[int_idx, :] elif X_row is not None: - if X_row.columns.tolist()==self.X_cats.columns.tolist(): + if X_row.columns.tolist()==self.columns_cats: X_row = X_cats_to_X(X_row, self.onehot_dict, self.X.columns) pred_probas = self.model.predict_proba(X_row)[0, :] @@ -2493,7 +2488,7 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, shap="guess", X_background=None, model_output="raw", cats=None, idxs=None, index_name=None, target=None, descriptions=None, n_jobs=None, permutation_cv=None, - na_fill=-999, units=""): + na_fill=-999, precision="float32", units=""): """Explainer for regression models. In addition to BaseExplainer defines a number of plots specific to @@ -2507,7 +2502,7 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, super().__init__(model, X, y, permutation_metric, shap, X_background, model_output, cats, idxs, index_name, target, descriptions, - n_jobs, permutation_cv, na_fill) + n_jobs, permutation_cv, na_fill, precision) self._params_dict = {**self._params_dict, **dict(units=units)} self.units = units @@ -2654,7 +2649,7 @@ def prediction_result_df(self, index=None, X_row=None, round=3): index=preds_df.columns), ignore_index=True) elif X_row is not None: - if X_row.columns.tolist()==self.X_cats.columns.tolist(): + if X_row.columns.tolist()==self.columns_cats: X_row = X_cats_to_X(X_row, self.onehot_dict, self.X.columns) assert np.all(X_row.columns==self.X.columns), \ ("The column names of X_row should match X! Instead X_row.columns" From db1336787821eb0cdc02788198b0782ff631173e Mon Sep 17 00:00:00 2001 From: Oege Dijk Date: Fri, 15 Jan 2021 22:26:23 +0100 Subject: [PATCH 02/28] rewrote regression explainer --- TODO.md | 13 + .../dashboard_components/composites.py | 17 +- .../overview_components.py | 103 +-- .../regression_components.py | 171 +---- .../dashboard_components/shap_components.py | 371 +++------- explainerdashboard/explainer_methods.py | 51 +- explainerdashboard/explainer_plots.py | 318 ++++---- explainerdashboard/explainers.py | 694 +++++------------- tests/test_cats_only.py | 8 +- tests/test_classifier_base.py | 8 +- tests/test_linear_model.py | 8 +- tests/test_multiclass.py | 8 +- tests/test_regression_base.py | 8 +- 13 files changed, 575 insertions(+), 1203 deletions(-) diff --git a/TODO.md b/TODO.md index 2b6842a..bc99367 100644 --- a/TODO.md +++ b/TODO.md @@ -1,6 +1,19 @@ # TODO: +## Version 0.3: +- check all register_dependencies() +- rename tree methods +- regression vs col: + - fix violin plots + - set cat col order + - rename cat col names +- fix json bug +- fix shap summary +- fix shap interaction summary detailed +- fix shap interaction dependence: cats is flipped +- set limited color_col categories +- make violin points more opaque ## Bugs: - dash contributions reload bug: Exception: Additivity check failed in TreeExplainer! diff --git a/explainerdashboard/dashboard_components/composites.py b/explainerdashboard/dashboard_components/composites.py index 70571f1..7039cd9 100644 --- a/explainerdashboard/dashboard_components/composites.py +++ b/explainerdashboard/dashboard_components/composites.py @@ -404,7 +404,7 @@ class ShapDependenceComposite(ExplainerComponent): def __init__(self, explainer, title='Feature Dependence', name=None, hide_selector=True, hide_shapsummary=False, hide_shapdependence=False, - depth=None, cats=True, **kwargs): + depth=None, **kwargs): """Composite of ShapSummary and ShapDependence component Args: @@ -419,18 +419,15 @@ def __init__(self, explainer, title='Feature Dependence', name=None, hide_shapsummary (bool, optional): hide ShapSummaryComponent hide_shapdependence (bool, optional): ShapDependenceComponent depth (int, optional): Number of features to display. Defaults to None. - cats (bool, optional): Group categorical features. Defaults to True. """ super().__init__(explainer, title, name) self.shap_summary = ShapSummaryComponent( self.explainer, name=self.name+"0", - **update_params(kwargs, hide_selector=hide_selector, depth=depth, cats=cats)) + **update_params(kwargs, hide_selector=hide_selector, depth=depth)) self.shap_dependence = ShapDependenceComponent( self.explainer, name=self.name+"1", - hide_selector=hide_selector, cats=cats, - **update_params(kwargs, hide_cats=True) - ) + hide_selector=hide_selector, **kwargs) self.connector = ShapSummaryDependenceConnector( self.shap_summary, self.shap_dependence) @@ -446,7 +443,7 @@ class ShapInteractionsComposite(ExplainerComponent): def __init__(self, explainer, title='Feature Interactions', name=None, hide_selector=True, hide_interactionsummary=False, hide_interactiondependence=False, - depth=None, cats=True, **kwargs): + depth=None, **kwargs): """Composite of InteractionSummaryComponent and InteractionDependenceComponent Args: @@ -461,14 +458,12 @@ def __init__(self, explainer, title='Feature Interactions', name=None, hide_interactionsummary (bool, optional): hide InteractionSummaryComponent hide_interactiondependence (bool, optional): hide InteractionDependenceComponent depth (int, optional): Initial number of features to display. Defaults to None. - cats (bool, optional): Initally group cats. Defaults to True. """ super().__init__(explainer, title, name) - self.interaction_summary = InteractionSummaryComponent(explainer, name=self.name+"0", - hide_selector=hide_selector, depth=depth, cats=cats, **kwargs) + hide_selector=hide_selector, depth=depth, **kwargs) self.interaction_dependence = InteractionDependenceComponent(explainer, name=self.name+"1", - hide_selector=hide_selector, cats=cats, **update_params(kwargs, hide_cats=True)) + hide_selector=hide_selector, **kwargs) self.connector = InteractionSummaryDependenceConnector( self.interaction_summary, self.interaction_dependence) diff --git a/explainerdashboard/dashboard_components/overview_components.py b/explainerdashboard/dashboard_components/overview_components.py index 67a6197..862607a 100644 --- a/explainerdashboard/dashboard_components/overview_components.py +++ b/explainerdashboard/dashboard_components/overview_components.py @@ -110,10 +110,10 @@ def update_output_div(index, include_percentile, pos_label): class ImportancesComponent(ExplainerComponent): def __init__(self, explainer, title="Feature Importances", name=None, subtitle="Which features had the biggest impact?", - hide_type=False, hide_depth=False, hide_cats=False, + hide_type=False, hide_depth=False, hide_title=False, hide_subtitle=False, hide_selector=False, pos_label=None, importance_type="shap", depth=None, - cats=True, no_permutations=False, + no_permutations=False, description=None, **kwargs): """Display features importances component @@ -130,8 +130,7 @@ def __init__(self, explainer, title="Feature Importances", name=None, Defaults to False. hide_depth (bool, optional): Hide number of features toggle. Defaults to False. - hide_cats (bool, optional): Hide group cats toggle. - Defaults to False. + hide_title (bool, optional): hide title. Defaults to False. hide_subtitle (bool, optional): Hide subtitle. Defaults to False. hide_selector (bool, optional): hide pos label selectors. @@ -142,7 +141,6 @@ def __init__(self, explainer, title="Feature Importances", name=None, initial importance type to display. Defaults to "shap". depth (int, optional): Initial number of top features to display. Defaults to None (=show all). - cats (bool, optional): Group categoricals. Defaults to True. no_permutations (bool, optional): Do not use the permutation importances for this component. Defaults to False. description (str, optional): Tooltip to display when hover over @@ -150,14 +148,11 @@ def __init__(self, explainer, title="Feature Importances", name=None, """ super().__init__(explainer, title, name) - if not self.explainer.onehot_cols: - self.hide_cats = True - assert importance_type in ['shap', 'permutation'], \ "importance type must be either 'shap' or 'permutation'!" if depth is not None: - self.depth = min(depth, len(explainer.columns_ranked_by_shap(cats))) + self.depth = min(depth, len(explainer.columns_ranked_by_shap())) self.selector = PosLabelSelector(explainer, name=self.name, pos_label=pos_label) @@ -171,9 +166,9 @@ def __init__(self, explainer, title="Feature Importances", name=None, does the model get worse when you shuffle this feature, rendering it useless?). """ - self.register_dependencies('shap_values', 'shap_values_cats') + self.register_dependencies('shap_values_df') if not (self.hide_type and self.importance_type == 'shap'): - self.register_dependencies('permutation_importances', 'permutation_importances_cats') + self.register_dependencies('permutation_importances') def layout(self): return dbc.Card([ @@ -214,27 +209,10 @@ def layout(self): html.Label('Depth:', id='importances-depth-label-'+self.name), dbc.Select(id='importances-depth-'+self.name, options = [{'label': str(i+1), 'value':i+1} - for i in range(self.explainer.n_features(self.cats))], + for i in range(self.explainer.n_features())], value=self.depth), dbc.Tooltip("Select how many features to display", target='importances-depth-label-'+self.name) - ], md=2), self.hide_depth), - make_hideable( - dbc.Col([ - dbc.FormGroup([ - dbc.Label("Grouping:", id='importances-group-cats-label-'+self.name), - dbc.Tooltip("Group onehot encoded categorical variables together", - target='importances-group-cats-label-'+self.name), - dbc.Checklist( - options=[ - {"label": "Group cats", "value": True}, - ], - value=[True] if self.cats else [], - id='importances-group-cats-'+self.name, - inline=True, - switch=True, - ), - ]), - ]), self.hide_cats), + ], md=2), self.hide_depth), make_hideable( dbc.Col([self.selector.layout() ], width=2), hide=self.hide_selector) @@ -251,37 +229,28 @@ def layout(self): def component_callbacks(self, app, **kwargs): @app.callback( - [Output('importances-graph-'+self.name, 'figure'), - Output('importances-depth-'+self.name, 'options')], + Output('importances-graph-'+self.name, 'figure'), [Input('importances-depth-'+self.name, 'value'), - Input('importances-group-cats-'+self.name, 'value'), Input('importances-permutation-or-shap-'+self.name, 'value'), Input('pos-label-'+self.name, 'value')], ) - def update_importances(depth, cats, permutation_shap, pos_label): + def update_importances(depth, permutation_shap, pos_label): depth = None if depth is None else int(depth) plot = self.explainer.plot_importances( - kind=permutation_shap, topx=depth, - cats=bool(cats), pos_label=pos_label) - trigger = dash.callback_context.triggered[0]['prop_id'].split('.')[0] - if trigger == 'importances-group-cats-'+self.name: - depth_options = [{'label': str(i+1), 'value': i+1} - for i in range(self.explainer.n_features(bool(cats)))] - return (plot, depth_options) - else: - return (plot, dash.no_update) + kind=permutation_shap, topx=depth, pos_label=pos_label) + return plot class PdpComponent(ExplainerComponent): def __init__(self, explainer, title="Partial Dependence Plot", name=None, subtitle="How does the prediction change if you change one feature?", - hide_col=False, hide_index=False, hide_cats=False, + hide_col=False, hide_index=False, hide_title=False, hide_subtitle=False, hide_footer=False, hide_selector=False, hide_dropna=False, hide_sample=False, hide_gridlines=False, hide_gridpoints=False, hide_cats_sort=False, feature_input_component=None, - pos_label=None, col=None, index=None, cats=True, + pos_label=None, col=None, index=None, dropna=True, sample=100, gridlines=50, gridpoints=10, cats_sort='freq', description=None, **kwargs): @@ -298,7 +267,6 @@ def __init__(self, explainer, title="Partial Dependence Plot", name=None, subtitle (str): subtitle hide_col (bool, optional): Hide feature selector. Defaults to False. hide_index (bool, optional): Hide index selector. Defaults to False. - hide_cats (bool, optional): Hide group cats toggle. Defaults to False. hide_title (bool, optional): Hide title, Defaults to False. hide_subtitle (bool, optional): Hide subtitle. Defaults to False. hide_footer (bool, optional): hide the footer at the bottom of the component @@ -315,7 +283,6 @@ def __init__(self, explainer, title="Partial Dependence Plot", name=None, Defaults to explainer.pos_label col (str, optional): Feature to display PDP for. Defaults to None. index ({int, str}, optional): Index to add ice line to plot. Defaults to None. - cats (bool, optional): Group categoricals for feature selector. Defaults to True. dropna (bool, optional): Drop rows where values equal explainer.na_fill (usually -999). Defaults to True. sample (int, optional): Sample size to calculate average partial dependence. Defaults to 100. gridlines (int, optional): Number of ice lines to display in plot. Defaults to 50. @@ -330,10 +297,7 @@ def __init__(self, explainer, title="Partial Dependence Plot", name=None, self.index_name = 'pdp-index-'+self.name if self.col is None: - self.col = self.explainer.columns_ranked_by_shap(self.cats)[0] - - if not self.explainer.onehot_cols: - self.hide_cats = True + self.col = self.explainer.columns_ranked_by_shap()[0] if self.feature_input_component is not None: self.exclude_callbacks(self.feature_input_component) @@ -371,7 +335,7 @@ def layout(self): target='pdp-col-label-'+self.name), dbc.Select(id='pdp-col-'+self.name, options=[{'label': col, 'value':col} - for col in self.explainer.columns_ranked_by_shap(self.cats)], + for col in self.explainer.columns_ranked_by_shap()], value=self.col), ], md=4), hide=self.hide_col), make_hideable( @@ -381,29 +345,12 @@ def layout(self): target='pdp-index-label-'+self.name), dcc.Dropdown(id='pdp-index-'+self.name, options = [{'label': str(idx), 'value':idx} - for idx in self.explainer.idxs], + for idx in self.explainer.get_index_list()], value=self.index) ], md=4), hide=self.hide_index), make_hideable( dbc.Col([self.selector.layout() ], width=2), hide=self.hide_selector), - make_hideable( - dbc.Col([ - dbc.FormGroup([ - dbc.Label("Grouping:", id='pdp-group-cats-label-'+self.name), - dbc.Tooltip("Group onehot encoded categorical variables together", - target='pdp-group-cats-label-'+self.name), - dbc.Checklist( - options=[ - {"label": "Group cats", "value": True}, - ], - value=[True] if self.cats else [], - id='pdp-group-cats-'+self.name, - inline=True, - switch=True, - ), - ]), - ], md=2), hide=self.hide_cats), ], form=True), dbc.Row([ dbc.Col([ @@ -487,16 +434,6 @@ def component_callbacks(self, app): def update_pdp_sort_div(col): return {} if col in self.explainer.cat_cols else dict(display="none") - @app.callback( - Output('pdp-col-'+self.name, 'options'), - [Input('pdp-group-cats-'+self.name, 'value')], - [State('pos-label-'+self.name, 'value')] - ) - def update_pdp_graph(cats, pos_label): - col_options = [{'label': col, 'value':col} - for col in self.explainer.columns_ranked_by_shap(bool(cats), pos_label=pos_label)] - return col_options - if self.feature_input_component is None: @app.callback( Output('pdp-graph-'+self.name, 'figure'), @@ -568,7 +505,7 @@ def __init__(self, explainer, title="Feature Input", name=None, self.index_name = 'feature-input-index-'+self.name - self._input_features = self.explainer.columns_ranked_by_shap(cats=True) + self._input_features = self.explainer.columns_ranked_by_shap() self._feature_inputs = [ self._generate_dash_input( feature, self.explainer.onehot_cols, self.explainer.onehot_dict, self.explainer.categorical_dict) @@ -640,7 +577,7 @@ def layout(self): dbc.Label(f"{self.explainer.index_name}:"), dcc.Dropdown(id='feature-input-index-'+self.name, options = [{'label': str(idx), 'value':idx} - for idx in self.explainer.idxs], + for idx in self.explainer.get_index_list()], value=self.index) ], md=4), hide=self.hide_index), ], form=True), @@ -658,7 +595,7 @@ def component_callbacks(self, app): def update_whatif_inputs(index): if index is None: raise PreventUpdate - X_row = self.explainer.get_X_row(index, cats=True)[self.explainer.columns_ranked_by_shap(cats=True)] + X_row = self.explainer.get_X_row(index, merge=True)[self.explainer.columns_ranked_by_shap()] return X_row.values[0].tolist() diff --git a/explainerdashboard/dashboard_components/regression_components.py b/explainerdashboard/dashboard_components/regression_components.py index bce7e73..0b696f1 100644 --- a/explainerdashboard/dashboard_components/regression_components.py +++ b/explainerdashboard/dashboard_components/regression_components.py @@ -92,17 +92,21 @@ def __init__(self, explainer, title="Select Random Index", name=None, self.abs_residual_slider = [0.0, 1.0] if self.pred_slider is None: - self.pred_slider = [self.explainer.preds.min(), self.explainer.preds.max()] + self.pred_slider = [float(self.explainer.preds.min()), + float(self.explainer.preds.max())] if not self.explainer.y_missing: if self.y_slider is None: - self.y_slider = [self.explainer.y.min(), self.explainer.y.max()] + self.y_slider = [float(self.explainer.y.min()), + float(self.explainer.y.max())] if self.residual_slider is None: - self.residual_slider = [self.explainer.residuals.min(), self.explainer.residuals.max()] + self.residual_slider = [float(self.explainer.residuals.min()), + float(self.explainer.residuals.max())] if self.abs_residual_slider is None: - self.abs_residual_slider = [self.explainer.abs_residuals.min(), self.explainer.abs_residuals.max()] + self.abs_residual_slider = [float(self.explainer.abs_residuals.min()), + float(self.explainer.abs_residuals.max())] assert (len(self.pred_slider)==2 and self.pred_slider[0]<=self.pred_slider[1]), \ "pred_slider should be a list of a [lower_bound, upper_bound]!" @@ -121,7 +125,7 @@ def __init__(self, explainer, title="Select Random Index", name=None, self.residual_slider = [float(r) for r in self.residual_slider] self.abs_residual_slider = [float(a) for a in self.abs_residual_slider] - assert self.pred_or_y in ['preds', 'y'], "pred_or_y should be in ['preds', 'y']!" + assert self.pred_or_y in {'preds', 'y'}, "pred_or_y should be in ['preds', 'y']!" if self.description is None: self.description = f""" You can select a {self.explainer.index_name} directly by choosing it @@ -151,7 +155,7 @@ def layout(self): dbc.Col([ dcc.Dropdown(id='random-index-reg-index-'+self.name, options = [{'label': str(idx), 'value':idx} - for idx in self.explainer.idxs], + for idx in self.explainer.get_index_list()], value=self.index) ], md=8), hide=self.hide_index), make_hideable( @@ -231,8 +235,8 @@ def layout(self): id='random-index-reg-residual-slider-'+self.name, min=float(self.explainer.residuals.min()), max=float(self.explainer.residuals.max()), - step=np.float_power(10, -self.round), - value=[self.residual_slider[0], self.residual_slider[1]], + step=float(np.float_power(10, -self.round)), + value=[float(self.residual_slider[0]), float(self.residual_slider[1])], marks={float(self.explainer.residuals.min()): str(np.round(self.explainer.residuals.min(), self.round)), float(self.explainer.residuals.max()): str(np.round(self.explainer.residuals.max(), self.round))}, allowCross=False, @@ -250,8 +254,8 @@ def layout(self): id='random-index-reg-abs-residual-slider-'+self.name, min=float(self.explainer.abs_residuals.min()), max=float(self.explainer.abs_residuals.max()), - step=np.float_power(10, -self.round), - value=[self.abs_residual_slider[0], self.abs_residual_slider[1]], + step=float(np.float_power(10, -self.round)), + value=[float(self.abs_residual_slider[0]), float(self.abs_residual_slider[1])], marks={float(self.explainer.abs_residuals.min()): str(np.round(self.explainer.abs_residuals.min(), self.round)), float(self.explainer.abs_residuals.max()): str(np.round(self.explainer.abs_residuals.max(), self.round))}, allowCross=False, @@ -281,103 +285,6 @@ def layout(self): target='random-index-reg-abs-residual-label-'+self.name), ], md=4), hide=self.hide_abs_residuals), ]), - # make_hideable( - # html.Div([ - # html.Div([ - # dbc.Row([ - # dbc.Col([ - # html.Div([ - # dbc.Label("Residuals range:", id='random-index-reg-residual-slider-label-'+self.name, - # html_for='random-index-reg-residual-slider-'+self.name), - # dbc.Tooltip(f"Only select {self.explainer.index_name} where the " - # f"residual (difference between observed {self.explainer.target} and predicted {self.explainer.target})" - # " was within the following range:", - # target='random-index-reg-residual-slider-label-'+self.name), - # dcc.RangeSlider( - # id='random-index-reg-residual-slider-'+self.name, - # min=float(self.explainer.residuals.min()), - # max=float(self.explainer.residuals.max()), - # step=np.float_power(10, -self.round), - # value=[self.residual_slider[0], self.residual_slider[1]], - # marks={float(self.explainer.residuals.min()): str(np.round(self.explainer.residuals.min(), self.round)), - # float(self.explainer.residuals.max()): str(np.round(self.explainer.residuals.max(), self.round))}, - # allowCross=False, - # tooltip={'always_visible' : False} - # ) - # ], style={'margin-bottom':0}) - # ], md=8) - # ]), - # ], id='random-index-reg-residual-slider-div-'+self.name), - # html.Div([ - # dbc.Row([ - # dbc.Col([ - # html.Div([ - # dbc.Label("Absolute residuals", id='random-index-reg-abs-residual-slider-label'+self.name, - # html_for='random-index-reg-abs-residual-slider-'+self.name), - # dbc.Tooltip(f"Only select {self.explainer.index_name} where the absolute " - # f"residual (difference between observed {self.explainer.target} and predicted {self.explainer.target})" - # " was within the following range:", - # target='random-index-reg-abs-residual-slider-label'+self.name), - # dcc.RangeSlider( - # id='random-index-reg-abs-residual-slider-'+self.name, - # min=float(self.explainer.abs_residuals.min()), - # max=float(self.explainer.abs_residuals.max()), - # step=np.float_power(10, -self.round), - # value=[self.abs_residual_slider[0], self.abs_residual_slider[1]], - # marks={float(self.explainer.abs_residuals.min()): str(np.round(self.explainer.abs_residuals.min(), self.round)), - # float(self.explainer.abs_residuals.max()): str(np.round(self.explainer.abs_residuals.max(), self.round))}, - # allowCross=False, - # tooltip={'always_visible' : False} - # ) - # ], style={'margin-bottom':0}) - # ], md=8) - # ]) - # ], id='random-index-reg-abs-residual-slider-div-'+self.name), - # ]), hide=self.hide_residual_slider), - # dbc.Row([ - # make_hideable( - # dbc.Col([ - # dbc.Label("Residuals:", id='random-index-reg-abs-residual-label-'+self.name, - # html_for='random-index-reg-abs-residual-'+self.name), - # dbc.Select( - # id='random-index-reg-abs-residual-'+self.name, - # options=[ - # {'label': 'Residuals', 'value': 'relative'}, - # {'label': 'Absolute Residuals', 'value': 'absolute'}, - # ], - # value='absolute' if self.abs_residuals else 'relative'), - # dbc.Tooltip(f"You can either only select random a {self.explainer.index_name} " - # f"from within a certain range of residuals " - # f"(difference between observed and predicted {self.explainer.target}), " - # f"so for example only {self.explainer.index_name} for whom the prediction " - # f"was too high or too low." - # f"Or you can select only from a certain absolute residual range. So for " - # f"example only select {self.explainer.index_name} for which the prediction was at " - # f"least a certain amount of {self.explainer.units} off.", - # target='random-index-reg-abs-residual-label-'+self.name), - # ], md=4), hide=self.hide_pred_or_y), - # make_hideable( - # dbc.Col([ - # html.Div([ - # dbc.Select( - # id='random-index-reg-abs-residual-'+self.name, - # options=[ - # {'label': 'Use Residuals', 'value': 'relative'}, - # {'label': 'Use Absolute Residuals', 'value': 'absolute'}, - # ], - # value='absolute' if self.abs_residuals else 'relative'), - # ], id='random-index-reg-abs-residual-div-'+self.name), - # dbc.Tooltip(f"You can either only select random a {self.explainer.index_name} " - # f"from within a certain range of residuals " - # f"(difference between observed and predicted {self.explainer.target}), " - # f"so for example only {self.explainer.index_name} for whom the prediction " - # f"was too high or too low." - # f"Or you can select only from a certain absolute residual range. So for " - # f"example only select {self.explainer.index_name} for which the prediction was at " - # f"least a certain amount of {self.explainer.units} off.", - # target='random-index-reg-abs-residual-div-'+self.name), - - # ], md=4), hide=self.hide_abs_residuals), ]), ]) @@ -420,15 +327,15 @@ def update_reg_hidden_div_pred_sliders(abs_residuals): State('random-index-reg-abs-residual-slider-'+self.name, 'value')]) def update_residual_slider_limits(pred_range, y_range, preds_or_y, residuals_range, abs_residuals_range): if preds_or_y=='preds': - min_residuals = self.explainer.residuals[(self.explainer.preds >= pred_range[0]) & (self.explainer.preds <= pred_range[1])].min() - max_residuals = self.explainer.residuals[(self.explainer.preds >= pred_range[0]) & (self.explainer.preds <= pred_range[1])].max() - min_abs_residuals = self.explainer.abs_residuals[(self.explainer.preds >= pred_range[0]) & (self.explainer.preds <= pred_range[1])].min() - max_abs_residuals = self.explainer.abs_residuals[(self.explainer.preds >= pred_range[0]) & (self.explainer.preds <= pred_range[1])].max() + min_residuals = float(self.explainer.residuals[(self.explainer.preds >= pred_range[0]) & (self.explainer.preds <= pred_range[1])].min()) + max_residuals = float(self.explainer.residuals[(self.explainer.preds >= pred_range[0]) & (self.explainer.preds <= pred_range[1])].max()) + min_abs_residuals = float(self.explainer.abs_residuals[(self.explainer.preds >= pred_range[0]) & (self.explainer.preds <= pred_range[1])].min()) + max_abs_residuals = float(self.explainer.abs_residuals[(self.explainer.preds >= pred_range[0]) & (self.explainer.preds <= pred_range[1])].max()) elif preds_or_y=='y': - min_residuals = self.explainer.residuals[(self.explainer.y >= y_range[0]) & (self.explainer.y <= y_range[1])].min() - max_residuals = self.explainer.residuals[(self.explainer.y >= y_range[0]) & (self.explainer.y <= y_range[1])].max() - min_abs_residuals = self.explainer.abs_residuals[(self.explainer.y >= y_range[0]) & (self.explainer.y <= y_range[1])].min() - max_abs_residuals = self.explainer.abs_residuals[(self.explainer.y >= y_range[0]) & (self.explainer.y <= y_range[1])].max() + min_residuals = float(self.explainer.residuals[(self.explainer.y >= y_range[0]) & (self.explainer.y <= y_range[1])].min()) + max_residuals = float(self.explainer.residuals[(self.explainer.y >= y_range[0]) & (self.explainer.y <= y_range[1])].max()) + min_abs_residuals = float(self.explainer.abs_residuals[(self.explainer.y >= y_range[0]) & (self.explainer.y <= y_range[1])].min()) + max_abs_residuals = float(self.explainer.abs_residuals[(self.explainer.y >= y_range[0]) & (self.explainer.y <= y_range[1])].max()) new_residuals_range = [max(min_residuals, residuals_range[0]), min(max_residuals, residuals_range[1])] new_abs_residuals_range = [max(min_abs_residuals, abs_residuals_range[0]), min(max_abs_residuals, abs_residuals_range[1])] @@ -534,7 +441,7 @@ def layout(self): dbc.Label(f"{self.explainer.index_name}:"), dcc.Dropdown(id='reg-prediction-index-'+self.name, options = [{'label': str(idx), 'value':idx} - for idx in self.explainer.idxs], + for idx in self.explainer.get_index_list()], value=self.index) ], md=6), hide=self.hide_index), ]), @@ -791,9 +698,9 @@ class RegressionVsColComponent(ExplainerComponent): def __init__(self, explainer, title="Plot vs feature", name=None, subtitle="Are predictions and residuals correlated with features?", hide_title=False, hide_subtitle=False, hide_footer=False, - hide_col=False, hide_ratio=False, hide_cats=False, + hide_col=False, hide_ratio=False, hide_points=False, hide_winsor=False, - col=None, display='difference', cats=True, + col=None, display='difference', points=True, winsor=0, description=None, **kwargs): """Show residuals, observed or preds vs a particular Feature component @@ -811,13 +718,11 @@ def __init__(self, explainer, title="Plot vs feature", name=None, hide_footer (bool, optional): hide the footer at the bottom of the component hide_col (bool, optional): Hide de column selector. Defaults to False. hide_ratio (bool, optional): Hide the toggle. Defaults to False. - hide_cats (bool, optional): Hide group cats toggle. Defaults to False. hide_points (bool, optional): Hide group points toggle. Defaults to False. hide_winsor (bool, optional): Hide winsor input. Defaults to False. col ([type], optional): Initial feature to display. Defaults to None. display (str, {'observed', 'predicted', difference', 'ratio', 'log-ratio'} optional): What to display on y axis. Defaults to 'difference'. - cats (bool, optional): group categorical columns. Defaults to True. points (bool, optional): display point cloud next to violin plot for categorical cols. Defaults to True winsor (int, 0-50, optional): percentage of outliers to winsor out of @@ -828,7 +733,7 @@ def __init__(self, explainer, title="Plot vs feature", name=None, super().__init__(explainer, title, name) if self.col is None: - self.col = self.explainer.columns_ranked_by_shap(self.cats)[0] + self.col = self.explainer.columns_ranked_by_shap()[0] assert self.display in {'observed', 'predicted', 'difference', 'ratio', 'log-ratio'}, \ ("parameter display should in {'observed', 'predicted', 'difference', 'ratio', 'log-ratio'}" @@ -862,7 +767,7 @@ def layout(self): target='reg-vs-col-col-label-'+self.name), dbc.Select(id='reg-vs-col-col-'+self.name, options=[{'label': col, 'value':col} - for col in self.explainer.columns_ranked_by_shap(self.cats)], + for col in self.explainer.columns_ranked_by_shap()], value=self.col), ], md=4), hide=self.hide_col), make_hideable( @@ -882,21 +787,6 @@ def layout(self): {'label': 'Residuals: Log ratio', 'value': 'log-ratio'}], value=self.display), ], md=4), hide=self.hide_ratio), - make_hideable( - dbc.Col([ - dbc.FormGroup([ - dbc.Label("Grouping:", id='reg-vs-col-group-cats-label-'+self.name), - dbc.Tooltip("Group onehot encoded categorical variables together", - target='reg-vs-col-group-cats-label-'+self.name), - dbc.Checklist( - options=[{"label": "Group cats", "value": True}], - value=[True] if self.cats else [], - id='reg-vs-col-group-cats-'+self.name, - inline=True, - switch=True, - ), - ]), - ], md=2), self.hide_cats), ]), dbc.Row([ dbc.Col([ @@ -966,13 +856,6 @@ def update_residuals_graph(col, display, points, winsor): col, residuals=display, points=bool(points), winsor=winsor, dropna=True), style - @app.callback( - Output('reg-vs-col-col-'+self.name, 'options'), - [Input('reg-vs-col-group-cats-'+self.name, 'value')]) - def update_dependence_shap_scatter_graph(cats): - return [{'label': col, 'value': col} - for col in self.explainer.columns_ranked_by_shap(bool(cats))] - class RegressionModelSummaryComponent(ExplainerComponent): def __init__(self, explainer, title="Model Summary", name=None, diff --git a/explainerdashboard/dashboard_components/shap_components.py b/explainerdashboard/dashboard_components/shap_components.py index ab85642..e026815 100644 --- a/explainerdashboard/dashboard_components/shap_components.py +++ b/explainerdashboard/dashboard_components/shap_components.py @@ -22,9 +22,9 @@ class ShapSummaryComponent(ExplainerComponent): def __init__(self, explainer, title='Shap Summary', name=None, subtitle="Ordering features by shap value", hide_title=False, hide_subtitle=False, hide_depth=False, - hide_type=False, hide_cats=False, hide_index=False, hide_selector=False, + hide_type=False, hide_index=False, hide_selector=False, pos_label=None, depth=None, - summary_type="aggregate", cats=True, index=None, + summary_type="aggregate", index=None, description=None, **kwargs): """Shows shap summary component @@ -43,24 +43,19 @@ def __init__(self, explainer, title='Shap Summary', name=None, Defaults to False. hide_type (bool, optional): hide the summary type toggle (aggregated, detailed). Defaults to False. - hide_cats (bool, optional): hide the group cats toggle. Defaults to False. hide_selector (bool, optional): hide pos label selector. Defaults to False. pos_label ({int, str}, optional): initial pos label. Defaults to explainer.pos_label depth (int, optional): initial number of features to show. Defaults to None. summary_type (str, {'aggregate', 'detailed'}. optional): type of summary graph to show. Defaults to "aggregate". - cats (bool, optional): group cats. Defaults to True. description (str, optional): Tooltip to display when hover over component title. When None default text is shown. """ super().__init__(explainer, title, name) - if not self.explainer.onehot_cols: - self.hide_cats = True - if self.depth is not None: - self.depth = min(self.depth, self.explainer.n_features(cats)) + self.depth = min(self.depth, self.explainer.n_features()) self.index_name = 'shap-summary-index-'+self.name self.selector = PosLabelSelector(explainer, name=self.name, pos_label=pos_label) @@ -70,7 +65,7 @@ def __init__(self, explainer, title='Shap Summary', name=None, per feature. Or get a more detailed look at the spread of shap values per feature and how they correlate the the feature value (red is high). """ - self.register_dependencies('shap_values', 'shap_values_cats') + self.register_dependencies('shap_values_df') def layout(self): return dbc.Card([ @@ -91,7 +86,7 @@ def layout(self): target='shap-summary-depth-label-'+self.name), dbc.Select(id='shap-summary-depth-'+self.name, options=[{'label': str(i+1), 'value': i+1} for i in - range(self.explainer.n_features(self.cats))], + range(self.explainer.n_features())], value=self.depth) ], md=2), self.hide_depth), make_hideable( @@ -113,21 +108,6 @@ def layout(self): ] ) ]), self.hide_type), - make_hideable( - dbc.Col([ - dbc.FormGroup([ - dbc.Label("Grouping:", id='shap-summary-group-cats-label-'+self.name), - dbc.Tooltip("Group onehot encoded categorical variables together", - target='shap-summary-group-cats-label-'+self.name), - dbc.Checklist( - options=[{"label": "Group cats", "value": True}], - value=[True] if self.cats else [], - id='shap-summary-group-cats-'+self.name, - inline=True, - switch=True, - ), - ]), - ], md=3), self.hide_cats), make_hideable( dbc.Col([ html.Div([ @@ -137,7 +117,7 @@ def layout(self): target='shap-summary-index-label-'+self.name), dcc.Dropdown(id='shap-summary-index-'+self.name, options = [{'label': str(idx), 'value':idx} - for idx in self.explainer.idxs], + for idx in self.explainer.get_index_list()], value=self.index), ], id='shap-summary-index-col-'+self.name, style=dict(display="none")), ], md=3), hide=self.hide_index), @@ -165,45 +145,38 @@ def display_scatter_click_data(clickdata): @app.callback( [Output('shap-summary-graph-'+self.name, 'figure'), - Output('shap-summary-depth-'+self.name, 'options'), Output('shap-summary-index-col-'+self.name, 'style')], [Input('shap-summary-type-'+self.name, 'value'), - Input('shap-summary-group-cats-'+self.name, 'value'), Input('shap-summary-depth-'+self.name, 'value'), Input('shap-summary-index-'+self.name, 'value'), Input('pos-label-'+self.name, 'value')]) - def update_shap_summary_graph(summary_type, cats, depth, index, pos_label): - cats = bool(cats) + def update_shap_summary_graph(summary_type, depth, index, pos_label): depth = None if depth is None else int(depth) if summary_type == 'aggregate': plot = self.explainer.plot_importances( - kind='shap', topx=depth, cats=cats, pos_label=pos_label) + kind='shap', topx=depth, pos_label=pos_label) elif summary_type == 'detailed': plot = self.explainer.plot_shap_summary( - topx=depth, cats=cats, pos_label=pos_label, index=index) + topx=depth, pos_label=pos_label, index=index) ctx = dash.callback_context trigger = ctx.triggered[0]['prop_id'].split('.')[0] - if trigger == 'shap-summary-group-cats-'+self.name: - depth_options = [{'label': str(i+1), 'value': i+1} - for i in range(self.explainer.n_features(cats))] - return (plot, depth_options, dash.no_update) - elif trigger == 'shap-summary-type-'+self.name: + if trigger == 'shap-summary-type-'+self.name: if summary_type == 'aggregate': - return (plot, dash.no_update, dict(display="none")) + return (plot, dict(display="none")) elif summary_type == 'detailed': - return (plot, dash.no_update, {}) + return (plot, {}) else: - return (plot, dash.no_update, dash.no_update) + return (plot, dash.no_update) class ShapDependenceComponent(ExplainerComponent): def __init__(self, explainer, title='Shap Dependence', name=None, subtitle="Relationship between feature value and SHAP value", - hide_title=False, hide_subtitle=False, hide_cats=False, hide_col=False, + hide_title=False, hide_subtitle=False, hide_col=False, hide_color_col=False, hide_index=False, hide_selector=False, hide_cats_topx=False, hide_cats_sort=False, hide_footer=False, - pos_label=None, cats=True, + pos_label=None, col=None, color_col=None, index=None, cats_topx=10, cats_sort='freq', description=None, **kwargs): @@ -220,7 +193,6 @@ def __init__(self, explainer, title='Shap Dependence', name=None, subtitle (str): subtitle hide_title (bool, optional): hide component title. Defaults to False. hide_subtitle (bool, optional): Hide subtitle. Defaults to False. - hide_cats (bool, optional): hide group cats toggle. Defaults to False. hide_col (bool, optional): hide feature selector. Defaults to False. hide_color_col (bool, optional): hide color feature selector Defaults to False. hide_index (bool, optional): hide index selector Defaults to False. @@ -230,13 +202,10 @@ def __init__(self, explainer, title='Shap Dependence', name=None, hide_footer (bool, optional): hide the footer. pos_label ({int, str}, optional): initial pos label. Defaults to explainer.pos_label - cats (bool, optional): group cats. Defaults to True. col (str, optional): Feature to display. Defaults to None. color_col (str, optional): Color plot by values of this Feature. Defaults to None. index (int, optional): Highlight a particular index. Defaults to None. - cats_topx (int, optional): number of categories to display for - categorical features. cats_sort (str, optional): how to sort categories: 'alphabet', 'freq' or 'shap'. Defaults to 'freq'. description (str, optional): Tooltip to display when hover over @@ -245,9 +214,9 @@ def __init__(self, explainer, title='Shap Dependence', name=None, super().__init__(explainer, title, name) if self.col is None: - self.col = self.explainer.columns_ranked_by_shap(self.cats)[0] + self.col = self.explainer.columns_ranked_by_shap()[0] if self.color_col is None: - self.color_col = self.explainer.shap_top_interactions(self.col, cats=cats)[1] + self.color_col = self.explainer.top_shap_interactions(self.col)[1] self.selector = PosLabelSelector(explainer, name=self.name, pos_label=pos_label) self.index_name = 'shap-dependence-index-'+self.name @@ -261,7 +230,7 @@ def __init__(self, explainer, title='Shap Dependence', name=None, about the relationships that the model has learned between the input features and the predicted outcome. """ - self.register_dependencies('shap_values', 'shap_values_cats') + self.register_dependencies('shap_values_df') def layout(self): return dbc.Card([ @@ -280,22 +249,6 @@ def layout(self): ], width=2), hide=self.hide_selector), ]), dbc.Row([ - make_hideable( - dbc.Col([ - dbc.FormGroup([ - dbc.Label("Grouping:", id='shap-dependence-group-cats-label-'+self.name), - dbc.Tooltip("Group onehot encoded categorical variables together", - target='shap-dependence-group-cats-label-'+self.name), - dbc.Checklist( - options=[{"label": "Group cats", "value": True}], - value=[True] if self.cats else [], - id='shap-dependence-group-cats-'+self.name, - inline=True, - switch=True, - ), - ]), - - ], md=2), self.hide_cats), make_hideable( dbc.Col([ dbc.Label('Feature:', id='shap-dependence-col-label-'+self.name), @@ -303,7 +256,7 @@ def layout(self): target='shap-dependence-col-label-'+self.name), dbc.Select(id='shap-dependence-col-'+self.name, options=[{'label': col, 'value':col} - for col in self.explainer.columns_ranked_by_shap(self.cats)], + for col in self.explainer.columns_ranked_by_shap()], value=self.col) ], md=3), self.hide_col), make_hideable(dbc.Col([ @@ -313,7 +266,7 @@ def layout(self): target='shap-dependence-color-col-label-'+self.name), dbc.Select(id='shap-dependence-color-col-'+self.name, options=[{'label': col, 'value':col} - for col in self.explainer.columns_ranked_by_shap(self.cats)]+[dict(label="None", value="no_color_col")], + for col in self.explainer.columns_ranked_by_shap()]+[dict(label="None", value="no_color_col")], value=self.color_col), ], md=3), self.hide_color_col), make_hideable( @@ -325,7 +278,7 @@ def layout(self): target='shap-dependence-index-label-'+self.name), dcc.Dropdown(id='shap-dependence-index-'+self.name, options = [{'label': str(idx), 'value':idx} - for idx in self.explainer.idxs], + for idx in self.explainer.get_index_list()], value=self.index) ], md=4), hide=self.hide_index), ], form=True), @@ -371,11 +324,10 @@ def component_callbacks(self, app): Output('shap-dependence-color-col-'+self.name, 'value'), Output('shap-dependence-categories-div-'+self.name, 'style')], [Input('shap-dependence-col-'+self.name, 'value')], - [State('shap-dependence-group-cats-'+self.name, 'value'), - State('pos-label-'+self.name, 'value')]) - def set_color_col_dropdown(col, cats, pos_label): - sorted_interact_cols = self.explainer.shap_top_interactions( - col, cats=bool(cats), pos_label=pos_label) + [State('pos-label-'+self.name, 'value')]) + def set_color_col_dropdown(col, pos_label): + sorted_interact_cols = self.explainer.top_shap_interactions( + col, pos_label=pos_label) options = ([{'label': col, 'value':col} for col in sorted_interact_cols] + [dict(label="None", value="no_color_col")]) @@ -403,22 +355,12 @@ def update_dependence_graph(color_col, index, topx, sort, pos_label, col): col, color_col, topx=topx, sort=sort, highlight_index=index, pos_label=pos_label) raise PreventUpdate - - @app.callback( - Output('shap-dependence-col-'+self.name, 'options'), - [Input('shap-dependence-group-cats-'+self.name, 'value')], - [State('shap-dependence-col-'+self.name, 'value')]) - def update_dependence_shap_scatter_graph(cats, old_col): - options = [{'label': col, 'value': col} - for col in self.explainer.columns_ranked_by_shap(bool(cats))] - return options class ShapSummaryDependenceConnector(ExplainerComponent): def __init__(self, shap_summary_component, shap_dependence_component): """Connects a ShapSummaryComponent with a ShapDependence Component: - - When group cats in ShapSummary, then group cats in ShapDependence - When clicking on feature in ShapSummary, then select that feature in ShapDependence Args: @@ -429,12 +371,6 @@ def __init__(self, shap_summary_component, shap_dependence_component): self.dep_name = shap_dependence_component.name def component_callbacks(self, app): - @app.callback( - Output('shap-dependence-group-cats-'+self.dep_name, 'value'), - [Input('shap-summary-group-cats-'+self.sum_name, 'value')]) - def update_dependence_shap_scatter_graph(cats): - return cats - @app.callback( [Output('shap-dependence-index-'+self.dep_name, 'value'), Output('shap-dependence-col-'+self.dep_name, 'value')], @@ -456,9 +392,9 @@ class InteractionSummaryComponent(ExplainerComponent): def __init__(self, explainer, title="Interactions Summary", name=None, subtitle="Ordering features by shap interaction value", hide_title=False, hide_subtitle=False, hide_col=False, hide_depth=False, - hide_type=False, hide_cats=False, hide_index=False, hide_selector=False, + hide_type=False, hide_index=False, hide_selector=False, pos_label=None, col=None, depth=None, - summary_type="aggregate", cats=True, index=None, description=None, + summary_type="aggregate", index=None, description=None, **kwargs): """Show SHAP Interaciton values summary component @@ -476,15 +412,16 @@ def __init__(self, explainer, title="Interactions Summary", name=None, hide_col (bool, optional): Hide the feature selector. Defaults to False. hide_depth (bool, optional): Hide depth toggle. Defaults to False. hide_type (bool, optional): Hide summary type toggle. Defaults to False. - hide_cats (bool, optional): Hide group cats toggle. Defaults to False. hide_index (bool, optional): Hide the index selector. Defaults to False hide_selector (bool, optional): hide pos label selector. Defaults to False. pos_label ({int, str}, optional): initial pos label. Defaults to explainer.pos_label - col (str, optional): Feature to show interaction summary for. Defaults to None. - depth (int, optional): Number of interaction features to display. Defaults to None. - summary_type (str, {'aggregate', 'detailed'}, optional): type of summary graph to display. Defaults to "aggregate". - cats (bool, optional): Group categorical features. Defaults to True. + col (str, optional): Feature to show interaction summary for. + Defaults to None. + depth (int, optional): Number of interaction features to display. + Defaults to None. + summary_type (str, {'aggregate', 'detailed'}, optional): type of + summary graph to display. Defaults to "aggregate". index (str): Default index. Defaults to None. description (str, optional): Tooltip to display when hover over component title. When None default text is shown. @@ -492,11 +429,9 @@ def __init__(self, explainer, title="Interactions Summary", name=None, super().__init__(explainer, title, name) if self.col is None: - self.col = self.explainer.columns_ranked_by_shap(self.cats)[0] + self.col = self.explainer.columns_ranked_by_shap()[0] if self.depth is not None: - self.depth = min(self.depth, self.explainer.n_features(self.cats)-1) - if not self.explainer.onehot_cols: - self.hide_cats = True + self.depth = min(self.depth, self.explainer.n_features()-1) self.index_name = 'interaction-summary-index-'+self.name self.selector = PosLabelSelector(explainer, name=self.name, pos_label=pos_label) if self.description is None: self.description = """ @@ -508,7 +443,7 @@ def __init__(self, explainer, title="Interactions Summary", name=None, for example passenger class (first class women more likely to survive than average woman, third class women less likely). """ - self.register_dependencies("shap_interaction_values", "shap_interaction_values_cats") + self.register_dependencies("shap_interaction_values") def layout(self): return dbc.Card([ @@ -529,7 +464,7 @@ def layout(self): target='interaction-summary-col-label-'+self.name), dbc.Select(id='interaction-summary-col-'+self.name, options=[{'label': col, 'value': col} - for col in self.explainer.columns_ranked_by_shap(self.cats)], + for col in self.explainer.columns_ranked_by_shap()], value=self.col), ], md=2), self.hide_col), make_hideable( @@ -540,7 +475,7 @@ def layout(self): target='interaction-summary-depth-label-'+self.name), dbc.Select(id='interaction-summary-depth-'+self.name, options = [{'label': str(i+1), 'value':i+1} - for i in range(self.explainer.n_features(self.cats)-1)], + for i in range(self.explainer.n_features()-1)], value=self.depth) ], md=2), self.hide_depth), make_hideable( @@ -562,21 +497,6 @@ def layout(self): ] ) ], md=3), self.hide_type), - make_hideable( - dbc.Col([ - dbc.FormGroup([ - dbc.Label("Grouping:", id='interaction-summary-group-cats-label-'+self.name), - dbc.Tooltip("Group onehot encoded categorical variables together", - target='interaction-summary-group-cats-label-'+self.name), - dbc.Checklist( - options=[{"label": "Group cats", "value": True}], - value=[True] if self.cats else [], - id='interaction-summary-group-cats-'+self.name, - inline=True, - switch=True, - ), - ]), - ],md=2), self.hide_cats), make_hideable( dbc.Col([ html.Div([ @@ -586,7 +506,7 @@ def layout(self): target='interaction-summary-index-label-'+self.name), dcc.Dropdown(id='interaction-summary-index-'+self.name, options = [{'label': str(idx), 'value':idx} - for idx in self.explainer.idxs], + for idx in self.explainer.get_index_list()], value=self.index), ], id='interaction-summary-index-col-'+self.name, style=dict(display="none")), ], md=3), hide=self.hide_index), @@ -615,18 +535,6 @@ def display_scatter_click_data(clickdata): return index raise PreventUpdate - @app.callback( - [Output('interaction-summary-depth-'+self.name, 'options'), - Output('interaction-summary-col-'+self.name, 'options')], - [Input('interaction-summary-group-cats-'+self.name, 'value'), - Input('pos-label-'+self.name, 'value')]) - def update_interaction_scatter_graph(cats, pos_label): - depth_options = [{'label': str(i+1), 'value': i+1} - for i in range(self.explainer.n_features(bool(cats)))] - new_cols = self.explainer.columns_ranked_by_shap(bool(cats), pos_label=pos_label) - new_col_options = [{'label': col, 'value':col} for col in new_cols] - return depth_options, new_col_options - @app.callback( [Output('interaction-summary-graph-'+self.name, 'figure'), Output('interaction-summary-index-col-'+self.name, 'style')], @@ -634,18 +542,17 @@ def update_interaction_scatter_graph(cats, pos_label): Input('interaction-summary-depth-'+self.name, 'value'), Input('interaction-summary-type-'+self.name, 'value'), Input('interaction-summary-index-'+self.name, 'value'), - Input('pos-label-'+self.name, 'value'), - Input('interaction-summary-group-cats-'+self.name, 'value')]) - def update_interaction_scatter_graph(col, depth, summary_type, index, pos_label, cats): + Input('pos-label-'+self.name, 'value')]) + def update_interaction_scatter_graph(col, depth, summary_type, index, pos_label): if col is not None: depth = None if depth is None else int(depth) if summary_type=='aggregate': plot = self.explainer.plot_interactions( - col, topx=depth, cats=bool(cats), pos_label=pos_label) + col, topx=depth, pos_label=pos_label) return plot, dict(display="none") elif summary_type=='detailed': plot = self.explainer.plot_shap_interaction_summary( - col, topx=depth, cats=bool(cats), pos_label=pos_label, index=index) + col, topx=depth, pos_label=pos_label, index=index) return plot, {} raise PreventUpdate @@ -653,11 +560,11 @@ def update_interaction_scatter_graph(col, depth, summary_type, index, pos_label, class InteractionDependenceComponent(ExplainerComponent): def __init__(self, explainer, title="Interaction Dependence", name=None, subtitle="Relation between feature value and shap interaction value", - hide_title=False, hide_subtitle=False, hide_cats=False, hide_col=False, + hide_title=False, hide_subtitle=False, hide_col=False, hide_interact_col=False, hide_index=False, hide_selector=False, hide_cats_topx=False, hide_cats_sort=False, hide_top=False, hide_bottom=False, - pos_label=None, cats=True, col=None, interact_col=None, + pos_label=None, col=None, interact_col=None, cats_topx=10, cats_sort='freq', description=None, index=None, **kwargs): """Interaction Dependence Component. @@ -677,7 +584,6 @@ def __init__(self, explainer, title="Interaction Dependence", name=None, subtitle (str): subtitle hide_title (bool, optional): Hide component title. Defaults to False. hide_subtitle (bool, optional): Hide subtitle. Defaults to False. - hide_cats (bool, optional): Hide group cats toggle. Defaults to False. hide_col (bool, optional): Hide feature selector. Defaults to False. hide_interact_col (bool, optional): Hide interaction feature selector. Defaults to False. @@ -695,7 +601,6 @@ def __init__(self, explainer, title="Interaction Dependence", name=None, (interact_col vs col). Defaults to False. pos_label ({int, str}, optional): initial pos label. Defaults to explainer.pos_label - cats (bool, optional): group categorical features. Defaults to True. col (str, optional): Feature to find interactions for. Defaults to None. interact_col (str, optional): Feature to interact with. Defaults to None. highlight (int, optional): Index row to highlight Defaults to None. @@ -709,9 +614,9 @@ def __init__(self, explainer, title="Interaction Dependence", name=None, super().__init__(explainer, title, name) if self.col is None: - self.col = explainer.columns_ranked_by_shap(cats)[0] + self.col = explainer.columns_ranked_by_shap()[0] if self.interact_col is None: - self.interact_col = explainer.shap_top_interactions(self.col, cats=cats)[1] + self.interact_col = explainer.top_shap_interactions(self.col)[1] self.selector = PosLabelSelector(explainer, name=self.name, pos_label=pos_label) @@ -720,7 +625,7 @@ def __init__(self, explainer, title="Interaction Dependence", name=None, This allows you to investigate interactions between features in determining the prediction of the model. """ - self.register_dependencies("shap_interaction_values", "shap_interaction_values_cats") + self.register_dependencies("shap_interaction_values") def layout(self): return dbc.Card([ @@ -739,21 +644,6 @@ def layout(self): ], width=2), hide=self.hide_selector), ]), dbc.Row([ - make_hideable( - dbc.Col([ - dbc.FormGroup([ - dbc.Label("Grouping:", id='interaction-dependence-group-cats-label-'+self.name), - dbc.Tooltip("Group onehot encoded categorical variables together", - target='interaction-dependence-group-cats-label-'+self.name), - dbc.Checklist( - options=[{"label": "Group cats", "value": True}], - value=[True] if self.cats else [], - id='interaction-dependence-group-cats-'+self.name, - inline=True, - switch=True, - ), - ]), - ], md=2), hide=self.hide_cats), make_hideable( dbc.Col([ dbc.Label('Feature:', id='interaction-dependence-col-label-'+self.name), @@ -761,7 +651,7 @@ def layout(self): target='interaction-dependence-col-label-'+self.name), dbc.Select(id='interaction-dependence-col-'+self.name, options=[{'label': col, 'value':col} - for col in self.explainer.columns_ranked_by_shap(self.cats)], + for col in self.explainer.columns_ranked_by_shap()], value=self.col ), ], md=3), hide=self.hide_col), @@ -773,7 +663,7 @@ def layout(self): target='interaction-dependence-interact-col-label-'+self.name), dbc.Select(id='interaction-dependence-interact-col-'+self.name, options=[{'label': col, 'value':col} - for col in self.explainer.shap_top_interactions(col=self.col, cats=self.cats)], + for col in self.explainer.top_shap_interactions(col=self.col)], value=self.interact_col ), ], md=3), hide=self.hide_interact_col), @@ -786,7 +676,7 @@ def layout(self): target='interaction-dependence-index-label-'+self.name), dcc.Dropdown(id='interaction-dependence-index-'+self.name, options = [{'label': str(idx), 'value':idx} - for idx in self.explainer.idxs], + for idx in self.explainer.get_index_list()], value=self.index) ], md=4), hide=self.hide_index), ], form=True), @@ -867,25 +757,16 @@ def layout(self): ]) def component_callbacks(self, app): - @app.callback( - Output('interaction-dependence-col-'+self.name, 'options'), - [Input('interaction-dependence-group-cats-'+self.name, 'value'), - Input('pos-label-'+self.name, 'value')]) - def update_interaction_dependence_interact_col(cats, pos_label): - new_cols = self.explainer.columns_ranked_by_shap(bool(cats), pos_label=pos_label) - new_col_options = [{'label': col, 'value':col} for col in new_cols] - return new_col_options @app.callback( Output('interaction-dependence-interact-col-'+self.name, 'options'), [Input('interaction-dependence-col-'+self.name, 'value'), Input('pos-label-'+self.name, 'value')], - [State('interaction-dependence-group-cats-'+self.name, 'value'), - State('interaction-dependence-interact-col-'+self.name, 'value')]) - def update_interaction_dependence_interact_col(col, pos_label, cats, old_interact_col): + [State('interaction-dependence-interact-col-'+self.name, 'value')]) + def update_interaction_dependence_interact_col(col, pos_label, old_interact_col): if col is not None: - new_interact_cols = self.explainer.shap_top_interactions( - col, cats=bool(cats), pos_label=pos_label) + new_interact_cols = self.explainer.top_shap_interactions( + col, pos_label=pos_label) new_interact_options = [{'label': col, 'value':col} for col in new_interact_cols] return new_interact_options raise PreventUpdate @@ -931,7 +812,6 @@ class InteractionSummaryDependenceConnector(ExplainerComponent): def __init__(self, interaction_summary_component, interaction_dependence_component): """Connects a InteractionSummaryComponent with an InteractionDependenceComponent: - - When group cats in Summary, then group cats in Dependence - When select feature in summary, then select col in Dependence - When clicking on interaction feature in Summary, then select that interaction feature in Dependence. @@ -944,12 +824,6 @@ def __init__(self, interaction_summary_component, interaction_dependence_compone self.dep_name = interaction_dependence_component.name def component_callbacks(self, app): - @app.callback( - Output('interaction-dependence-group-cats-'+self.dep_name, 'value'), - [Input('interaction-summary-group-cats-'+self.sum_name, 'value')]) - def update_dependence_shap_scatter_graph(cats): - return cats - @app.callback( [Output('interaction-dependence-col-'+self.dep_name, 'value'), Output('interaction-dependence-index-'+self.dep_name, 'value'), @@ -975,10 +849,10 @@ class ShapContributionsGraphComponent(ExplainerComponent): def __init__(self, explainer, title="Contributions Plot", name=None, subtitle="How has each feature contributed to the prediction?", hide_title=False, hide_subtitle=False, hide_index=False, hide_depth=False, - hide_sort=False, hide_orientation=True, hide_cats=False, + hide_sort=False, hide_orientation=True, hide_selector=False, feature_input_component=None, pos_label=None, index=None, depth=None, sort='high-to-low', - orientation='vertical', cats=True, higher_is_better=True, + orientation='vertical', higher_is_better=True, description=None, **kwargs): """Display Shap contributions to prediction graph component @@ -998,7 +872,6 @@ def __init__(self, explainer, title="Contributions Plot", name=None, hide_sort (bool, optional): Hide the sorting dropdown. Defaults to False. hide_orientation (bool, optional): Hide the orientation dropdown. Defaults to True. - hide_cats (bool, optional): Hide group cats toggle. Defaults to False. hide_selector (bool, optional): hide pos label selector. Defaults to False. feature_input_component (FeatureInputComponent): A FeatureInputComponent that will give the input to the graph instead of the index selector. @@ -1011,7 +884,6 @@ def __init__(self, explainer, title="Contributions Plot", name=None, Defaults to 'high-to-low'. orientation ({'vertical', 'horizontal'}, optional): orientation of bar chart. Defaults to 'vertical'. - cats (bool, optional): Group cats. Defaults to True. higher_is_better (bool, optional): Color positive shap values green and negative shap values red, or the reverse. description (str, optional): Tooltip to display when hover over @@ -1022,10 +894,7 @@ def __init__(self, explainer, title="Contributions Plot", name=None, self.index_name = 'contributions-graph-index-'+self.name if self.depth is not None: - self.depth = min(self.depth, self.explainer.n_features(self.cats)) - - if not self.explainer.onehot_cols: - self.hide_cats = True + self.depth = min(self.depth, self.explainer.n_features()) if self.feature_input_component is not None: self.exclude_callbacks(self.feature_input_component) @@ -1040,7 +909,7 @@ def __init__(self, explainer, title="Contributions Plot", name=None, """ self.selector = PosLabelSelector(explainer, name=self.name, pos_label=pos_label) - self.register_dependencies('shap_values', 'shap_values_cats') + self.register_dependencies('shap_values_df') def layout(self): return dbc.Card([ @@ -1066,7 +935,7 @@ def layout(self): target='contributions-graph-index-label-'+self.name), dcc.Dropdown(id='contributions-graph-index-'+self.name, options = [{'label': str(idx), 'value':idx} - for idx in self.explainer.idxs], + for idx in self.explainer.get_index_list()], value=self.index) ], md=4), hide=self.hide_index), make_hideable( @@ -1076,7 +945,7 @@ def layout(self): target='contributions-graph-depth-label-'+self.name), dbc.Select(id='contributions-graph-depth-'+self.name, options = [{'label': str(i+1), 'value':i+1} - for i in range(self.explainer.n_features(self.cats))], + for i in range(self.explainer.n_features())], value=None if self.depth is None else str(self.depth)) ], md=2), hide=self.hide_depth), make_hideable( @@ -1104,23 +973,7 @@ def layout(self): {'label': 'Horizontal', 'value': 'horizontal'}], value=self.orientation) ], md=2), hide=self.hide_orientation), - make_hideable( - dbc.Col([ - dbc.FormGroup([ - dbc.Label("Grouping:", id='contributions-graph-group-cats-label-'+self.name), - dbc.Tooltip("Group onehot encoded categorical variables together", - target='contributions-graph-group-cats-label-'+self.name), - dbc.Checklist( - options=[{"label": "Group cats", "value": True}], - value=[True] if self.cats else [], - id='contributions-graph-group-cats-'+self.name, - inline=True, - switch=True, - ), - ]), - ], md=2), hide=self.hide_cats), ], form=True), - dbc.Row([ dbc.Col([ dcc.Loading(id='loading-contributions-graph-'+self.name, @@ -1135,64 +988,44 @@ def component_callbacks(self, app): if self.feature_input_component is None: @app.callback( - [Output('contributions-graph-'+self.name, 'figure'), - Output('contributions-graph-depth-'+self.name, 'options')], + Output('contributions-graph-'+self.name, 'figure'), [Input('contributions-graph-index-'+self.name, 'value'), Input('contributions-graph-depth-'+self.name, 'value'), Input('contributions-graph-sorting-'+self.name, 'value'), Input('contributions-graph-orientation-'+self.name, 'value'), - Input('contributions-graph-group-cats-'+self.name, 'value'), Input('pos-label-'+self.name, 'value')]) - def update_output_div(index, depth, sort, orientation, cats, pos_label): + def update_output_div(index, depth, sort, orientation, pos_label): if index is None: raise PreventUpdate depth = None if depth is None else int(depth) plot = self.explainer.plot_shap_contributions(index, topx=depth, - cats=bool(cats), sort=sort, orientation=orientation, + sort=sort, orientation=orientation, pos_label=pos_label, higher_is_better=self.higher_is_better) - - ctx = dash.callback_context - trigger = ctx.triggered[0]['prop_id'].split('.')[0] - if trigger == 'contributions-graph-group-cats-'+self.name: - depth_options = [{'label': str(i+1), 'value': i+1} - for i in range(self.explainer.n_features(bool(cats)))] - return (plot, depth_options) - else: - return (plot, dash.no_update) + return plot else: @app.callback( - [Output('contributions-graph-'+self.name, 'figure'), - Output('contributions-graph-depth-'+self.name, 'options')], + Output('contributions-graph-'+self.name, 'figure'), [Input('contributions-graph-depth-'+self.name, 'value'), Input('contributions-graph-sorting-'+self.name, 'value'), Input('contributions-graph-orientation-'+self.name, 'value'), - Input('contributions-graph-group-cats-'+self.name, 'value'), Input('pos-label-'+self.name, 'value'), *self.feature_input_component._feature_callback_inputs]) - def update_output_div(depth, sort, orientation, cats, pos_label, *inputs): + def update_output_div(depth, sort, orientation, pos_label, *inputs): depth = None if depth is None else int(depth) X_row = self.explainer.get_row_from_input(inputs, ranked_by_shap=True) plot = self.explainer.plot_shap_contributions(X_row=X_row, - topx=depth, cats=bool(cats), sort=sort, orientation=orientation, + topx=depth, sort=sort, orientation=orientation, pos_label=pos_label, higher_is_better=self.higher_is_better) - - ctx = dash.callback_context - trigger = ctx.triggered[0]['prop_id'].split('.')[0] - if trigger == 'contributions-graph-group-cats-'+self.name: - depth_options = [{'label': str(i+1), 'value': i+1} - for i in range(self.explainer.n_features(bool(cats)))] - return (plot, depth_options) - else: - return (plot, dash.no_update) + return plot class ShapContributionsTableComponent(ExplainerComponent): def __init__(self, explainer, title="Contributions Table", name=None, subtitle="How has each feature contributed to the prediction?", hide_title=False, hide_subtitle=False, hide_index=False, - hide_depth=False, hide_sort=False, hide_cats=False, + hide_depth=False, hide_sort=False, hide_selector=False, feature_input_component=None, - pos_label=None, index=None, depth=None, sort='abs', cats=True, + pos_label=None, index=None, depth=None, sort='abs', description=None, **kwargs): """Show SHAP values contributions to prediction in a table component @@ -1210,7 +1043,6 @@ def __init__(self, explainer, title="Contributions Table", name=None, hide_index (bool, optional): Hide index selector. Defaults to False. hide_depth (bool, optional): Hide depth selector. Defaults to False. hide_sort (bool, optional): Hide sorting dropdown. Default to False. - hide_cats (bool, optional): Hide group cats toggle. Defaults to False. hide_selector (bool, optional): hide pos label selector. Defaults to False. feature_input_component (FeatureInputComponent): A FeatureInputComponent that will give the input to the graph instead of the index selector. @@ -1221,7 +1053,6 @@ def __init__(self, explainer, title="Contributions Table", name=None, depth ([type], optional): Initial number of features to display. Defaults to None. sort ({'abs', 'high-to-low', 'low-to-high', 'importance'}, optional): sorting of shap values. Defaults to 'high-to-low'. - cats (bool, optional): Group categoricals. Defaults to True. description (str, optional): Tooltip to display when hover over component title. When None default text is shown. """ @@ -1230,10 +1061,7 @@ def __init__(self, explainer, title="Contributions Table", name=None, self.index_name = 'contributions-table-index-'+self.name if self.depth is not None: - self.depth = min(self.depth, self.explainer.n_features(self.cats)) - - if not self.explainer.onehot_cols: - self.hide_cats = True + self.depth = min(self.depth, self.explainer.n_features()) if self.feature_input_component is not None: self.exclude_callbacks(self.feature_input_component) @@ -1247,7 +1075,7 @@ def __init__(self, explainer, title="Contributions Table", name=None, from all the individual ingredients in the model. """ self.selector = PosLabelSelector(explainer, name=self.name, pos_label=pos_label) - self.register_dependencies('shap_values', 'shap_values_cats') + self.register_dependencies('shap_values_df') def layout(self): return dbc.Card([ @@ -1268,7 +1096,7 @@ def layout(self): target='contributions-table-index-label-'+self.name), dcc.Dropdown(id='contributions-table-index-'+self.name, options = [{'label': str(idx), 'value':idx} - for idx in self.explainer.idxs], + for idx in self.explainer.get_index_list()], value=self.index) ], md=4), hide=self.hide_index), make_hideable( @@ -1278,7 +1106,7 @@ def layout(self): target='contributions-table-depth-label-'+self.name), dbc.Select(id='contributions-table-depth-'+self.name, options = [{'label': str(i+1), 'value':i+1} - for i in range(self.explainer.n_features(self.cats))], + for i in range(self.explainer.n_features())], value=self.depth) ], md=2), hide=self.hide_depth), make_hideable( @@ -1299,21 +1127,6 @@ def layout(self): make_hideable( dbc.Col([self.selector.layout() ], width=2), hide=self.hide_selector), - make_hideable( - dbc.Col([ - dbc.FormGroup([ - dbc.Label("Grouping:", id='contributions-table-group-cats-label-'+self.name), - dbc.Tooltip("Group onehot encoded categorical variables together", - target='contributions-table-group-cats-label-'+self.name), - dbc.Checklist( - options=[{"label": "Group cats", "value": True}], - value=[True] if self.cats else [], - id='contributions-table-group-cats-'+self.name, - inline=True, - switch=True, - ), - ]), - ], md=3), hide=self.hide_cats), ], form=True), dbc.Row([ dbc.Col([ @@ -1326,19 +1139,17 @@ def layout(self): def component_callbacks(self, app): if self.feature_input_component is None: @app.callback( - [Output('contributions-table-'+self.name, 'children'), - Output('contributions-table-depth-'+self.name, 'options')], + Output('contributions-table-'+self.name, 'children'), [Input('contributions-table-index-'+self.name, 'value'), Input('contributions-table-depth-'+self.name, 'value'), Input('contributions-table-sorting-'+self.name, 'value'), - Input('contributions-table-group-cats-'+self.name, 'value'), Input('pos-label-'+self.name, 'value')]) - def update_output_div(index, depth, sort, cats, pos_label): + def update_output_div(index, depth, sort, pos_label): if index is None: raise PreventUpdate depth = None if depth is None else int(depth) contributions_table = dbc.Table.from_dataframe( - self.explainer.contrib_summary_df(index, cats=bool(cats), topx=depth, + self.explainer.contrib_summary_df(index, topx=depth, sort=sort, pos_label=pos_label)) tooltip_cols = {} @@ -1355,29 +1166,20 @@ def update_output_div(index, depth, sort, cats, pos_label): placement="top") for col, desc in tooltip_cols.items()] output_div = html.Div([contributions_table, *tooltips]) + return output_div - ctx = dash.callback_context - trigger = ctx.triggered[0]['prop_id'].split('.')[0] - if trigger == 'contributions-table-group-cats-'+self.name: - depth_options = [{'label': str(i+1), 'value': i+1} - for i in range(self.explainer.n_features(bool(cats)))] - return (output_div, depth_options) - else: - return (output_div, dash.no_update) else: @app.callback( - [Output('contributions-table-'+self.name, 'children'), - Output('contributions-table-depth-'+self.name, 'options')], + Output('contributions-table-'+self.name, 'children'), [Input('contributions-table-depth-'+self.name, 'value'), Input('contributions-table-sorting-'+self.name, 'value'), - Input('contributions-table-group-cats-'+self.name, 'value'), Input('pos-label-'+self.name, 'value'), *self.feature_input_component._feature_callback_inputs]) - def update_output_div(depth, sort, cats, pos_label, *inputs): + def update_output_div(depth, sort, pos_label, *inputs): X_row = self.explainer.get_row_from_input(inputs, ranked_by_shap=True) depth = None if depth is None else int(depth) contributions_table = dbc.Table.from_dataframe( - self.explainer.contrib_summary_df(X_row=X_row, cats=bool(cats), topx=depth, + self.explainer.contrib_summary_df(X_row=X_row, topx=depth, sort=sort, pos_label=pos_label)) tooltip_cols = {} @@ -1394,14 +1196,7 @@ def update_output_div(depth, sort, cats, pos_label, *inputs): placement="top") for col, desc in tooltip_cols.items()] output_div = html.Div([contributions_table, *tooltips]) + return output_div - ctx = dash.callback_context - trigger = ctx.triggered[0]['prop_id'].split('.')[0] - if trigger == 'contributions-table-group-cats-'+self.name: - depth_options = [{'label': str(i+1), 'value': i+1} - for i in range(self.explainer.n_features(bool(cats)))] - return (output_div, depth_options) - else: - return (output_div, dash.no_update) diff --git a/explainerdashboard/explainer_methods.py b/explainerdashboard/explainer_methods.py index d219b50..82bea83 100644 --- a/explainerdashboard/explainer_methods.py +++ b/explainerdashboard/explainer_methods.py @@ -221,7 +221,7 @@ def retrieve_onehot_value(X, encoded_col, onehot_cols, sep="_"): return pd.Series(feature_value).map(mapping) -def merge_categorical_columns(X, onehot_dict=None, sep="_", drop_regular=True): +def merge_categorical_columns(X, onehot_dict=None, cols=None, sep="_", drop_regular=False): """ Returns a new feature Dataframe X_cats where the onehotencoded categorical features have been merged back with the old value retrieved @@ -232,6 +232,7 @@ def merge_categorical_columns(X, onehot_dict=None, sep="_", drop_regular=True): columns=['Age', 'Sex_Male', 'Sex_Female"]. onehot_dict (dict): dict of features with lists for onehot-encoded variables, e.g. {'Fare': ['Fare'], 'Sex' : ['Sex_male', 'Sex_Female']} + cols (list[str]): list of columns to return sep (str): separator used in the encoding, e.g. "_" for Sex_Male. Defaults to "_". @@ -245,8 +246,22 @@ def merge_categorical_columns(X, onehot_dict=None, sep="_", drop_regular=True): else: if not drop_regular: X_cats.loc[:, col_name] = X[col_name].values - return X_cats - + if cols: + return X_cats[cols] + else: + return X_cats + +def matching_cols(cols1, cols2): + """returns True if cols1 and cols2 match.""" + if isinstance(cols1, pd.DataFrame): + cols1 = cols1.columns + if isinstance(cols2, pd.DataFrame): + cols2 = cols2.columns + if len(cols1) != len(cols2): + return False + if (pd.Index(cols1) == pd.Index(cols2)).all(): + return True + return False def remove_cat_names(X_cats, onehot_dict): """removes the leading category names in the onehotencoded columns. @@ -282,30 +297,26 @@ def X_cats_to_X(X_cats, onehot_dict, X_columns, sep="_"): return X_new[X_columns] -def merge_categorical_shap_values(X, shap_values, onehot_dict=None, output_cols=None): +def merge_categorical_shap_values(shap_df, onehot_dict=None, output_cols=None): """ Returns a new feature new shap values np.array where the shap values of onehotencoded categorical features have been added up. Args: - X (pd.DataFrame): dataframe whose columns correspond to the columns - in the shap_values np.ndarray. - shap_values (np.ndarray): numpy array of shap values, output of - e.g. shap.TreeExplainer(X).shap_values() + shap_df(pd.DataFrame): dataframe of shap values with appropriate column names onehot_dict (dict): dict of features with lists for onehot-encoded variables, e.g. {'Fare': ['Fare'], 'Sex' : ['Sex_male', 'Sex_Female']} Returns: pd.DataFrame """ - shap_df = pd.DataFrame(shap_values, columns=X.columns) onehot_cols = [] for col_name, col_list in onehot_dict.items(): if len(col_list) > 1: shap_df[col_name] = shap_df[col_list].sum(axis=1) onehot_cols.append(col_name) - if output_cols: + if output_cols is not None: return shap_df[output_cols] return shap_df[onehot_cols] @@ -337,23 +348,24 @@ def merge_categorical_shap_interaction_values(shap_interaction_values, """ if isinstance(old_columns, pd.DataFrame): - old_columns = old_columns.columns.tolist() + old_columns = old_columns.columns if isinstance(new_columns, pd.DataFrame): - new_columns = new_columns.columns.tolist() + new_columns = new_columns.columns + old_columns = pd.Index(old_columns) + new_columns = pd.Index(new_columns) - siv = np.zeros((shap_interaction_values.shape[0], len(new_columns), len(new_columns))) # note: given the for loops here, this code could probably be optimized. - # but only run once anyway + # But only runs once anyway... for new_col1 in new_columns: for new_col2 in new_columns: - newcol_idx1 = new_columns.index(new_col1) - newcol_idx2 = new_columns.index(new_col2) - oldcol_idxs1 = [old_columns.index(col) + newcol_idx1 = new_columns.get_loc(new_col1) + newcol_idx2 = new_columns.get_loc(new_col2) + oldcol_idxs1 = [old_columns.get_loc(col) for col in onehot_dict[new_col1]] - oldcol_idxs2 = [old_columns.index(col) + oldcol_idxs2 = [old_columns.get_loc(col) for col in onehot_dict[new_col2]] siv[:, newcol_idx1, newcol_idx2] = \ shap_interaction_values[:, oldcol_idxs1, :][:, :, oldcol_idxs2]\ @@ -526,10 +538,11 @@ def get_mean_absolute_shap_df(columns, shap_values, onehot_dict=None): """ if onehot_dict is None: onehot_dict = {col:[col] for col in columns} + columns = pd.Index(columns) shap_abs_mean_dict = {} for col_name, col_list in onehot_dict.items(): shap_abs_mean_dict[col_name] = np.absolute( - shap_values[:, [columns.index(col) for col in col_list]].sum(axis=1) + shap_values[:, [columns.get_loc(col) for col in col_list]].sum(axis=1) ).mean() shap_df = pd.DataFrame( diff --git a/explainerdashboard/explainer_plots.py b/explainerdashboard/explainer_plots.py index e4d4a1c..aeefc55 100644 --- a/explainerdashboard/explainer_plots.py +++ b/explainerdashboard/explainer_plots.py @@ -33,6 +33,8 @@ precision_recall_curve, roc_curve, roc_auc_score, average_precision_score) +from .explainer_methods import matching_cols + def plotly_prediction_piechart(predictions_df, showlegend=True, size=250): """Return piechart with predict_proba distributions for ClassifierExplainer @@ -655,44 +657,38 @@ def plotly_cumulative_precision_plot(lift_curve_df, labels=None, percentile=None return fig -def plotly_dependence_plot(X, shap_values, col_name, interact_col_name=None, +def plotly_dependence_plot(X_col, shap_values, interact_col=None, interaction=False, na_fill=-999, round=2, units="", - highlight_index=None, idxs=None, index_name="index"): + highlight_index=None, idxs=None): """Returns a dependence plot showing the relationship between feature col_name and shap values for col_name. Do higher values of col_name increase prediction or decrease them? Or some kind of U-shape or other? Args: - X (pd.DataFrame): dataframe with rows of input data - shap_values (np.ndarray): shap values generated for X - col_name (str): column name for which to generate plot - interact_col_name (str, optional): Column name by which to color the - markers. Defaults to None. + X_col (pd.Series): pd.Series with column values. + shap_values (np.ndarray): shap values generated for X_col + interact_col (pd.Series): pd.Series with column marker values. Defaults to None. interaction (bool, optional): Is this a plot of shap interaction values? Defaults to False. na_fill (int, optional): value used for filling missing values. Defaults to -999. round (int, optional): Rounding to apply to floats. Defaults to 2. units (str, optional): Units of the target variable. Defaults to "". - highlight_index (str, int, optional): index row of X to highlight in t - he plot. Defaults to None. - idxs (list, optional): list of descriptors of the index, e.g. + highlight_index (str, int, optional): index row of X to highlight in + the plot. Defaults to None. + idxs (pd.Index, optional): list of descriptors of the index, e.g. names or other identifiers. Defaults to None. - index_name (str): identifier for idxs. Defaults to "index". - - + Returns: Plotly fig """ - assert col_name in X.columns.tolist(), f'{col_name} not in X.columns' - assert (interact_col_name is None and not interaction) or interact_col_name in X.columns.tolist(),\ - f'{interact_col_name} not in X.columns' - + assert len(X_col) == len(shap_values), \ + f"Column(len={len(X_col)}) and Shap values(len={len(shap_values)}) and should have the same length!" if idxs is not None: - assert len(idxs)==X.shape[0] - idxs = [str(idx) for idx in idxs] + assert len(idxs)==X_col.shape[0] + idxs = pd.Index(idxs).astype(str) else: - idxs = [str(i) for i in range(X.shape[0])] + idxs = X_col.index.astype(str) if highlight_index is not None: if isinstance(highlight_index, int): @@ -700,91 +696,107 @@ def plotly_dependence_plot(X, shap_values, col_name, interact_col_name=None, highlight_name = idxs[highlight_idx] elif isinstance(highlight_index, str): assert highlight_index in idxs, f'highlight_index should be int or in idxs, {highlight_index} is neither!' - highlight_idx = np.where(idxs==highlight_index)[0].item() + highlight_idx = idxs.get_loc(highlight_index) highlight_name = highlight_index - x = X[col_name].replace({-999:np.nan}) - if len(shap_values.shape)==2: - y = shap_values[:, X.columns.get_loc(col_name)] - elif len(shap_values.shape)==3 and interact_col_name is not None: - y = shap_values[:, X.columns.get_loc(col_name), X.columns.get_loc(interact_col_name)] - else: - raise Exception('Either provide shap_values or shap_interaction_values with an interact_col_name') + col_name = X_col.name + +# if len(shap_values.shape)==2: +# y = shap_values[:, X.columns.get_loc(col_name)] +# elif len(shap_values.shape)==3 and interact_col_name is not None: +# y = shap_values[:, X.columns.get_loc(col_name), X.columns.get_loc(interact_col_name)] +# else: +# raise Exception('Either provide shap_values or shap_interaction_values with an interact_col_name') + - if interact_col_name is not None: - text = np.array([f'{index_name}={index}
{col_name}={col_val}
{interact_col_name}={col_col_val}
SHAP={shap_val}' - for index, col_val, col_col_val, shap_val in zip(idxs, x, X[interact_col_name], np.round(y, round))]) + if interact_col is not None: + text = np.array([f'{idxs.name}={index}
{X_col.name}={col_val}
{interact_col.name}={col_col_val}
SHAP={shap_val}' + for index, col_val, col_col_val, shap_val in zip(idxs, X_col, interact_col, np.round(shap_values, round))]) else: - text = np.array([f'{index_name}={index}
{col_name}={col_val}
SHAP={shap_val}' - for index, col_val, shap_val in zip(idxs, x, np.round(y, round))]) + text = np.array([f'{idxs.name}={index}
{X_col.name}={col_val}
SHAP={shap_val}' + for index, col_val, shap_val in zip(idxs, X_col, np.round(shap_values, round))]) data = [] - if interact_col_name is not None and is_string_dtype(X[interact_col_name]): - for onehot_col in X[interact_col_name].unique().tolist(): - data.append( - go.Scattergl( - x=X[X[interact_col_name]==onehot_col][col_name].replace({-999:np.nan}), - y=shap_values[X[interact_col_name]==onehot_col, X.columns.get_loc(col_name)], - mode='markers', - marker=dict( - size=7, - showscale=False, - opacity=0.6, - ), - - showlegend=True, - opacity=0.8, - hoverinfo="text", - name=onehot_col, - text=[f'{index_name}={index}
{col_name}={col_val}
{interact_col_name}={col_col_val}
SHAP={shap_val}' - for index, col_val, col_col_val, shap_val in zip(idxs, - X[X[interact_col_name]==onehot_col][col_name], - X[X[interact_col_name]==onehot_col][interact_col_name], - np.round(shap_values[X[interact_col_name]==onehot_col, X.columns.get_loc(col_name)], round))], - ) + X_col = X_col.copy().replace({na_fill:np.nan}) + y = shap_values + if interact_col is not None and not is_numeric_dtype(interact_col): + for onehot_col in interact_col.unique().tolist(): + data.append( + go.Scattergl( + x=X_col[interact_col==onehot_col].replace({na_fill:np.nan}), + y=shap_values[interact_col==onehot_col], + mode='markers', + marker=dict( + size=7, + showscale=False, + opacity=0.6, + ), + showlegend=True, + opacity=0.8, + hoverinfo="text", + name=onehot_col, + text=[f'{idxs.name}={index}
{X_col.name}={col_val}
{interact_col.name}={interact_val}
SHAP={shap_val}' + for index, col_val, interact_val, shap_val in zip(idxs, + X_col[interact_col==onehot_col], + interact_col[interact_col==onehot_col], + np.round(shap_values[interact_col==onehot_col], round))], ) - - elif interact_col_name is not None and is_numeric_dtype(X[interact_col_name]): - data.append(go.Scattergl( - x=x[X[interact_col_name]!=na_fill], - y=y[X[interact_col_name]!=na_fill], - mode='markers', - text=text[X[interact_col_name]!=na_fill], - hoverinfo="text", - marker=dict(size=7, - opacity=0.6, - color=X[interact_col_name][X[interact_col_name]!=na_fill], - colorscale='Bluered', - colorbar=dict( - title=interact_col_name - ), - showscale=True), - )) - data.append(go.Scattergl( - x=x[X[interact_col_name]==na_fill], - y=y[X[interact_col_name]==na_fill], + ) + elif interact_col is not None and is_numeric_dtype(interact_col): + if na_fill in interact_col: + data.append(go.Scattergl( + x=X_col[interact_col != na_fill], + y=shap_values[interact_col != na_fill], + mode='markers', + text=text[interact_col != na_fill], + hoverinfo="text", + marker=dict(size=7, + opacity=0.6, + color=interact_col[interact_col != na_fill], + colorscale='Bluered', + colorbar=dict(title=interact_col.name), + showscale=True), + )) + data.append(go.Scattergl( + x=X_col[interact_col == na_fill], + y=shap_values[interact_col == na_fill], mode='markers', text=text[X[interact_col_name]==na_fill], hoverinfo="text", marker=dict(size=7, opacity=0.35, color='grey'), - )) + )) + else: + data.append(go.Scattergl( + x=X_col, + y=shap_values, + mode='markers', + text=text, + hoverinfo="text", + marker=dict(size=7, + opacity=0.6, + color=interact_col, + colorscale='Bluered', + colorbar=dict(title=interact_col.name), + showscale=True), + )) + else: data.append(go.Scattergl( - x=x, - y=y, + x=X_col, + y=shap_values, mode='markers', text=text, hoverinfo="text", - marker=dict(size=7, - opacity=0.6) , + marker=dict(size=7, opacity=0.6), )) + if interaction: - title = f'Interaction plot for {col_name} and {interact_col_name}' + title = f'Interaction plot for {X_col.name} and {interact_col.name}' else: - title = f'Dependence plot for {col_name}' + title = f'Dependence plot for {X_col.name}' layout = go.Layout( title=title, @@ -798,14 +810,14 @@ def plotly_dependence_plot(X, shap_values, col_name, interact_col_name=None, fig = go.Figure(data, layout) - if interact_col_name is not None and is_string_dtype(X[interact_col_name]): + if interact_col is not None and not is_numeric_dtype(interact_col): fig.update_layout(showlegend=True) if highlight_index is not None: fig.add_trace( go.Scattergl( - x=[x[highlight_idx]], - y=[y[highlight_idx]], + x=[X_col[highlight_idx]], + y=[shap_values[highlight_idx]], mode='markers', marker=dict( color='LightSkyBlue', @@ -816,8 +828,8 @@ def plotly_dependence_plot(X, shap_values, col_name, interact_col_name=None, width=4 ) ), - name=f"{index_name} {highlight_name}", - text=f"{index_name} {highlight_name}", + name=f"{idxs.name} {highlight_name}", + text=f"{idxs.name} {highlight_name}", hoverinfo="text", showlegend=False, ), @@ -827,7 +839,7 @@ def plotly_dependence_plot(X, shap_values, col_name, interact_col_name=None, def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, - interaction=False, units="", highlight_index=None, idxs=None, index_name="index", + interaction=False, units="", highlight_index=None, idxs=None, cats_order=None): """Generates a violin plot for displaying shap value distributions for categorical features. @@ -862,9 +874,9 @@ def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, if idxs is not None: assert len(idxs)==X_col.shape[0]==len(shap_values) - idxs = np.array([str(idx) for idx in idxs]) + idxs = pd.Index(idxs).astype(str) else: - idxs = np.array([str(i) for i in range(X_col.shape[0])]) + idxs = X_col.index.astype(str) if highlight_index is not None: if isinstance(highlight_index, int): @@ -872,7 +884,7 @@ def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, highlight_name = idxs[highlight_idx] elif isinstance(highlight_index, str): assert highlight_index in idxs, f'highlight_index should be int or in idxs, {highlight_index} is neither!' - highlight_idx = np.where(idxs==highlight_index)[0].item() + highlight_idx = idxs.get_loc(highlight_index) highlight_name = highlight_index if points or X_color_col is not None: @@ -883,6 +895,15 @@ def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, shap_range = shap_values.max() - shap_values.min() fig.update_yaxes(range=[shap_values.min()-0.1*shap_range, shap_values.max()+0.1*shap_range]) + + if X_color_col is not None: + color_cats = X_color_col.unique() + n_color_cats = len(color_cats) + colors = ['#636EFA', '#EF553B', '#00CC96', '#AB63FA', '#FFA15A', + '#19D3F3', '#FF6692', '#B6E880', '#FF97FF', '#FECB52'] + colors = colors * (1+int(n_color_cats / len(colors))) + colors = colors[:n_color_cats] + show_legend = set(color_cats) for i, cat in enumerate(cats_order): col = 1+i*2 if points or X_color_col is not None else 1+i @@ -904,7 +925,7 @@ def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, mode='markers', showlegend=False, hoverinfo="text", - text = [f"{index_name}: {index}
shap: {shap}
{color_col}: {col}" + text = [f"{idxs.name}: {index}
shap: {shap}
{X_color_col.name}: {col}" for index, shap, col in zip(idxs[X_col==cat], shap_values[X_col == cat], X_color_col[X_col==cat])], @@ -912,27 +933,22 @@ def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, opacity=0.6, cmin=X_color_col.min(), cmax=X_color_col.max(), - color=X_color_col[x==cat], + color=X_color_col[X_col==cat], colorscale='Bluered', showscale=showscale, colorbar=dict(title=X_color_col.name)), ), row=1, col=col+1) else: - n_color_cats = X_color_col.nunique() - colors = ['#636EFA', '#EF553B', '#00CC96', '#AB63FA', '#FFA15A', - '#19D3F3', '#FF6692', '#B6E880', '#FF97FF', '#FECB52'] - colors = colors * (1+int(n_color_cats / len(colors))) - colors = colors[:n_color_cats] - for color_cat, color in zip(X_color_col.unique(), colors): + for color_cat, color in zip(color_cats, colors): fig.add_trace(go.Scattergl( x=np.random.randn(((X_col == cat) & (X_color_col == color_cat)).sum()), y=shap_values[(X_col == cat) & (X_color_col == color_cat)], name=color_cat, mode='markers', - showlegend=showscale, + showlegend=color_cat in show_legend, hoverinfo="text", - text = [f"{index_name}: {index}
shap: {shap}
{X_color_col.name}: {col}" + text = [f"{idxs.name}: {index}
shap: {shap}
{X_color_col.name}: {col}" for index, shap, col in zip( idxs[(X_col == cat) & (X_color_col == color_cat)], shap_values[(X_col == cat) & (X_color_col == color_cat)], @@ -942,7 +958,9 @@ def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, color=color) ), row=1, col=col+1) - + if color_cat in X_color_col[X_col==cat].unique(): + show_legend = show_legend - {color_cat} + showscale = False elif points: fig.add_trace(go.Scattergl( @@ -951,7 +969,7 @@ def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, mode='markers', showlegend=False, hoverinfo="text", - text = [f"{index_name}: {index}
shap: {shap}" + text = [f"{idxs.name}: {index}
shap: {shap}" for index, shap in zip(idxs[(X_col == cat)], shap_values[X_col == cat])], marker=dict(size=7, opacity=0.6, @@ -961,7 +979,7 @@ def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, fig.add_trace( go.Scattergl( x=[0], - y=[shaps_values[highlight_idx]], + y=[shap_values[highlight_idx]], mode='markers', marker=dict( color='LightSkyBlue', @@ -972,8 +990,8 @@ def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, width=4 ) ), - name = f"{index_name} {highlight_name}", - text=f"{index_name} {highlight_name}", + name = f"{idxs.name} {highlight_name}", + text=f"{idxs.name} {highlight_name}", hoverinfo="text", showlegend=False, ), row=1, col=col+1) @@ -1429,15 +1447,16 @@ def plotly_pr_auc_curve(true_y, pred_probas, cutoff=None): return fig -def plotly_shap_scatter_plot(shap_values, X, display_columns=None, title="Shap values", - idxs=None, highlight_index=None, na_fill=-999, index_name="index"): +def plotly_shap_scatter_plot(X, shap_values_df, display_columns=None, title="Shap values", + idxs=None, highlight_index=None, na_fill=-999, round=3, index_name="index"): """Generate a shap values summary plot where features are ranked from highest mean absolute shap value to lowest, with point clouds shown for each feature. Args: - shap_values (np.ndarray): shap_values + X (pd.DataFrame): dataframe of input features + shap_values_df (pd.DataFrame): dataframe shap_values with same columns as X display_columns (List[str]): list of feature to be displayed. If None default to all columns in X. title (str, optional): Title to display above graph. @@ -1448,20 +1467,22 @@ def plotly_shap_scatter_plot(shap_values, X, display_columns=None, title="Shap v Defaults to None. na_fill (int, optional): Fill value used to fill missing values, will be colored grey in the graph.. Defaults to -999. + round (int, optional): rounding to apply to floats. Defaults to 3. index_name (str): identifier for idxs. Defaults to "index". Returns: Plotly fig """ - + assert matching_cols(X, shap_values_df), "X and shap_values_df should have matching columns!" if display_columns is None: display_columns = X.columns.tolist() if idxs is not None: assert len(idxs)==X.shape[0] - idxs = np.array([str(idx) for idx in idxs]) + idxs = pd.Index(idxs).astype(str) else: - idxs = np.array([str(i) for i in range(X.shape[0])]) + idxs = X.index.astype(str) + length = len(X) if highlight_index is not None: if isinstance(highlight_index, int): assert highlight_index >=0 and highlight_index < len(X), \ @@ -1475,23 +1496,48 @@ def plotly_shap_scatter_plot(shap_values, X, display_columns=None, title="Shap v raise ValueError("Please pass either int or str highlight_index!") # make sure that columns are actually in X: - display_columns = [col for col in display_columns if col in X.columns.tolist()] - shap_df = pd.DataFrame(shap_values, columns=X.columns, index=X.index) - min_shap = np.round(shap_values.min()-0.01, 2) - max_shap = np.round(shap_values.max()+0.01, 2) + display_columns = [col for col in display_columns if col in X.columns] + min_shap = shap_values_df.min().min() + max_shap = shap_values_df.max().max() + shap_range = max_shap - min_shap + min_shap = min_shap - 0.01 * shap_range + max_shap = max_shap + 0.01 * shap_range fig = make_subplots(rows=len(display_columns), cols=1, subplot_titles=display_columns, shared_xaxes=True) for i, col in enumerate(display_columns): - - if is_string_dtype(X[col]): + if is_numeric_dtype(X[col]): + # numerical feature get a single bluered plot + fig.add_trace(go.Scattergl( + x=shap_values_df[col], + y=np.random.rand(length), + mode='markers', + marker=dict( + size=5, + color=X[col].replace({na_fill:np.nan}), + colorscale='Bluered', + showscale=True, + opacity=0.3, + colorbar=dict( + title="feature value
(red is high)", + showticklabels=False), + ), + name=col, + showlegend=False, + opacity=0.8, + hoverinfo="text", + text=[f"{index_name}={i}
{col}={value}
shap={np.round(shap,3)}" + for i, shap, value in zip(idxs, shap_values_df[col], X[col].replace({na_fill:np.nan}))], + ), + row=i+1, col=1); + else: # if str type then categorical variable, # so plot each category in a different color: for onehot_col in X[col].unique().tolist(): fig.add_trace(go.Scattergl( - x=shap_df[X[col]==onehot_col][col], - y=np.random.rand(len(shap_df[X[col]==onehot_col])), + x=shap_values_df[X[col]==onehot_col][col], + y=np.random.rand(len(shap_values_df[X[col]==onehot_col])), mode='markers', marker=dict( size=5, @@ -1503,36 +1549,14 @@ def plotly_shap_scatter_plot(shap_values, X, display_columns=None, title="Shap v opacity=0.8, hoverinfo="text", text=[f"{index_name}={i}
{col}={onehot_col}
shap={np.round(shap,3)}" - for i, shap in zip(idxs[X[col]==onehot_col], shap_df[X[col]==onehot_col][col])], - ), - row=i+1, col=1); - else: - # numerical feature get a single bluered plot - fig.add_trace(go.Scattergl(x=shap_df[col], - y=np.random.rand(len(shap_df)), - mode='markers', - marker=dict( - size=5, - color=X[col].replace({na_fill:np.nan}), - colorscale='Bluered', - showscale=True, - opacity=0.3, - colorbar=dict( - title="feature value
(red is high)", - showticklabels=False), - ), - name=col, - showlegend=False, - opacity=0.8, - hoverinfo="text", - text=[f"{index_name}={i}
{col}={value}
shap={np.round(shap,3)}" - for i, shap, value in zip(idxs, shap_df[col], X[col].replace({-999:np.nan}))], + for i, shap in zip(idxs[X[col]==onehot_col], shap_values_df[X[col]==onehot_col][col])], ), row=i+1, col=1); + if highlight_index is not None: fig.add_trace( go.Scattergl( - x=[shap_df[col].iloc[highlight_idx]], + x=[shap_values_df[col].iloc[highlight_idx]], y=[0], mode='markers', marker=dict( @@ -1545,7 +1569,7 @@ def plotly_shap_scatter_plot(shap_values, X, display_columns=None, title="Shap v ) ), name = f"{index_name} {highlight_index}", - text=f"index={highlight_index}
{col}={X[col].iloc[highlight_idx]}
shap={shap_df[col].iloc[highlight_idx]}", + text=f"index={highlight_index}
{col}={X[col].iloc[highlight_idx]}
shap={shap_values_df[col].iloc[highlight_idx]}", hoverinfo="text", showlegend=False, ), row=i+1, col=1) diff --git a/explainerdashboard/explainers.py b/explainerdashboard/explainers.py index 7b54138..52d3053 100644 --- a/explainerdashboard/explainers.py +++ b/explainerdashboard/explainers.py @@ -113,6 +113,9 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, self.categorical_cols = [col for col in self.regular_cols if not is_numeric_dtype(X[col])] self.categorical_dict = {col:sorted(X[col].unique().tolist()) for col in self.categorical_cols} self.cat_cols = self.onehot_cols + self.categorical_cols + self.original_cols = self.X.columns + self.merged_cols = pd.Index(self.regular_cols + self.onehot_cols) + if self.categorical_cols: for col in self.categorical_cols: self.X[col] = self.X[col].astype("category") @@ -122,7 +125,7 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, self.interactions_should_work = False if y is not None: - self.y = pd.Series(y) + self.y = pd.Series(y).astype(precision) self.y_missing = False else: self.y = pd.Series(np.full(len(X), np.nan)) @@ -177,7 +180,7 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, self.permutation_cv = permutation_cv self.na_fill = na_fill self.precision = precision - self.columns = self.X.columns.tolist() + self.columns = self.X.columns self.pos_label = None self.units = "" self.is_classifier = False @@ -295,28 +298,10 @@ def __len__(self): return len(self.X) def __contains__(self, index): - if self.get_int_idx(index) is not None: + if self.get_idx(index) is not None: return True return False - def check_cats(self, col1, col2=None): - """check whether should use cats=True based on col1 (and col2) - - Args: - col1: First column - col2: Second column (Default value = None) - - Returns: - Boolean whether cats should be True - - """ - if col1 in self.onehot_cols: - return True - if col2 is not None and col2 in self.onehot_cols: - return True - return False - - @property def shap_explainer(self): """ """ @@ -352,7 +337,7 @@ def shap_explainer(self): self.X_background if self.X_background is not None else self.X) return self._shap_explainer - def get_int_idx(self, index): + def get_idx(self, index): """Turn str index into an int index Args: @@ -445,7 +430,7 @@ def pred_percentiles(self): .values).astype(self.precision) return make_callable(self._pred_percentiles) - def columns_ranked_by_shap(self, cats=False, pos_label=None): + def columns_ranked_by_shap(self, pos_label=None): """returns the columns of X, ranked by mean abs shap value Args: @@ -456,10 +441,7 @@ def columns_ranked_by_shap(self, cats=False, pos_label=None): list of columns """ - if cats: - return self.mean_abs_shap_cats(pos_label).Feature.tolist() - else: - return self.mean_abs_shap(pos_label).Feature.tolist() + return self.mean_abs_shap_df(pos_label).Feature.tolist() def n_features(self, cats=False): """number of features with cats=True or cats=False @@ -471,37 +453,7 @@ def n_features(self, cats=False): int, number of features """ - if cats: - return len(self.regular_cols)+len(self.onehot_cols) - else: - return len(self.columns) - - def equivalent_col(self, col): - """Find equivalent col in columns_cats or columns - - if col in self.columns, return equivalent col in self.columns_cats, - e.g. equivalent_col('Gender_Male') -> 'Gender' - if col in self.columns_cats, return first one hot encoded col, - e.g. equivalent_col('Gender') -> 'Gender_Male' - - (useful for switching between cats=True and cats=False, while - maintaining column selection) - - Args: - col: col to get equivalent col for - - Returns: - col - """ - if col in self.regular_cols: - return col - elif col in self.onehot_cols: - # first onehot-encoded columns - return self.onehot_dict[col][0] - elif col in self.encoded_cols: - # the cat that the col belongs to - return [k for k, v in self.onehot_dict.items() if col in v][0] - return None + return len(self.merged_cols) def ordered_cats(self, col, topx=None, sort='alphabet', pos_label=None): """Return a list of categories in an categorical column, sorted @@ -539,31 +491,25 @@ def ordered_cats(self, col, topx=None, sort='alphabet', pos_label=None): else: return X[col].value_counts().nlargest(topx).index.tolist() elif sort=='shap': - sv = self.shap_values_cats(pos_label) if col in onehot_cols else self.shap_values(pos_label) - if topx is None: - return (pd.Series(sv[:, self.columns_cats.index(col)], - index=X[col]).abs().groupby(level=0).mean() - .sort_values(ascending=False).index.tolist()) + return (pd.Series(self.shap_values_df(pos_label)[col].values, index=self.X_cats[col].values) + .abs().groupby(level=0).mean().sort_values(ascending=False).index.tolist()) else: - return (pd.Series(sv[:, self.columns_cats.index(col)], - index=X[col]).abs().groupby(level=0).mean() - .sort_values(ascending=False).nlargest(topx).index.tolist()) + return (pd.Series(self.shap_values_df(pos_label)[col].values, index=self.X_cats[col].values) + .abs().groupby(level=0).mean().sort_values(ascending=False).nlargest(topx).index.tolist()) else: raise ValueError(f"sort='{sort}', but should be in {{'alphabet', 'freq', 'shap'}}") - def get_index_list(self): return list(self.idxs) - def get_X_row(self, index, cats=False): - idx = self.get_int_idx(index) - X_row = self.X.iloc[[idx]] - if cats: - X_row = merge_categorical_columns(X_row, self.onehot_dict, drop_regular=False)[self.columns_cats] + def get_X_row(self, index, merge=False): + X_row = self.X.iloc[[self.get_idx(index)]] + if merge: + X_row = merge_categorical_columns(X_row, self.onehot_dict)[self.merged_cols] return X_row - def get_row_from_input(self, inputs:List, ranked_by_shap=False): + def get_row_from_input(self, inputs:List, ranked_by_shap=False, return_merged=False): """returns a single row pd.DataFrame from a given list of *inputs""" if len(inputs)==1 and isinstance(inputs[0], list): inputs = inputs[0] @@ -571,17 +517,25 @@ def get_row_from_input(self, inputs:List, ranked_by_shap=False): inputs = list(inputs[0]) else: inputs = list(inputs) - if len(inputs) == len(self.columns_cats): - cols = self.columns_ranked_by_shap(cats=True) if ranked_by_shap else self.columns_cats - df = pd.DataFrame(dict(zip(cols, inputs)), index=[0]).fillna(self.na_fill) - return df[self.columns_cats] + + if len(inputs) == len(self.merged_cols): + cols = self.columns_ranked_by_shap() if ranked_by_shap else self.merged_cols + df_merged = pd.DataFrame(dict(zip(cols, inputs)), index=[0]).fillna(self.na_fill)[self.merged_cols] + if return_merged: + return df_merged + else: + return X_cats_to_X(df_merged, self.onehot_dict, self.columns) + elif len(inputs) == len(self.columns): - cols = self.columns_ranked_by_shap() if ranked_by_shap else self.columns + cols = self.columns df = pd.DataFrame(dict(zip(cols, inputs)), index=[0]).fillna(self.na_fill) - return df[self.columns] + if return_merged: + return merge_categorical_columns(df, self.onehot_dict, self.merged_cols) + else: + return df else: raise ValueError(f"len inputs {len(inputs)} should be the same length as either " - f"explainer.columns_cats ({len(self.columns_cats)}) or " + f"explainer.merged_cols ({len(self.merged_cols)}) or " f"explainer.columns ({len(self.columns)})!") @@ -596,8 +550,6 @@ def description(self, col): """ if col in self.descriptions.keys(): return self.descriptions[col] - elif self.equivalent_col(col) in self.descriptions.keys(): - return self.descriptions[self.equivalent_col(col)] return "" def description_list(self, cols): @@ -626,14 +578,11 @@ def get_col(self, col): assert col in self.columns or col in self.onehot_cols, \ f"{col} not in columns!" - if col in self.X.columns: + if col in self.onehot_cols: + return self.X_cats[col] + else: return self.X[col] - elif col in self.onehot_cols: - if hasattr(self, "_X_cats"): - return self._X_cats[col] - else: - return pd.Series(retrieve_onehot_value( - self.X, col, self.onehot_dict[col]), name=col) + def get_col_value_plus_prediction(self, col, index=None, X_row=None, pos_label=None): """return value of col and prediction for either index or X_row @@ -642,30 +591,29 @@ def get_col_value_plus_prediction(self, col, index=None, X_row=None, pos_label=N col: feature col index (str or int, optional): index row X_row (single row pd.DataFrame, optional): single row of features + pos_label (int): positive label Returns: - tupe(value of col, prediction for index) + value of col, prediction for index """ - assert (col in self.X.columns) or (col in self.onehot_cols),\ f"{col} not in columns of dataset" if index is not None: X_row = self.get_X_row(index) if X_row is not None: assert X_row.shape[0] == 1, "X_Row should be single row dataframe!" - - if ((len(X_row.columns) == len(self.columns_cats)) and - (X_row.columns == self.columns_cats).all()): - X_row = X_cats_to_X(X_row, self.onehot_dict, self.X.columns) - else: - assert (X_row.columns == self.X.columns).all(), \ - "X_row should have the same columns as self.X or self.X_cats!" - - if col in X_row.columns: + + if matching_cols(X_row.columns, self.merged_cols): col_value = X_row[col].item() - elif col in self.onehot_cols: - col_value = retrieve_onehot_value(X_row, col, self.onehot_dict[col]).item() + X_row = X_cats_to_X(X_row, self.onehot_dict, self.columns) + else: + assert matching_cols(X_row.columns, self.columns), \ + "X_row should have the same columns as explainer.columns or explainer.merged_cols!" + if col in self.onehot_cols: + col_value = retrieve_onehot_value(X_row, col, self.onehot_dict[col]).item() + else: + col_value = X_row[col].item() if self.is_classifier: if pos_label is None: @@ -685,38 +633,27 @@ def permutation_importances(self): """Permutation importances """ if not hasattr(self, '_perm_imps'): print("Calculating importances...", flush=True) - self._perm_imps = cv_permutation_importances( + self._perm_imps = (cv_permutation_importances( self.model, self.X, self.y, self.metric, - cv=self.permutation_cv, - n_jobs=self.n_jobs, - needs_proba=self.is_classifier) - return make_callable(self._perm_imps) - - @property - def permutation_importances_cats(self): - """permutation importances with categoricals grouped""" - if not hasattr(self, '_perm_imps_cats'): - self._perm_imps_cats = cv_permutation_importances( - self.model, self.X, self.y, self.metric, onehot_dict=self.onehot_dict, cv=self.permutation_cv, n_jobs=self.n_jobs, needs_proba=self.is_classifier) - return make_callable(self._perm_imps_cats) + .sort_values("Importance", ascending=False)) + self._perm_imps = make_callable(self._perm_imps) + return self._perm_imps @property def X_cats(self): """X with categorical variables grouped together""" if not hasattr(self, '_X_cats'): - self._X_cats = merge_categorical_columns(self.X, self.onehot_dict) + self._X_cats = merge_categorical_columns(self.X, self.onehot_dict, drop_regular=True) + self._X_cats = self._X_cats.set_index(self.X.index) return self._X_cats @property - def columns_cats(self): - """columns of X with categorical features grouped""" - if not hasattr(self, '_columns_cats'): - self._columns_cats = self.regular_cols + self.X_cats.columns.tolist() - return self._columns_cats + def X_merged(self): + return self.X.merge(self.X_cats, left_index=True, right_index=True)[self.merged_cols] @property def shap_base_value(self): @@ -727,7 +664,7 @@ def shap_base_value(self): if not hasattr(self, '_shap_base_value'): # CatBoost needs shap values calculated before expected value if not hasattr(self, "_shap_values"): - _ = self.shap_values + _ = self.shap_values_df self._shap_base_value = self.shap_explainer.expected_value if isinstance(self._shap_base_value, np.ndarray): # shap library now returns an array instead of float @@ -735,21 +672,17 @@ def shap_base_value(self): return make_callable(self._shap_base_value) @property - def shap_values(self): + def shap_values_df(self): """SHAP values calculated using the shap library""" - if not hasattr(self, '_shap_values'): + if not hasattr(self, '_shap_values_df'): print("Calculating shap values...", flush=True) - self._shap_values = pd.DataFrame(self.shap_explainer.shap_values(self.X).astype(self.precision), columns=self.columns) - return make_callable(self._shap_values) + self._shap_values_df = pd.DataFrame(self.shap_explainer.shap_values(self.X), + columns=self.columns, index=self.X.index) + self._shap_values_df = merge_categorical_shap_values( + self._shap_values_df, self.onehot_dict, self.merged_cols).astype(self.precision) + self._shap_values_df = make_callable(self._shap_values_df) + return self._shap_values_df - @property - def shap_values_cats(self): - """SHAP values when categorical features have been grouped""" - if not hasattr(self, '_shap_values_cats'): - self._shap_values_cats = merge_categorical_shap_values( - self.X, self.shap_values, self.onehot_dict).astype(self.precision) - return make_callable(self._shap_values_cats) - @property def shap_interaction_values(self): """SHAP interaction values calculated using shap library""" @@ -765,41 +698,25 @@ def shap_interaction_values(self): "reducing these will speed up the calculation.", flush=True) self._shap_interaction_values = \ - self.shap_explainer.shap_interaction_values(self.X).astype(self.precision) - return make_callable(self._shap_interaction_values) - - @property - def shap_interaction_values_cats(self): - """SHAP interaction values with categorical features grouped""" - if not hasattr(self, '_shap_interaction_values_cats'): - self._shap_interaction_values_cats = \ + self.shap_explainer.shap_interaction_values(self.X) + self._shap_interaction_values = \ merge_categorical_shap_interaction_values( - self.shap_interaction_values, self.columns, self.columns_cats, + self.shap_interaction_values, self.columns, self.merged_cols, self.onehot_dict).astype(self.precision) - return make_callable(self._shap_interaction_values_cats) + self._shap_interaction_values = make_callable(self._shap_interaction_values) + return self._shap_interaction_values @property - def mean_abs_shap(self): + def mean_abs_shap_df(self): """Mean absolute SHAP values per feature.""" if not hasattr(self, '_mean_abs_shap'): - self._mean_abs_shap = (self.shap_values.abs().mean() + self._mean_abs_shap_df = (self.shap_values_df[self.merged_cols].abs().mean() .sort_values(ascending=False) .to_frame().rename_axis(index="Feature").reset_index() .rename(columns={0:"MEAN_ABS_SHAP"})) - return make_callable(self._mean_abs_shap) - - @property - def mean_abs_shap_cats(self): - """Mean absolute SHAP values with categoricals grouped.""" - if not hasattr(self, '_mean_abs_shap_cats'): - mean_abs_cats = (self.shap_values_cats.abs().mean() - .to_frame().rename_axis(index="Feature").reset_index() - .rename(columns={0:"MEAN_ABS_SHAP"})) + self._mean_abs_shap_df = make_callable(self._mean_abs_shap_df) + return self._mean_abs_shap_df - self._mean_abs_shap_cats = (pd.concat([ - mean_abs_cats, self.mean_abs_shap[self.mean_abs_shap.Feature.isin(self.regular_cols)]]) - .sort_values("MEAN_ABS_SHAP", ascending=False)) - return make_callable(self._mean_abs_shap_cats) def calculate_properties(self, include_interactions=True): """Explicitely calculates all lazily calculated properties. @@ -815,17 +732,14 @@ def calculate_properties(self, include_interactions=True): """ _ = (self.preds, self.pred_percentiles, - self.shap_base_value, self.shap_values, - self.mean_abs_shap) + self.shap_base_value, self.shap_values_df, + self.mean_abs_shap_df) if not self.y_missing: _ = self.permutation_importances if self.onehot_cols: - _ = (self.mean_abs_shap_cats, self.X_cats, - self.shap_values_cats) + _ = self.X_cats if self.interactions_should_work and include_interactions: _ = self.shap_interaction_values - if self.onehot_cols: - _ = self.shap_interaction_values_cats def metrics(self, *args, **kwargs): """returns a dict of metrics. @@ -834,33 +748,29 @@ def metrics(self, *args, **kwargs): """ return {} - def mean_abs_shap_df(self, topx=None, cutoff=None, cats=False, pos_label=None): + def get_mean_abs_shap_df(self, topx=None, cutoff=None, pos_label=None): """sorted dataframe with mean_abs_shap returns a pd.DataFrame with the mean absolute shap values per features, sorted rom highest to lowest. Args: - topx(int, optional, optional): Only return topx most importance features, defaults to None - cutoff(float, optional, optional): Only return features with mean abs shap of at least cutoff, defaults to None - cats(bool, optional, optional): group categorical variables, defaults to False + topx(int, optional, optional): Only return topx most importance + features, defaults to None + cutoff(float, optional, optional): Only return features with mean + abs shap of at least cutoff, defaults to None pos_label: (Default value = None) Returns: pd.DataFrame: shap_df """ - if cats: - shap_df = self.mean_abs_shap_cats(pos_label) - else: - shap_df = self.mean_abs_shap(pos_label) - + shap_df = self.mean_abs_shap_df(pos_label) if topx is None: topx = len(shap_df) if cutoff is None: cutoff = shap_df['MEAN_ABS_SHAP'].min() - return (shap_df[shap_df['MEAN_ABS_SHAP'] >= cutoff] - .sort_values('MEAN_ABS_SHAP', ascending=False).head(topx)) + return (shap_df[shap_df['MEAN_ABS_SHAP'] >= cutoff].head(topx)) - def shap_top_interactions(self, col, topx=None, cats=False, pos_label=None): + def top_shap_interactions(self, col, topx=None, pos_label=None): """returns the features that interact with feature col in descending order. if shap interaction values have already been calculated, use those. @@ -876,69 +786,40 @@ def shap_top_interactions(self, col, topx=None, cats=False, pos_label=None): list: top_interactions """ - if col in self.onehot_cols: - cats = True - if cats: - if hasattr(self, '_shap_interaction_values'): - _ = self.shap_interaction_values_cats - col_idx = self.columns_cats.index(col) - order = np.argsort(-np.abs(self.shap_interaction_values_cats(pos_label)[:, col_idx, :]).mean(0)) - top_interactions = np.array(self.columns_cats)[order].tolist() - else: - top_interactions = self.columns_ranked_by_shap(cats) - top_interactions.insert(0, top_interactions.pop( - top_interactions.index(col))) #put col first + if hasattr(self, '_shap_interaction_values'): + col_idx = self.merged_cols.get_loc(col) + order = np.argsort(-np.abs(self.shap_interaction_values(pos_label)[:, col_idx, :]).mean(0)) + top_interactions = self.merged_cols[order].tolist() + else: + top_interactions = self.columns_ranked_by_shap() + top_interactions.insert(0, top_interactions.pop( + top_interactions.index(col))) #put col first - if topx is None: - return top_interactions - else: - return top_interactions[:topx] + if topx is None: + return top_interactions else: - if hasattr(self, '_shap_interaction_values'): - col_idx = self.columns.index(col) - order = np.argsort(-np.abs(self.shap_interaction_values(pos_label)[:, col_idx, :]).mean(0)) - top_interactions = self.X.columns[order].tolist() - else: - if hasattr(shap, "utils"): - interaction_idxs = shap.utils.approximate_interactions( - col, self.shap_values(pos_label), self.X) - elif hasattr(shap, "common"): - # shap < 0.35 has approximate interactions in common module - interaction_idxs = shap.common.approximate_interactions( - col, self.shap_values(pos_label), self.X) - - top_interactions = self.X.columns[interaction_idxs].tolist() - #put col first - top_interactions.insert(0, top_interactions.pop(-1)) - - if topx is None: - return top_interactions - else: - return top_interactions[:topx] + return top_interactions[:topx] - def shap_interaction_values_by_col(self, col, cats=False, pos_label=None): + def shap_interaction_values_for_col(self, col, interact_col=None, pos_label=None): """returns the shap interaction values[np.array(N,N)] for feature col Args: col(str): features for which you'd like to get the interaction value - cats(bool, optional, optional): group categorical, defaults to False pos_label: (Default value = None) Returns: np.array(N,N): shap_interaction_values """ - if cats: - assert col in self.columns_cats, \ - f"{col} not found in columns_cats!" - return self.shap_interaction_values_cats(pos_label)[:, - self.columns_cats.index(col), :] + assert col in self.merged_cols, f"{col} not in self.merged_cols!" + if interact_col is None: + return self.shap_interaction_values(pos_label)[:, self.merged_cols.get_loc(col), :] else: - return self.shap_interaction_values(pos_label)[:, - self.X.columns.get_loc(col), :] + assert interact_col in self.merged_cols, f"{interact_col} not in self.merged_cols!" + return self.shap_interaction_values(pos_label)[ + :, self.merged_cols.get_loc(col), self.merged_cols.get_loc(interact_col)] - def permutation_importances_df(self, topx=None, cutoff=None, cats=False, - pos_label=None): + def get_permutation_importances_df(self, topx=None, cutoff=None, pos_label=None): """dataframe with features ordered by permutation importance. For more about permutation importances. @@ -950,31 +831,25 @@ def permutation_importances_df(self, topx=None, cutoff=None, cats=False, features, defaults to None cutoff(float, optional, optional): only return features with importance of at least cutoff, defaults to None - cats(bool, optional, optional): Group categoricals, defaults to False pos_label: (Default value = None) Returns: pd.DataFrame: importance_df """ - if cats: - importance_df = self.permutation_importances_cats(pos_label) - else: - importance_df = self.permutation_importances(pos_label) + importance_df = self.permutation_importances(pos_label) if topx is None: topx = len(importance_df) if cutoff is None: cutoff = importance_df.Importance.min() return importance_df[importance_df.Importance >= cutoff].head(topx) - def importances_df(self, kind="shap", topx=None, cutoff=None, cats=False, - pos_label=None): - """wrapper function for mean_abs_shap_df() and permutation_importance_df() + def get_importances_df(self, kind="shap", topx=None, cutoff=None, pos_label=None): + """wrapper function for get_mean_abs_shap_df() and get_permutation_importance_df() Args: kind(str): 'shap' or 'permutations' (Default value = "shap") topx: only display topx highest features (Default value = None) cutoff: only display features above cutoff (Default value = None) - cats: Group categoricals (Default value = False) pos_label: Positive class (Default value = None) Returns: @@ -984,12 +859,12 @@ def importances_df(self, kind="shap", topx=None, cutoff=None, cats=False, assert kind=='shap' or kind=='permutation', \ "kind should either be 'shap' or 'permutation'!" if kind=='permutation': - return self.permutation_importances_df(topx, cutoff, cats, pos_label) + return self.get_permutation_importances_df(topx, cutoff, pos_label) elif kind=='shap': - return self.mean_abs_shap_df(topx, cutoff, cats, pos_label) + return self.get_mean_abs_shap_df(topx, cutoff, pos_label) - def contrib_df(self, index=None, X_row=None, cats=True, topx=None, cutoff=None, sort='abs', - pos_label=None): + def contrib_df(self, index=None, X_row=None, topx=None, cutoff=None, + sort='abs', pos_label=None): """shap value contributions to the prediction for index. Used as input for the plot_contributions() method. @@ -998,7 +873,6 @@ def contrib_df(self, index=None, X_row=None, cats=True, topx=None, cutoff=None, index(int or str): index for which to calculate contributions X_row (pd.DataFrame, single row): single row of feature for which to calculate contrib_df. Can us this instead of index - cats(bool, optional, optional): Group categoricals, defaults to True topx(int, optional, optional): Only return topx features, remainder called REST, defaults to None cutoff(float, optional, optional): only return features with at least @@ -1018,53 +892,41 @@ def contrib_df(self, index=None, X_row=None, cats=True, topx=None, cutoff=None, if sort =='importance': if cutoff is None: - cols = self.columns_ranked_by_shap(cats) + cols = self.columns_ranked_by_shap() else: - cols = self.mean_abs_shap_df(cats=cats).query(f"MEAN_ABS_SHAP > {cutoff}").Feature.tolist() + cols = self.mean_abs_shap_df().query(f"MEAN_ABS_SHAP > {cutoff}").Feature.tolist() if topx is not None: cols = cols[:topx] else: cols = None + if index is not None: + X_row = self.get_X_row(index) if X_row is not None: - if ((len(X_row.columns) == len(self.columns_cats)) and - (X_row.columns == self.columns_cats).all()): - X_row_cats = X_row + if matching_cols(X_row.columns, self.merged_cols): + X_row_merged = X_row X_row = X_cats_to_X(X_row, self.onehot_dict, self.X.columns) else: - assert (X_row.columns == self.X.columns).all(), \ - "X_row should have the same columns as self.X or self.X_cats!" - X_row_cats = merge_categorical_columns(X_row, self.onehot_dict, drop_regular=False)[self.columns_cats] + assert matching_cols(X_row.columns, self.columns), \ + "X_row should have the same columns as self.X or self.merged_cols!" + X_row_merged = merge_categorical_columns(X_row, self.onehot_dict, drop_regular=False)[self.merged_cols] shap_values = self.shap_explainer.shap_values(X_row) if self.is_classifier: if not isinstance(shap_values, list) and len(self.labels)==2: shap_values = [-shap_values, shap_values] shap_values = shap_values[self.get_pos_label_index(pos_label)] + shap_values_df = pd.DataFrame(shap_values, columns=self.columns) + + shap_values_df = merge_categorical_shap_values(shap_values_df, + self.onehot_dict, self.merged_cols) + return get_contrib_df(self.shap_base_value(pos_label), shap_values_df.values[0], + remove_cat_names(X_row_merged, self.onehot_dict), + topx, cutoff, sort, cols) - if cats: - shap_values_cats = merge_categorical_shap_values(X_row, shap_values, - self.onehot_dict, self.columns_cats) - return get_contrib_df(self.shap_base_value(pos_label), shap_values_cats[0], - remove_cat_names(X_row_cats, self.onehot_dict), - topx, cutoff, sort, cols) - else: - return get_contrib_df(self.shap_base_value(pos_label), shap_values[0], - X_row, topx, cutoff, sort, cols) - elif index is not None: - idx = self.get_int_idx(index) - if cats: - return get_contrib_df(self.shap_base_value(pos_label), - self.shap_values_cats(pos_label)[idx], - remove_cat_names(self.X_cats.iloc[[idx]], self.onehot_dict), - topx, cutoff, sort, cols) - else: - return get_contrib_df(self.shap_base_value(pos_label), - self.shap_values(pos_label)[idx], - self.X.iloc[[idx]], topx, cutoff, sort, cols) else: raise ValueError("Either index or X_row should be passed!") - def contrib_summary_df(self, index=None, X_row=None, cats=True, topx=None, cutoff=None, + def contrib_summary_df(self, index=None, X_row=None, topx=None, cutoff=None, round=2, sort='abs', pos_label=None): """Takes a contrib_df, and formats it to a more human readable format @@ -1072,7 +934,6 @@ def contrib_summary_df(self, index=None, X_row=None, cats=True, topx=None, cutof index: index to show contrib_summary_df for X_row (pd.DataFrame, single row): single row of feature for which to calculate contrib_df. Can us this instead of index - cats: Group categoricals (Default value = True) topx: Only show topx highest features(Default value = None) cutoff: Only show features above cutoff (Default value = None) round: round figures (Default value = 2) @@ -1085,18 +946,16 @@ def contrib_summary_df(self, index=None, X_row=None, cats=True, topx=None, cutof Returns: pd.DataFrame """ - idx = self.get_int_idx(index) # if passed str convert to int index - return get_contrib_summary_df( - self.contrib_df(idx, X_row, cats, topx, cutoff, sort, pos_label), - model_output=self.model_output, round=round, units=self.units, na_fill=self.na_fill) + contrib_df = self.contrib_df(index, X_row, topx, cutoff, sort, pos_label) + return get_contrib_summary_df(contrib_df, model_output=self.model_output, + round=round, units=self.units, na_fill=self.na_fill) - def interactions_df(self, col, cats=False, topx=None, cutoff=None, + def interactions_df(self, col, topx=None, cutoff=None, pos_label=None): """dataframe of mean absolute shap interaction values for col Args: col: Feature to get interactions_df for - cats: Group categoricals (Default value = False) topx: Only display topx most important features (Default value = None) cutoff: Only display features with mean abs shap of at least cutoff (Default value = None) pos_label: Positive class (Default value = None) @@ -1105,50 +964,12 @@ def interactions_df(self, col, cats=False, topx=None, cutoff=None, pd.DataFrame """ - importance_df = get_absolute_shap_df( - self.columns_cats if cats else self.columns, - self.shap_interaction_values_by_col(col, cats, pos_label)) + importance_df = get_mean_absolute_shap_df(self.merged_cols, + self.shap_interaction_values_for_col(col, pos_label)) if topx is None: topx = len(importance_df) - if cutoff is None: cutoff = importance_df.MEAN_ABS_SHAP.min() - return importance_df[importance_df.MEAN_ABS_SHAP >= cutoff].head(topx) - - def formatted_contrib_df(self, index, round=None, lang='en', pos_label=None): - """contrib_df formatted in a particular idiosyncratic way. - - Additional language option for output in Dutch (lang='nl') - - Args: - index(str or int): index to return contrib_df for - round(int, optional, optional): rounding of continuous features, defaults to 2 - lang(str, optional, optional): language to name the columns, defaults to 'en' - pos_label: (Default value = None) - - Returns: - pd.DataFrame: formatted_contrib_df - """ - cdf = self.contrib_df(index, cats=True, pos_label=pos_label).copy() - cdf.reset_index(inplace=True) - cdf.loc[cdf.col=='base_value', 'value'] = np.nan - cdf['row_id'] = self.get_int_idx(index) - cdf['name_id'] = index - cdf['cat_value'] = np.where(cdf.col.isin(self.onehot_cols), cdf.value, np.nan) - cdf['cont_value'] = np.where(cdf.col.isin(self.onehot_cols), np.nan, cdf.value) - if round is not None: - rounded_cont = np.round(cdf['cont_value'].values.astype(float), round) - cdf['value'] = np.where(cdf.col.isin(self.onehot_cols), cdf.cat_value, rounded_cont) - cdf['type'] = np.where(cdf.col.isin(self.onehot_cols), 'cat', 'cont') - cdf['abs_contribution'] = np.abs(cdf.contribution) - cdf = cdf[['row_id', 'name_id', 'contribution', 'abs_contribution', - 'col', 'value', 'cat_value', 'cont_value', 'type', 'index']] - if lang == 'nl': - cdf.columns = ['row_id', 'name_id', 'SHAP', 'ABS_SHAP', 'Variabele', 'Waarde', - 'Cat_Waarde', 'Cont_Waarde', 'Waarde_Type', 'Variabele_Volgorde'] - return cdf - - cdf.columns = ['row_id', 'name_id', 'SHAP', 'ABS_SHAP', 'Feature', 'Value', - 'Cat_Value', 'Cont_Value', 'Value_Type', 'Feature_Order'] - return cdf + if cutoff is None: cutoff = importance_df['MEAN_ABS_SHAP'].min() + return importance_df[importance_df['MEAN_ABS_SHAP'] >= cutoff].head(topx) def pdp_df(self, col, index=None, X_row=None, drop_na=True, sample=500, n_grid_points=10, pos_label=None, sort='freq'): @@ -1218,12 +1039,11 @@ def pdp_df(self, col, index=None, X_row=None, drop_na=True, sample=500, self.X[(self.X.index!=index)].sample(sample_size)], ignore_index=True, axis=0) elif X_row is not None: - if ((len(X_row.columns) == len(self.columns_cats)) and - (X_row.columns == self.columns_cats).all()): + if matching_cols(X_row.columns, self.merged_cols): X_row = X_cats_to_X(X_row, self.onehot_dict, self.X.columns) else: - assert (X_row.columns == self.X.columns).all(), \ - "X_row should have the same columns as self.X or self.X_cats!" + assert matching_cols(X_row.columns, self.columns), \ + "X_row should have the same columns as self.X or self.merged_cols!" if isinstance(features, str) and drop_na: # regular col, not onehotencoded sample_size=min(sample, len(self.X[(self.X[features] != self.na_fill)])-1) @@ -1257,93 +1077,13 @@ def pdp_df(self, col, index=None, X_row=None, drop_na=True, sample=500, pdp_df = pdp_df.multiply(100) return pdp_df - def get_dfs(self, cats=True, round=None, lang='en', pos_label=None): - """return three summary dataframes for storing main results - - Returns three pd.DataFrames. The first with id, prediction, actual and - feature values, the second with only id and shap values. The third - is similar to contrib_df for every id. - These can then be used to build your own custom dashboard on these data, - for example using PowerBI. - - Args: - cats(bool, optional, optional): group categorical variables, defaults to True - round(int, optional, optional): how to round shap values (Default value = None) - lang(str, optional, optional): language to format dfs in. Defaults to 'en', 'nl' also available - pos_label: (Default value = None) - - Returns: - pd.DataFrame, pd.DataFrame, pd.DataFrame: cols_df, shap_df, contribs_df - - """ - if cats: - cols_df = self.X_cats.copy() - shap_df = pd.DataFrame(self.shap_values_cats(pos_label), columns = self.X_cats.columns) - else: - cols_df = self.X.copy() - shap_df = pd.DataFrame(self.shap_values(pos_label), columns = self.X.columns) - - actual_str = 'Uitkomst' if lang == 'nl' else 'Actual' - prediction_str = 'Voorspelling' if lang == 'nl' else 'Prediction' - - cols_df.insert(0, actual_str, self.y ) - if self.is_classifier: - cols_df.insert(0, prediction_str, self.pred_probas) - else: - cols_df.insert(0, prediction_str, self.preds) - cols_df.insert(0, 'name_id', self.idxs) - cols_df.insert(0, 'row_id', range(len(self))) - - shap_df.insert(0, 'SHAP_base', np.repeat(self.shap_base_value, len(self))) - shap_df.insert(0, 'name_id', self.idxs) - shap_df.insert(0, 'row_id', range(len(self))) - - - contribs_df = None - for idx in range(len(self)): - fcdf = self.formatted_contrib_df(idx, round=round, lang=lang) - if contribs_df is None: contribs_df = fcdf - else: contribs_df = pd.concat([contribs_df, fcdf]) - - return cols_df, shap_df, contribs_df - - def to_sql(self, conn, schema, name, if_exists='replace', - cats=True, round=None, lang='en', pos_label=None): - """Writes three dataframes generated by .get_dfs() to a sql server. - - Tables will be called name_COLS and name_SHAP and name_CONTRBIB - - Args: - conn(sqlalchemy.engine.Engine or sqlite3.Connection): - database connecter acceptable for pd.to_sql - schema(str): schema to write to - name(str): name prefix of tables - cats(bool, optional, optional): group categorical variables, defaults to True - if_exists({'fail’, ‘replace’, ‘append’}, default ‘replace’, optional): - How to behave if the table already exists. (Default value = 'replace') - round(int, optional, optional): how to round shap values (Default value = None) - lang(str, optional, optional): language to format dfs in. Defaults to 'en', 'nl' also available - pos_label: (Default value = None) - - Returns: - - """ - cols_df, shap_df, contribs_df = self.get_dfs(cats, round, lang, pos_label) - cols_df.to_sql(con=conn, schema=schema, name=name+"_COLS", - if_exists=if_exists, index=False) - shap_df.to_sql(con=conn, schema=schema, name=name+"_SHAP", - if_exists=if_exists, index=False) - contribs_df.to_sql(con=conn, schema=schema, name=name+"_CONTRIB", - if_exists=if_exists, index=False) - - def plot_importances(self, kind='shap', topx=None, cats=False, round=3, pos_label=None): + def plot_importances(self, kind='shap', topx=None, round=3, pos_label=None): """plot barchart of importances in descending order. Args: type(str, optional): shap' for mean absolute shap values, 'permutation' for permutation importances, defaults to 'shap' topx(int, optional, optional): Only return topx features, defaults to None - cats(bool, optional, optional): Group categoricals defaults to False kind: (Default value = 'shap') round: (Default value = 3) pos_label: (Default value = None) @@ -1352,7 +1092,7 @@ def plot_importances(self, kind='shap', topx=None, cats=False, round=3, pos_labe plotly.fig: fig """ - importances_df = self.importances_df(kind=kind, topx=topx, cats=cats, pos_label=pos_label) + importances_df = self.get_importances_df(kind=kind, topx=topx, pos_label=pos_label) if kind=='shap': if self.target: title = f"Average impact on predicted {self.target}
(mean absolute SHAP value)" @@ -1370,12 +1110,11 @@ def plot_importances(self, kind='shap', topx=None, cats=False, round=3, pos_labe return plotly_importances_plot(importances_df, round=round, units=units, title=title) - def plot_interactions(self, col, cats=False, topx=None, pos_label=None): + def plot_interactions(self, col, topx=None, pos_label=None): """plot mean absolute shap interaction value for col. Args: col: column for which to generate shap interaction value - cats(bool, optional, optional): Group categoricals defaults to False topx(int, optional, optional): Only return topx features, defaults to None pos_label: (Default value = None) @@ -1383,13 +1122,11 @@ def plot_interactions(self, col, cats=False, topx=None, pos_label=None): plotly.fig: fig """ - if col in self.onehot_cols: - cats = True - interactions_df = self.interactions_df(col, cats=cats, topx=topx, pos_label=pos_label) + interactions_df = self.interactions_df(col,topx=topx, pos_label=pos_label) title = f"Average interaction shap values for {col}" return plotly_importances_plot(interactions_df, units=self.units, title=title) - def plot_shap_contributions(self, index=None, X_row=None, cats=True, topx=None, cutoff=None, + def plot_shap_contributions(self, index=None, X_row=None, topx=None, cutoff=None, sort='abs', orientation='vertical', higher_is_better=True, round=2, pos_label=None): """plot waterfall plot of shap value contributions to the model prediction for index. @@ -1399,7 +1136,6 @@ def plot_shap_contributions(self, index=None, X_row=None, cats=True, topx=None, X_row (pd.DataFrame single row): a single row of a features to plot shap contributions for. Can use this instead of index for what-if scenarios. - cats(bool, optional, optional): Group categoricals, defaults to True topx(int, optional, optional): Only display topx features, defaults to None cutoff(float, optional, optional): Only display features with at least @@ -1422,12 +1158,12 @@ def plot_shap_contributions(self, index=None, X_row=None, cats=True, topx=None, """ assert orientation in ['vertical', 'horizontal'] - contrib_df = self.contrib_df(self.get_int_idx(index), X_row, cats, topx, cutoff, sort, pos_label) + contrib_df = self.contrib_df(index, X_row, topx, cutoff, sort, pos_label) return plotly_contribution_plot(contrib_df, model_output=self.model_output, orientation=orientation, round=round, higher_is_better=higher_is_better, target=self.target, units=self.units) - def plot_shap_summary(self, index=None, topx=None, cats=False, pos_label=None): + def plot_shap_summary(self, index=None, topx=None, pos_label=None): """Plot barchart of mean absolute shap value. Displays all individual shap value for each feature in a horizontal @@ -1436,7 +1172,6 @@ def plot_shap_summary(self, index=None, topx=None, cats=False, pos_label=None): Args: index (str or int): index to highlight topx(int, optional): Only display topx most important features, defaults to None - cats(bool, optional): Group categoricals , defaults to False pos_label: positive class (Default value = None) Returns: @@ -1460,30 +1195,20 @@ def plot_shap_summary(self, index=None, topx=None, cats=False, pos_label=None): else: title = f"Impact of Feature on Prediction
(SHAP values)" - if cats: - return plotly_shap_scatter_plot( - self.shap_values_cats(pos_label), - self.X_cats, - self.importances_df(kind='shap', topx=topx, cats=True, pos_label=pos_label)\ - ['Feature'].values.tolist(), - idxs=self.idxs.values, - highlight_index=index, - title=title, - na_fill=self.na_fill, - index_name=self.index_name) - else: - return plotly_shap_scatter_plot( - self.shap_values(pos_label), - self.X, - self.importances_df(kind='shap', topx=topx, cats=False, pos_label=pos_label)\ - ['Feature'].values.tolist(), + cols = self.get_importances_df(kind='shap', topx=topx, pos_label=pos_label)\ + ['Feature'].values.tolist() + + return plotly_shap_scatter_plot( + self.X_merged[cols], + self.shap_values_df(pos_label)[cols], + cols, idxs=self.idxs.values, highlight_index=index, title=title, na_fill=self.na_fill, index_name=self.index_name) - def plot_shap_interaction_summary(self, col, index=None, topx=None, cats=False, pos_label=None): + def plot_shap_interaction_summary(self, col, index=None, topx=None, pos_label=None): """Plot barchart of mean absolute shap interaction values Displays all individual shap interaction values for each feature in a @@ -1499,16 +1224,18 @@ def plot_shap_interaction_summary(self, col, index=None, topx=None, cats=False, Returns: fig """ - if col in self.onehot_cols: - cats = True - interact_cols = self.shap_top_interactions(col, cats=cats, pos_label=pos_label) + interact_cols = self.top_shap_interactions(col, pos_label=pos_label) + + shap_df = pd.DataFrame(self.shap_interaction_values_for_col(col, pos_label=pos_label), + columns=self.merged_cols, index=self.idxs) + + if topx is None: topx = len(interact_cols) title = f"Shap interaction values for {col}" return plotly_shap_scatter_plot( - self.shap_interaction_values_by_col(col, cats=cats, pos_label=pos_label), - self.X_cats if cats else self.X, interact_cols[:topx], title=title, - idxs=self.idxs.values, highlight_index=index, na_fill=self.na_fill, + self.X_merged, shap_df, interact_cols[:topx], title=title, + idxs=self.idxs, highlight_index=index, na_fill=self.na_fill, index_name=self.index_name) def plot_shap_dependence(self, col, color_col=None, highlight_index=None, @@ -1535,41 +1262,28 @@ def plot_shap_dependence(self, col, color_col=None, highlight_index=None, Returns: """ - cats = self.check_cats(col, color_col) - highlight_idx = self.get_int_idx(highlight_index) if color_col is None: X_color_col = None else: - X_color_col = self.X_cats[color_col] if color_col in self.onehot_cols else self.X[color_col] + X_color_col = self.get_col(color_col) - if col in self.onehot_cols: + if col in self.cat_cols: return plotly_shap_violin_plot( - self.X_cats[col], - self.shap_values_cats(pos_label)[col], + self.get_col(col), + self.shap_values_df(pos_label)[col], X_color_col, - highlight_index=highlight_idx, - idxs=self.idxs.values, - index_name=self.index_name, + highlight_index=highlight_index, + idxs=self.idxs, cats_order=self.ordered_cats(col, topx, sort)) - elif col in self.categorical_cols: - return plotly_shap_violin_plot( - self.X[col], - self.shap_values(pos_label)[col], - X_color_col, - highlight_index=highlight_idx, - idxs=self.idxs.values, - index_name=self.index_name, - cats_order=self.ordered_cats(col, topx, sort)) else: return plotly_dependence_plot( - self.X[col], - self.shap_values(pos_label)[col], + self.get_col(col), + self.shap_values_df(pos_label)[col], X_color_col, na_fill=self.na_fill, units=self.units, - highlight_index=highlight_idx, - idxs=self.idxs.values, - index_name=self.index_name) + highlight_index=highlight_index, + idxs=self.idxs) def plot_shap_interaction(self, col, interact_col, highlight_index=None, topx=10, sort='alphabet', pos_label=None): @@ -1585,22 +1299,23 @@ def plot_shap_interaction(self, col, interact_col, highlight_index=None, plotly.Fig: Plotly Fig """ - cats = self.check_cats(col, interact_col) - highlight_idx = self.get_int_idx(highlight_index) - - if cats and (interact_col in self.onehot_cols or interact_col in self.categorical_cols): + + if col in self.cat_cols: return plotly_shap_violin_plot( - self.X_cats, - self.shap_interaction_values_by_col(col, cats, pos_label=pos_label), - interact_col, col, interaction=True, units=self.units, - highlight_index=highlight_idx, idxs=self.idxs.values, - index_name=self.index_name, cats_order=self.ordered_cats(interact_col, topx, sort)) + self.get_col(col), + self.shap_interaction_values_for_col(col, interact_col, pos_label=pos_label), + self.get_col(interact_col), + interaction=True, units=self.units, + highlight_index=highlight_index, idxs=self.idxs, + cats_order=self.ordered_cats(col, topx, sort)) else: - return plotly_dependence_plot(self.X_cats if cats else self.X, - self.shap_interaction_values_by_col(col, cats, pos_label=pos_label), - interact_col, col, interaction=True, units=self.units, - highlight_index=highlight_idx, idxs=self.idxs.values, - index_name=self.index_name) + return plotly_dependence_plot( + self.get_col(col), + self.shap_interaction_values_for_col(col, interact_col, pos_label=pos_label), + self.get_col(interact_col), + interaction=True, units=self.units, + highlight_index=highlight_index, idxs=self.idxs) + def plot_pdp(self, col, index=None, X_row=None, drop_na=True, sample=100, gridlines=100, gridpoints=10, sort='freq', round=2, @@ -2508,10 +2223,10 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, self.units = units self.is_regression = True - if str(type(self.model)).endswith("RandomForestRegressor'>"): + if safe_is_instance("RandomForestRegressor"): print(f"Changing class type to RandomForestRegressionExplainer...", flush=True) self.__class__ = RandomForestRegressionExplainer - if str(type(self.model)).endswith("XGBRegressor'>"): + if safe_is_instance("XGBRegressor"): print(f"Changing class type to XGBRegressionExplainer...", flush=True) self.__class__ = XGBRegressionExplainer @@ -2635,7 +2350,7 @@ def prediction_result_df(self, index=None, X_row=None, round=3): if index is None and X_row is None: raise ValueError("You need to either pass an index or X_row!") if index is not None: - int_idx = self.get_int_idx(index) + int_idx = self.get_idx(index) preds_df = pd.DataFrame(columns = ["", self.target]) preds_df = preds_df.append( pd.Series(("Predicted", str(np.round(self.preds[int_idx], round)) + f" {self.units}"), @@ -2649,11 +2364,11 @@ def prediction_result_df(self, index=None, X_row=None, round=3): index=preds_df.columns), ignore_index=True) elif X_row is not None: - if X_row.columns.tolist()==self.columns_cats: + if matching_cols(X_row.columns, self.merged_cols): X_row = X_cats_to_X(X_row, self.onehot_dict, self.X.columns) - assert np.all(X_row.columns==self.X.columns), \ + assert matching_cols(X_row.columns, self.columns), \ ("The column names of X_row should match X! Instead X_row.columns" - f"={X_row.columns.tolist()}...") + f"={X_row.columns}...") prediction = self.model.predict(X_row)[0] preds_df = pd.DataFrame(columns = ["", self.target]) preds_df = preds_df.append( @@ -2702,7 +2417,7 @@ def plot_predicted_vs_actual(self, round=2, logs=False, log_x=False, log_y=False if self.y_missing: raise ValueError("No y was passed to explainer, so cannot plot predicted vs actual!") return plotly_predicted_vs_actual(self.y, self.preds, - target=self.target, units=self.units, idxs=self.idxs.values, + target=self.target, units=self.units, idxs=self.idxs, logs=logs, log_x=log_x, log_y=log_y, round=round, index_name=self.index_name) @@ -2721,7 +2436,7 @@ def plot_residuals(self, vs_actual=False, round=2, residuals='difference'): """ if self.y_missing: raise ValueError("No y was passed to explainer, so cannot plot residuals!") - return plotly_plot_residuals(self.y, self.preds, idxs=self.idxs.values, + return plotly_plot_residuals(self.y, self.preds, idxs=self.idxs, vs_actual=vs_actual, target=self.target, units=self.units, residuals=residuals, round=round, index_name=self.index_name) @@ -2746,9 +2461,8 @@ def plot_residuals_vs_feature(self, col, residuals='difference', round=2, """ if self.y_missing: raise ValueError("No y was passed to explainer, so cannot plot residuals!") - assert col in self.columns or col in self.columns_cats, \ - f'{col} not in columns or columns_cats!' - col_vals = self.X_cats[col] if self.check_cats(col) else self.X[col] + assert col in self.merged_cols, f'{col} not in explainer.merged_cols!' + col_vals = self.get_col(col) na_mask = col_vals != self.na_fill if dropna else np.array([True]*len(col_vals)) return plotly_residuals_vs_col( self.y[na_mask], self.preds[na_mask], col_vals[na_mask], @@ -2773,9 +2487,8 @@ def plot_y_vs_feature(self, col, residuals='difference', round=2, """ if self.y_missing: raise ValueError("No y was passed to explainer, so cannot plot y vs feature!") - assert col in self.columns or col in self.columns_cats, \ - f'{col} not in columns or columns_cats!' - col_vals = self.X_cats[col] if self.check_cats(col) else self.X[col] + assert col in self.merged_cols, f'{col} not in explainer.merged_cols!' + col_vals = self.get_col(col) na_mask = col_vals != self.na_fill if dropna else np.array([True]*len(col_vals)) return plotly_actual_vs_col(self.y[na_mask], self.preds[na_mask], col_vals[na_mask], idxs=self.idxs.values[na_mask], points=points, round=round, winsor=winsor, @@ -2797,9 +2510,8 @@ def plot_preds_vs_feature(self, col, residuals='difference', round=2, Returns: plotly fig """ - assert col in self.columns or col in self.columns_cats, \ - f'{col} not in columns or columns_cats!' - col_vals = self.X_cats[col] if self.check_cats(col) else self.X[col] + assert col in self.merged_cols, f'{col} not in explainer.merged_cols!' + col_vals = self.get_col(col) na_mask = col_vals != self.na_fill if dropna else np.array([True]*len(col_vals)) return plotly_preds_vs_col(self.y[na_mask], self.preds[na_mask], col_vals[na_mask], idxs=self.idxs.values[na_mask], points=points, round=round, winsor=winsor, diff --git a/tests/test_cats_only.py b/tests/test_cats_only.py index 2747e26..469b2fe 100644 --- a/tests/test_cats_only.py +++ b/tests/test_cats_only.py @@ -453,10 +453,10 @@ def test_mean_abs_shap_df(self): self.assertIsInstance(self.explainer.mean_abs_shap_df(), pd.DataFrame) def test_top_interactions(self): - self.assertIsInstance(self.explainer.shap_top_interactions("Age"), list) - self.assertIsInstance(self.explainer.shap_top_interactions("Age", topx=4), list) - self.assertIsInstance(self.explainer.shap_top_interactions("Age", cats=True), list) - self.assertIsInstance(self.explainer.shap_top_interactions("Sex", cats=True), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Age"), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Age", topx=4), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Age", cats=True), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Sex", cats=True), list) def test_permutation_importances_df(self): self.assertIsInstance(self.explainer.permutation_importances_df(), pd.DataFrame) diff --git a/tests/test_classifier_base.py b/tests/test_classifier_base.py index cb1c2dd..4a85e89 100644 --- a/tests/test_classifier_base.py +++ b/tests/test_classifier_base.py @@ -103,10 +103,10 @@ def test_mean_abs_shap_df(self): self.assertIsInstance(self.explainer.mean_abs_shap_df(), pd.DataFrame) def test_top_interactions(self): - self.assertIsInstance(self.explainer.shap_top_interactions("Age"), list) - self.assertIsInstance(self.explainer.shap_top_interactions("Age", topx=4), list) - self.assertIsInstance(self.explainer.shap_top_interactions("Age", cats=True), list) - self.assertIsInstance(self.explainer.shap_top_interactions("Gender", cats=True), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Age"), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Age", topx=4), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Age", cats=True), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Gender", cats=True), list) def test_permutation_importances_df(self): self.assertIsInstance(self.explainer.permutation_importances_df(), pd.DataFrame) diff --git a/tests/test_linear_model.py b/tests/test_linear_model.py index ef4e89c..9fe5b7f 100644 --- a/tests/test_linear_model.py +++ b/tests/test_linear_model.py @@ -59,10 +59,10 @@ def test_mean_abs_shap_df(self): self.assertIsInstance(self.explainer.mean_abs_shap_df(), pd.DataFrame) def test_top_interactions(self): - self.assertIsInstance(self.explainer.shap_top_interactions("Age"), list) - self.assertIsInstance(self.explainer.shap_top_interactions("Age", topx=4), list) - self.assertIsInstance(self.explainer.shap_top_interactions("Age", cats=True), list) - self.assertIsInstance(self.explainer.shap_top_interactions("Gender", cats=True), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Age"), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Age", topx=4), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Age", cats=True), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Gender", cats=True), list) def test_contrib_df(self): self.assertIsInstance(self.explainer.contrib_df(0), pd.DataFrame) diff --git a/tests/test_multiclass.py b/tests/test_multiclass.py index e70cb96..99b0868 100644 --- a/tests/test_multiclass.py +++ b/tests/test_multiclass.py @@ -66,10 +66,10 @@ def test_mean_abs_shap_df(self): self.assertIsInstance(self.explainer.mean_abs_shap_df(), pd.DataFrame) def test_top_interactions(self): - self.assertIsInstance(self.explainer.shap_top_interactions("Age"), list) - self.assertIsInstance(self.explainer.shap_top_interactions("Age", topx=4), list) - self.assertIsInstance(self.explainer.shap_top_interactions("Age", cats=True), list) - self.assertIsInstance(self.explainer.shap_top_interactions("Gender", cats=True), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Age"), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Age", topx=4), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Age", cats=True), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Gender", cats=True), list) def test_permutation_importances_df(self): self.assertIsInstance(self.explainer.permutation_importances_df(), pd.DataFrame) diff --git a/tests/test_regression_base.py b/tests/test_regression_base.py index 5514759..3c09a05 100644 --- a/tests/test_regression_base.py +++ b/tests/test_regression_base.py @@ -104,10 +104,10 @@ def test_mean_abs_shap_df(self): self.assertIsInstance(self.explainer.mean_abs_shap_df(), pd.DataFrame) def test_top_interactions(self): - self.assertIsInstance(self.explainer.shap_top_interactions("Age"), list) - self.assertIsInstance(self.explainer.shap_top_interactions("Age", topx=4), list) - self.assertIsInstance(self.explainer.shap_top_interactions("Age", cats=True), list) - self.assertIsInstance(self.explainer.shap_top_interactions("Gender", cats=True), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Age"), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Age", topx=4), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Age", cats=True), list) + self.assertIsInstance(self.explainer.top_shap_interactions("Gender", cats=True), list) def test_permutation_importances_df(self): self.assertIsInstance(self.explainer.permutation_importances_df(), pd.DataFrame) From ede77ffa367fcf04ed739c2edee498ab0420688e Mon Sep 17 00:00:00 2001 From: Oege Dijk Date: Mon, 18 Jan 2021 21:54:26 +0100 Subject: [PATCH 03/28] adds external funcs --- .gitignore | 1 + RELEASE_NOTES.md | 23 ++ TODO.md | 10 +- .../overview_components.py | 2 +- .../dashboard_components/shap_components.py | 56 ++-- explainerdashboard/dashboard_methods.py | 4 +- explainerdashboard/explainer_methods.py | 5 +- explainerdashboard/explainer_plots.py | 120 +++++-- explainerdashboard/explainers.py | 302 +++++++++++------- 9 files changed, 348 insertions(+), 175 deletions(-) diff --git a/.gitignore b/.gitignore index 16f9e00..2d4bd86 100644 --- a/.gitignore +++ b/.gitignore @@ -166,4 +166,5 @@ dashboard1.yaml dashboard2.yaml users.yaml users.json +store_test.csv diff --git a/RELEASE_NOTES.md b/RELEASE_NOTES.md index 1387ad0..9c5cd1c 100644 --- a/RELEASE_NOTES.md +++ b/RELEASE_NOTES.md @@ -1,5 +1,28 @@ # Release Notes + +## 0.3.0: + +### Breaking Changes +- +- + +### New Features +- new `memory_usage()` method +- added `max_cat_colors` parameters to `plot_shap_summary` and `plot_shap_dependence` and `plot_shap_interaction` + +### Bug Fixes +- +- + +### Improvements +- encoding onehot columns with np.int8 +- adds + +### Other Changes +- +- + ## 0.2.20.1: diff --git a/TODO.md b/TODO.md index bc99367..65e7b35 100644 --- a/TODO.md +++ b/TODO.md @@ -5,15 +5,9 @@ - check all register_dependencies() - rename tree methods - regression vs col: - - fix violin plots - - set cat col order - rename cat col names -- fix json bug -- fix shap summary -- fix shap interaction summary detailed -- fix shap interaction dependence: cats is flipped -- set limited color_col categories -- make violin points more opaque + - add cat col sorter +- use prediction in xgboostexplainer plot_trees method ## Bugs: - dash contributions reload bug: Exception: Additivity check failed in TreeExplainer! diff --git a/explainerdashboard/dashboard_components/overview_components.py b/explainerdashboard/dashboard_components/overview_components.py index 862607a..d974fd8 100644 --- a/explainerdashboard/dashboard_components/overview_components.py +++ b/explainerdashboard/dashboard_components/overview_components.py @@ -209,7 +209,7 @@ def layout(self): html.Label('Depth:', id='importances-depth-label-'+self.name), dbc.Select(id='importances-depth-'+self.name, options = [{'label': str(i+1), 'value':i+1} - for i in range(self.explainer.n_features())], + for i in range(self.explainer.n_features)], value=self.depth), dbc.Tooltip("Select how many features to display", target='importances-depth-label-'+self.name) ], md=2), self.hide_depth), diff --git a/explainerdashboard/dashboard_components/shap_components.py b/explainerdashboard/dashboard_components/shap_components.py index e026815..9450e6c 100644 --- a/explainerdashboard/dashboard_components/shap_components.py +++ b/explainerdashboard/dashboard_components/shap_components.py @@ -24,7 +24,7 @@ def __init__(self, explainer, title='Shap Summary', name=None, hide_title=False, hide_subtitle=False, hide_depth=False, hide_type=False, hide_index=False, hide_selector=False, pos_label=None, depth=None, - summary_type="aggregate", index=None, + summary_type="aggregate", max_cat_colors=5, index=None, description=None, **kwargs): """Shows shap summary component @@ -49,13 +49,15 @@ def __init__(self, explainer, title='Shap Summary', name=None, depth (int, optional): initial number of features to show. Defaults to None. summary_type (str, {'aggregate', 'detailed'}. optional): type of summary graph to show. Defaults to "aggregate". + max_cat_colors (int, optional): for categorical features, maximum number + of categories to label with own color. Defaults to 5. description (str, optional): Tooltip to display when hover over component title. When None default text is shown. """ super().__init__(explainer, title, name) if self.depth is not None: - self.depth = min(self.depth, self.explainer.n_features()) + self.depth = min(self.depth, self.explainer.n_features) self.index_name = 'shap-summary-index-'+self.name self.selector = PosLabelSelector(explainer, name=self.name, pos_label=pos_label) @@ -86,7 +88,7 @@ def layout(self): target='shap-summary-depth-label-'+self.name), dbc.Select(id='shap-summary-depth-'+self.name, options=[{'label': str(i+1), 'value': i+1} for i in - range(self.explainer.n_features())], + range(self.explainer.n_features)], value=self.depth) ], md=2), self.hide_depth), make_hideable( @@ -157,7 +159,8 @@ def update_shap_summary_graph(summary_type, depth, index, pos_label): kind='shap', topx=depth, pos_label=pos_label) elif summary_type == 'detailed': plot = self.explainer.plot_shap_summary( - topx=depth, pos_label=pos_label, index=index) + topx=depth, pos_label=pos_label, index=index, + max_cat_colors=self.max_cat_colors) ctx = dash.callback_context trigger = ctx.triggered[0]['prop_id'].split('.')[0] if trigger == 'shap-summary-type-'+self.name: @@ -178,7 +181,7 @@ def __init__(self, explainer, title='Shap Dependence', name=None, hide_footer=False, pos_label=None, col=None, color_col=None, index=None, - cats_topx=10, cats_sort='freq', + cats_topx=10, cats_sort='freq', max_cat_colors=5, description=None, **kwargs): """Show shap dependence graph @@ -208,6 +211,8 @@ def __init__(self, explainer, title='Shap Dependence', name=None, index (int, optional): Highlight a particular index. Defaults to None. cats_sort (str, optional): how to sort categories: 'alphabet', 'freq' or 'shap'. Defaults to 'freq'. + max_cat_colors (int, optional): for categorical features, maximum number + of categories to label with own color. Defaults to 5. description (str, optional): Tooltip to display when hover over component title. When None default text is shown. """ @@ -294,7 +299,7 @@ def layout(self): make_hideable( dbc.Col([ dbc.Label("Categories:", id='shap-dependence-n-categories-label-'+self.name), - dbc.Tooltip("Number of categories to display", + dbc.Tooltip("Maximum number of categories to display", target='shap-dependence-n-categories-label-'+self.name), dbc.Input(id='shap-dependence-n-categories-'+self.name, value=self.cats_topx, @@ -353,7 +358,8 @@ def update_dependence_graph(color_col, index, topx, sort, pos_label, col): color_col, index = None, None return self.explainer.plot_shap_dependence( col, color_col, topx=topx, sort=sort, - highlight_index=index, pos_label=pos_label) + highlight_index=index, max_cat_colors=self.max_cat_colors, + pos_label=pos_label) raise PreventUpdate @@ -394,7 +400,8 @@ def __init__(self, explainer, title="Interactions Summary", name=None, hide_title=False, hide_subtitle=False, hide_col=False, hide_depth=False, hide_type=False, hide_index=False, hide_selector=False, pos_label=None, col=None, depth=None, - summary_type="aggregate", index=None, description=None, + summary_type="aggregate", max_cat_colors=5, + index=None, description=None, **kwargs): """Show SHAP Interaciton values summary component @@ -422,6 +429,8 @@ def __init__(self, explainer, title="Interactions Summary", name=None, Defaults to None. summary_type (str, {'aggregate', 'detailed'}, optional): type of summary graph to display. Defaults to "aggregate". + max_cat_colors (int, optional): for categorical features, maximum number + of categories to label with own color. Defaults to 5. index (str): Default index. Defaults to None. description (str, optional): Tooltip to display when hover over component title. When None default text is shown. @@ -431,7 +440,7 @@ def __init__(self, explainer, title="Interactions Summary", name=None, if self.col is None: self.col = self.explainer.columns_ranked_by_shap()[0] if self.depth is not None: - self.depth = min(self.depth, self.explainer.n_features()-1) + self.depth = min(self.depth, self.explainer.n_features-1) self.index_name = 'interaction-summary-index-'+self.name self.selector = PosLabelSelector(explainer, name=self.name, pos_label=pos_label) if self.description is None: self.description = """ @@ -475,7 +484,7 @@ def layout(self): target='interaction-summary-depth-label-'+self.name), dbc.Select(id='interaction-summary-depth-'+self.name, options = [{'label': str(i+1), 'value':i+1} - for i in range(self.explainer.n_features()-1)], + for i in range(self.explainer.n_features-1)], value=self.depth) ], md=2), self.hide_depth), make_hideable( @@ -552,7 +561,8 @@ def update_interaction_scatter_graph(col, depth, summary_type, index, pos_label) return plot, dict(display="none") elif summary_type=='detailed': plot = self.explainer.plot_shap_interaction_summary( - col, topx=depth, pos_label=pos_label, index=index) + col, topx=depth, pos_label=pos_label, index=index, + max_cat_colors=self.max_cat_colors) return plot, {} raise PreventUpdate @@ -565,7 +575,7 @@ def __init__(self, explainer, title="Interaction Dependence", name=None, hide_selector=False, hide_cats_topx=False, hide_cats_sort=False, hide_top=False, hide_bottom=False, pos_label=None, col=None, interact_col=None, - cats_topx=10, cats_sort='freq', + cats_topx=10, cats_sort='freq', max_cat_colors=5, description=None, index=None, **kwargs): """Interaction Dependence Component. @@ -608,6 +618,8 @@ def __init__(self, explainer, title="Interaction Dependence", name=None, categorical features. cats_sort (str, optional): how to sort categories: 'alphabet', 'freq' or 'shap'. Defaults to 'freq'. + max_cat_colors (int, optional): for categorical features, maximum number + of categories to label with own color. Defaults to 5. description (str, optional): Tooltip to display when hover over component title. When None default text is shown. """ @@ -694,7 +706,7 @@ def layout(self): make_hideable( dbc.Col([ dbc.Label("Categories:", id='interaction-dependence-top-n-categories-label-'+self.name), - dbc.Tooltip("Number of categories to display", + dbc.Tooltip("Maximum number of categories to display", target='interaction-dependence-top-n-categories-label-'+self.name), dbc.Input(id='interaction-dependence-top-n-categories-'+self.name, value=self.cats_topx, @@ -731,7 +743,7 @@ def layout(self): make_hideable( dbc.Col([ dbc.Label("Categories:", id='interaction-dependence-bottom-n-categories-label-'+self.name), - dbc.Tooltip("Number of categories to display", + dbc.Tooltip("Maximum number of categories to display", target='interaction-dependence-bottom-n-categories-label-'+self.name), dbc.Input(id='interaction-dependence-bottom-n-categories-'+self.name, value=self.cats_topx, @@ -784,8 +796,8 @@ def update_dependence_graph(interact_col, index, topx, sort, pos_label, col): if col is not None and interact_col is not None: style = {} if interact_col in self.explainer.cat_cols else dict(display="none") return (self.explainer.plot_shap_interaction( - col, interact_col, highlight_index=index, pos_label=pos_label, - topx=topx, sort=sort), + interact_col, col, highlight_index=index, pos_label=pos_label, + topx=topx, sort=sort, max_cat_colors=self.max_cat_colors), style) raise PreventUpdate @@ -802,8 +814,8 @@ def update_dependence_graph(interact_col, index, topx, sort, pos_label, col): if col is not None and interact_col is not None: style = {} if col in self.explainer.cat_cols else dict(display="none") return (self.explainer.plot_shap_interaction( - interact_col, col, highlight_index=index, pos_label=pos_label, - topx=topx, sort=sort), + col, interact_col, highlight_index=index, pos_label=pos_label, + topx=topx, sort=sort, max_cat_colors=self.max_cat_colors), style) raise PreventUpdate @@ -894,7 +906,7 @@ def __init__(self, explainer, title="Contributions Plot", name=None, self.index_name = 'contributions-graph-index-'+self.name if self.depth is not None: - self.depth = min(self.depth, self.explainer.n_features()) + self.depth = min(self.depth, self.explainer.n_features) if self.feature_input_component is not None: self.exclude_callbacks(self.feature_input_component) @@ -945,7 +957,7 @@ def layout(self): target='contributions-graph-depth-label-'+self.name), dbc.Select(id='contributions-graph-depth-'+self.name, options = [{'label': str(i+1), 'value':i+1} - for i in range(self.explainer.n_features())], + for i in range(self.explainer.n_features)], value=None if self.depth is None else str(self.depth)) ], md=2), hide=self.hide_depth), make_hideable( @@ -1061,7 +1073,7 @@ def __init__(self, explainer, title="Contributions Table", name=None, self.index_name = 'contributions-table-index-'+self.name if self.depth is not None: - self.depth = min(self.depth, self.explainer.n_features()) + self.depth = min(self.depth, self.explainer.n_features) if self.feature_input_component is not None: self.exclude_callbacks(self.feature_input_component) @@ -1106,7 +1118,7 @@ def layout(self): target='contributions-table-depth-label-'+self.name), dbc.Select(id='contributions-table-depth-'+self.name, options = [{'label': str(i+1), 'value':i+1} - for i in range(self.explainer.n_features())], + for i in range(self.explainer.n_features)], value=self.depth) ], md=2), hide=self.hide_depth), make_hideable( diff --git a/explainerdashboard/dashboard_methods.py b/explainerdashboard/dashboard_methods.py index a685ad8..d6b8da1 100644 --- a/explainerdashboard/dashboard_methods.py +++ b/explainerdashboard/dashboard_methods.py @@ -327,7 +327,9 @@ def calculate_dependencies(self): compute properties multiple times in parallel.""" for dep in self.dependencies: try: - _ = getattr(self.explainer, dep) + attribute = getattr(self.explainer, dep) + if callable(attribute): + _ = attribute() except: ValueError(f"Failed to generate dependency '{dep}': " "Failed to calculate or retrieve explainer property explainer.{dep}...") diff --git a/explainerdashboard/explainer_methods.py b/explainerdashboard/explainer_methods.py index 82bea83..9a91637 100644 --- a/explainerdashboard/explainer_methods.py +++ b/explainerdashboard/explainer_methods.py @@ -17,7 +17,7 @@ from joblib import Parallel, delayed -def safe_is_instance(obj, *instance_str): +def safe_isinstance(obj, *instance_str): """Checks instance by comparing str(type(obj)) to one or more instance_str. """ obj_str = str(type(obj)) @@ -1205,7 +1205,8 @@ def get_xgboost_path_df(xgbmodel, X_row, n_tree=None): xgbmodel_treedump = xgbmodel.get_booster().get_dump()[n_tree] else: raise ValueError("Couldn't extract a treedump. Please pass a fitted xgboost model.") - + if isinstance(X_row, pd.DataFrame) and len(X_row)==1: + X_row = X_row.squeeze() node_dict = get_xgboost_node_dict(xgbmodel_treedump) prediction_path_df = pd.DataFrame(columns = ['node', 'feature', 'cutoff', 'value']) diff --git a/explainerdashboard/explainer_plots.py b/explainerdashboard/explainer_plots.py index aeefc55..fa2e510 100644 --- a/explainerdashboard/explainer_plots.py +++ b/explainerdashboard/explainer_plots.py @@ -24,7 +24,7 @@ import numpy as np import pandas as pd -from pandas.api.types import is_numeric_dtype, is_string_dtype +from pandas.api.types import is_numeric_dtype import plotly.graph_objs as go from plotly.subplots import make_subplots @@ -33,7 +33,7 @@ precision_recall_curve, roc_curve, roc_auc_score, average_precision_score) -from .explainer_methods import matching_cols +from .explainer_methods import matching_cols, safe_isinstance def plotly_prediction_piechart(predictions_df, showlegend=True, size=250): @@ -840,7 +840,7 @@ def plotly_dependence_plot(X_col, shap_values, interact_col=None, def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, interaction=False, units="", highlight_index=None, idxs=None, - cats_order=None): + cats_order=None, max_cat_colors=5): """Generates a violin plot for displaying shap value distributions for categorical features. @@ -897,24 +897,27 @@ def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, fig.update_yaxes(range=[shap_values.min()-0.1*shap_range, shap_values.max()+0.1*shap_range]) if X_color_col is not None: - color_cats = X_color_col.unique() + color_cats = list(X_color_col.value_counts().index[:max_cat_colors]) n_color_cats = len(color_cats) colors = ['#636EFA', '#EF553B', '#00CC96', '#AB63FA', '#FFA15A', '#19D3F3', '#FF6692', '#B6E880', '#FF97FF', '#FECB52'] colors = colors * (1+int(n_color_cats / len(colors))) colors = colors[:n_color_cats] - show_legend = set(color_cats) + show_legend = set(color_cats+["Category_Other"]) for i, cat in enumerate(cats_order): col = 1+i*2 if points or X_color_col is not None else 1+i + if cat.startswith(X_col.name+"_"): + cat_name = cat[len(X_col.name)+1:] + else: + cat_name = cat fig.add_trace(go.Violin( - x=X_col[X_col == cat], + x=np.repeat(cat_name, len(X_col[X_col == cat])), y=shap_values[X_col == cat], - name=cat, + name=cat_name, box_visible=True, meanline_visible=True, - showlegend=False, - ), + showlegend=False), row=1, col=col) if X_color_col is not None: if is_numeric_dtype(X_color_col): @@ -930,7 +933,7 @@ def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, shap_values[X_col == cat], X_color_col[X_col==cat])], marker=dict(size=7, - opacity=0.6, + opacity=0.3, cmin=X_color_col.min(), cmax=X_color_col.max(), color=X_color_col[X_col==cat], @@ -941,25 +944,48 @@ def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, row=1, col=col+1) else: for color_cat, color in zip(color_cats, colors): + if color_cat.startswith(X_color_col.name+"_"): + color_cat_name = color_cat[len(X_color_col.name)+1:] + else: + color_cat_name = color_cat + fig.add_trace(go.Scattergl( x=np.random.randn(((X_col == cat) & (X_color_col == color_cat)).sum()), y=shap_values[(X_col == cat) & (X_color_col == color_cat)], - name=color_cat, + name=color_cat_name, mode='markers', showlegend=color_cat in show_legend, hoverinfo="text", - text = [f"{idxs.name}: {index}
shap: {shap}
{X_color_col.name}: {col}" - for index, shap, col in zip( + text = [f"{idxs.name}: {index}
shap: {shap}
{X_color_col.name}: {color_cat_name}" + for index, shap in zip( idxs[(X_col == cat) & (X_color_col == color_cat)], - shap_values[(X_col == cat) & (X_color_col == color_cat)], - X_color_col[(X_col == cat) & (X_color_col == color_cat)])], + shap_values[(X_col == cat) & (X_color_col == color_cat)])], marker=dict(size=7, - opacity=0.8, + opacity=0.3, color=color) ), row=1, col=col+1) if color_cat in X_color_col[X_col==cat].unique(): show_legend = show_legend - {color_cat} + if X_color_col.nunique() > max_cat_colors: + fig.add_trace(go.Scattergl( + x=np.random.randn(((X_col == cat) & (~X_color_col.isin(color_cats))).sum()), + y=shap_values[(X_col == cat) & (~X_color_col.isin(color_cats))], + name="Other", + mode='markers', + showlegend="Category_Other" in show_legend, + hoverinfo="text", + text = [f"{idxs.name}: {index}
shap: {shap}
{X_color_col.name}: {col}" + for index, shap, col in zip( + idxs[(X_col == cat) & (~X_color_col.isin(color_cats))], + shap_values[(X_col == cat) & (~X_color_col.isin(color_cats))], + X_color_col[(X_col == cat) & (~X_color_col.isin(color_cats))])], + marker=dict(size=7, + opacity=0.3, + color="grey") + ), + row=1, col=col+1) + show_legend = show_legend - {"Category_Other"} showscale = False elif points: @@ -1448,7 +1474,7 @@ def plotly_pr_auc_curve(true_y, pred_probas, cutoff=None): def plotly_shap_scatter_plot(X, shap_values_df, display_columns=None, title="Shap values", - idxs=None, highlight_index=None, na_fill=-999, round=3, index_name="index"): + idxs=None, highlight_index=None, na_fill=-999, round=3, max_cat_colors=5): """Generate a shap values summary plot where features are ranked from highest mean absolute shap value to lowest, with point clouds shown for each feature. @@ -1481,6 +1507,7 @@ def plotly_shap_scatter_plot(X, shap_values_df, display_columns=None, title="Sha idxs = pd.Index(idxs).astype(str) else: idxs = X.index.astype(str) + index_name = idxs.name length = len(X) if highlight_index is not None: @@ -1532,27 +1559,54 @@ def plotly_shap_scatter_plot(X, shap_values_df, display_columns=None, title="Sha ), row=i+1, col=1); else: - # if str type then categorical variable, - # so plot each category in a different color: - for onehot_col in X[col].unique().tolist(): + color_cats = list(X[col].value_counts().index[:max_cat_colors]) + n_color_cats = len(color_cats) + colors = ['#636EFA', '#EF553B', '#00CC96', '#AB63FA', '#FFA15A', + '#19D3F3', '#FF6692', '#B6E880', '#FF97FF', '#FECB52'] + colors = colors * (1+int(n_color_cats / len(colors))) + colors = colors[:n_color_cats] + for cat, color in zip(color_cats, colors): fig.add_trace(go.Scattergl( - x=shap_values_df[X[col]==onehot_col][col], - y=np.random.rand(len(shap_values_df[X[col]==onehot_col])), + x=shap_values_df[col][X[col]==cat], + y=np.random.rand((X[col]==cat).sum()), mode='markers', marker=dict( size=5, showscale=False, opacity=0.3, + color=color, ), - name=onehot_col, + name=cat, showlegend=False, opacity=0.8, hoverinfo="text", - text=[f"{index_name}={i}
{col}={onehot_col}
shap={np.round(shap,3)}" - for i, shap in zip(idxs[X[col]==onehot_col], shap_values_df[X[col]==onehot_col][col])], + text=[f"{index_name}={i}
{col}={cat}
shap={np.round(shap,3)}" + for i, shap in zip(idxs[X[col]==cat], + shap_values_df[col][X[col]==cat])], ), - row=i+1, col=1); - + row=i+1, col=1) + if X[col].nunique() > max_cat_colors: + fig.add_trace(go.Scattergl( + x=shap_values_df[col][~X[col].isin(color_cats)], + y=np.random.rand((~X[col].isin(color_cats)).sum()), + mode='markers', + marker=dict( + size=5, + showscale=False, + opacity=0.3, + color="grey", + ), + name="Other", + showlegend=False, + opacity=0.8, + hoverinfo="text", + text=[f"{index_name}={i}
{col}={col_val}
shap={np.round(shap,3)}" + for i, shap, col_val in zip(idxs[~X[col].isin(color_cats)], + shap_values_df[col][~X[col].isin(color_cats)], + X[col][~X[col].isin(color_cats)])], + ), + row=i+1, col=1) + if highlight_index is not None: fig.add_trace( go.Scattergl( @@ -1812,7 +1866,7 @@ def plotly_residuals_vs_col(y, preds, col, col_name=None, residuals='difference' np.round(preds, round), np.round(res, round))] - if is_string_dtype(col): + if not is_numeric_dtype(col): n_cats = col.nunique() if points: @@ -1941,7 +1995,7 @@ def plotly_actual_vs_col(y, preds, col, col_name=None, np.round(y, round), np.round(preds, round))] - if is_string_dtype(col): + if not is_numeric_dtype(col): n_cats = col.nunique() if points: @@ -2062,7 +2116,7 @@ def plotly_preds_vs_col(y, preds, col, col_name=None, preds_text=[f"{index_name}: {idx}
Predicted {target}: {pred}{units}
Observed {target}: {actual}{units}" for idx, actual, pred in zip(idxs,np.round(y, round), np.round(preds, round))] - if is_string_dtype(col): + if not is_numeric_dtype(col): n_cats = col.nunique() if points: @@ -2160,8 +2214,7 @@ def plotly_rf_trees(model, observation, y=None, highlight_tree=None, Returns: Plotly fig """ - assert (str(type(model)).endswith("RandomForestClassifier'>") - or str(type(model)).endswith("RandomForestRegressor'>")), \ + assert safe_isinstance(model, "RandomForestClassifier", "RandomForestRegressor"), \ f"model is of type {type(model)}, but should be either RandomForestClassifier or RandomForestRegressor" colors = ['blue'] * len(model.estimators_) @@ -2170,8 +2223,7 @@ def plotly_rf_trees(model, observation, y=None, highlight_tree=None, f"{highlight_tree} is out of range (0, {len(model.estimators_)})" colors[highlight_tree] = 'red' - if (hasattr(model.estimators_[0], "classes_") - and model.estimators_[0].classes_[0] is not None): #if classifier + if safe_isinstance(model, "RandomForestClassifier"): preds_df = ( pd.DataFrame({ 'model' : range(len(model.estimators_)), diff --git a/explainerdashboard/explainers.py b/explainerdashboard/explainers.py index 52d3053..0bec93c 100644 --- a/explainerdashboard/explainers.py +++ b/explainerdashboard/explainers.py @@ -11,6 +11,8 @@ 'RandomForestRegressionBunch', # deprecated ] +import sys +import inspect from abc import ABC import base64 from pathlib import Path @@ -37,6 +39,28 @@ import plotly.io as pio pio.templates.default = "none" +def insert_pos_label(func): + """decorator to insert pos_label=self.pos_label into method call when pos_label=None""" + def inner(self, *args, **kwargs): + if 'pos_label' in kwargs: + if kwargs['pos_label'] is not None: + return func(self, *args, **kwargs) + else: + kwargs.update(dict(pos_label=self.pos_label)) + return func(self, *args, **kwargs) + argspec = inspect.getfullargspec(func).args + assert 'pos_label' in argspec, \ + f"Method {func} does not take pos_label as a parameter!" + index = argspec.index('pos_label') + kwargs = kwargs or {} + if len(args) < index or args[index-1] is None: + kwargs.update(dict(zip(argspec[1:], args))) + kwargs.update(dict(pos_label=self.pos_label)) + return func(self, **kwargs) + else: + return func(self, *args, **kwargs) + return inner + class BaseExplainer(ABC): """ """ def __init__(self, model, X, y=None, permutation_metric=r2_score, @@ -44,7 +68,7 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, cats=None, idxs=None, index_name=None, target=None, descriptions=None, n_jobs=None, permutation_cv=None, na_fill=-999, - precision="float32"): + precision="float64"): """Defines the basic functionality that is shared by both ClassifierExplainer and RegressionExplainer. @@ -83,7 +107,7 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, This is for calculating permutation importances against X_train. Defaults to None na_fill (int): The filler used for missing values, defaults to -999. - precision: precision with which to store values. Defaults to np.float32. + precision: precision with which to store values. Defaults to "float64". """ self._params_dict = dict( shap=shap, model_output=model_output, cats=cats, @@ -97,13 +121,13 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, self.X, self.X_background = X, X_background self.model = model - if safe_is_instance(model, "xgboost.core.Booster"): + if safe_isinstance(model, "xgboost.core.Booster"): raise ValueError("For xgboost models, currently only the scikit-learn " "compatible wrappers xgboost.sklearn.XGBClassifier and " "xgboost.sklearn.XGBRegressor are supported, so please use those " "instead of xgboost.Booster!") - if safe_is_instance(model, "lightgbm.Booster"): + if safe_isinstance(model, "lightgbm.Booster"): raise ValueError("For lightgbm, currently only the scikit-learn " "compatible wrappers lightgbm.LGBMClassifier and lightgbm.LGBMRegressor " "are supported, so please use those instead of lightgbm.Booster!") @@ -116,6 +140,9 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, self.original_cols = self.X.columns self.merged_cols = pd.Index(self.regular_cols + self.onehot_cols) + if self.encoded_cols: + self.X[self.encoded_cols] = self.X[self.encoded_cols].astype(np.int8) + if self.categorical_cols: for col in self.categorical_cols: self.X[col] = self.X[col].astype("category") @@ -160,11 +187,15 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, assert len(idxs) == len(self.X) == len(self.y), \ ("idxs should be same length as X but is not: " f"len(idxs)={len(idxs)} but len(X)={len(self.X)}!") - self.idxs = pd.Index(idxs, dtype=str) + self.idxs = pd.Index(idxs).astype(str) else: self.idxs = X.index.astype(str) - self.X.index = self.idxs - self.y.index = self.idxs + self.X.reset_index(drop=True, inplace=True) + self.y.reset_index(drop=True, inplace=True) + + self._get_index_list_func = None + self._get_X_row_func = None + self._get_y_func = None if index_name is None: if self.idxs.name is not None: @@ -172,6 +203,7 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, else: self.index_name = "Index" else: + self.idxs.name = index_name.capitalize() self.index_name = index_name.capitalize() self.descriptions = {} if descriptions is None else descriptions @@ -185,7 +217,7 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, self.units = "" self.is_classifier = False self.is_regression = False - if safe_is_instance(self.model, "CatBoostRegressor", "CatBoostClassifier"): + if safe_isinstance(self.model, "CatBoostRegressor", "CatBoostClassifier"): self.interactions_should_work = False if not hasattr(self, "interactions_should_work"): self.interactions_should_work = True @@ -408,8 +440,8 @@ def random_index(self, y_min=None, y_max=None, pred_min=None, pred_max=None, else: return None if return_str: - return idx - return idxs.get_loc(idx) + return self.idxs[idx] + return idx @property def preds(self): @@ -419,8 +451,7 @@ def preds(self): self._preds = self.model.predict(self.X).astype(self.precision) return self._preds - @property - def pred_percentiles(self): + def pred_percentiles(self, pos_label=None): """returns percentile rank of model predictions""" if not hasattr(self, '_pred_percentiles'): print("Calculating prediction percentiles...", flush=True) @@ -428,7 +459,7 @@ def pred_percentiles(self): .rank(method='min') .divide(len(self.preds)) .values).astype(self.precision) - return make_callable(self._pred_percentiles) + return self._pred_percentiles def columns_ranked_by_shap(self, pos_label=None): """returns the columns of X, ranked by mean abs shap value @@ -443,15 +474,12 @@ def columns_ranked_by_shap(self, pos_label=None): """ return self.mean_abs_shap_df(pos_label).Feature.tolist() - def n_features(self, cats=False): - """number of features with cats=True or cats=False - - Args: - cats: (Default value = False) - + @property + def n_features(self): + """number of features + Returns: int, number of features - """ return len(self.merged_cols) @@ -501,14 +529,47 @@ def ordered_cats(self, col, topx=None, sort='alphabet', pos_label=None): raise ValueError(f"sort='{sort}', but should be in {{'alphabet', 'freq', 'shap'}}") def get_index_list(self): - return list(self.idxs) + if self._get_index_list_func is not None: + index_list = self._get_index_list_func() + else: + index_list = list(self.idxs) + if not isinstance(index_list, list): + raise ValueError("self._get_index_list_func() should return a list! " + f"Instead returned {index_list}") + return index_list + + def set_index_list_func(self, func): + self._get_index_list_func = func def get_X_row(self, index, merge=False): - X_row = self.X.iloc[[self.get_idx(index)]] + if self._get_X_row_func is not None: + X_row = self._get_X_row_func(index) + else: + X_row = self.X.iloc[[self.get_idx(index)]] + + if not matching_cols(X_row.columns, self.columns): + raise ValueError(f"columns do not match! Got {X_row.columns}, but was" + f"expecting {self.columns}") if merge: X_row = merge_categorical_columns(X_row, self.onehot_dict)[self.merged_cols] return X_row + def set_X_row_func(self, func): + self._get_X_row_func = func + + def get_y(self, index): + if self._get_y_func is not None: + y = self._get_y_func(index) + else: + if self.y_missing: + y = None + else: + y = self.y.iloc[self.get_idx(index)] + return y + + def set_y_func(self, func): + self._get_y_func = func + def get_row_from_input(self, inputs:List, ranked_by_shap=False, return_merged=False): """returns a single row pd.DataFrame from a given list of *inputs""" if len(inputs)==1 and isinstance(inputs[0], list): @@ -628,8 +689,7 @@ def get_col_value_plus_prediction(self, col, index=None, X_row=None, pos_label=N raise ValueError("You need to pass either index or X_row!") - @property - def permutation_importances(self): + def permutation_importances(self, pos_label=None): """Permutation importances """ if not hasattr(self, '_perm_imps'): print("Calculating importances...", flush=True) @@ -640,7 +700,7 @@ def permutation_importances(self): n_jobs=self.n_jobs, needs_proba=self.is_classifier) .sort_values("Importance", ascending=False)) - self._perm_imps = make_callable(self._perm_imps) + self._perm_imps = self._perm_imps return self._perm_imps @property @@ -648,15 +708,13 @@ def X_cats(self): """X with categorical variables grouped together""" if not hasattr(self, '_X_cats'): self._X_cats = merge_categorical_columns(self.X, self.onehot_dict, drop_regular=True) - self._X_cats = self._X_cats.set_index(self.X.index) return self._X_cats @property def X_merged(self): return self.X.merge(self.X_cats, left_index=True, right_index=True)[self.merged_cols] - @property - def shap_base_value(self): + def shap_base_value(self, pos_label=None): """the intercept for the shap values. (i.e. 'what would the prediction be if we knew none of the features?') @@ -669,22 +727,19 @@ def shap_base_value(self): if isinstance(self._shap_base_value, np.ndarray): # shap library now returns an array instead of float self._shap_base_value = self._shap_base_value.item() - return make_callable(self._shap_base_value) + return self._shap_base_value - @property - def shap_values_df(self): + def shap_values_df(self, pos_label=None): """SHAP values calculated using the shap library""" if not hasattr(self, '_shap_values_df'): print("Calculating shap values...", flush=True) self._shap_values_df = pd.DataFrame(self.shap_explainer.shap_values(self.X), - columns=self.columns, index=self.X.index) + columns=self.columns) self._shap_values_df = merge_categorical_shap_values( self._shap_values_df, self.onehot_dict, self.merged_cols).astype(self.precision) - self._shap_values_df = make_callable(self._shap_values_df) return self._shap_values_df - @property - def shap_interaction_values(self): + def shap_interaction_values(self, pos_label=None): """SHAP interaction values calculated using shap library""" assert self.shap != 'linear', \ "Unfortunately shap.LinearExplainer does not provide " \ @@ -701,20 +756,17 @@ def shap_interaction_values(self): self.shap_explainer.shap_interaction_values(self.X) self._shap_interaction_values = \ merge_categorical_shap_interaction_values( - self.shap_interaction_values, self.columns, self.merged_cols, + self._shap_interaction_values, self.columns, self.merged_cols, self.onehot_dict).astype(self.precision) - self._shap_interaction_values = make_callable(self._shap_interaction_values) return self._shap_interaction_values - @property - def mean_abs_shap_df(self): + def mean_abs_shap_df(self, pos_label=None): """Mean absolute SHAP values per feature.""" if not hasattr(self, '_mean_abs_shap'): - self._mean_abs_shap_df = (self.shap_values_df[self.merged_cols].abs().mean() + self._mean_abs_shap_df = (self.shap_values_df(pos_label)[self.merged_cols].abs().mean() .sort_values(ascending=False) .to_frame().rename_axis(index="Feature").reset_index() .rename(columns={0:"MEAN_ABS_SHAP"})) - self._mean_abs_shap_df = make_callable(self._mean_abs_shap_df) return self._mean_abs_shap_df @@ -741,6 +793,49 @@ def calculate_properties(self, include_interactions=True): if self.interactions_should_work and include_interactions: _ = self.shap_interaction_values + def memory_usage(self, cutoff=0): + """returns a pd.DataFrame witht the memory usage of each attribute of + this explainer object""" + def get_size(obj): + def get_inner_size(obj): + if isinstance(obj, pd.DataFrame): + return obj.memory_usage().sum() + elif isinstance(obj, pd.Series): + return obj.memory_usage() + elif isinstance(obj, pd.Index): + return obj.memory_usage() + elif isinstance(obj, np.ndarray): + return obj.nbytes + else: + return sys.getsizeof(obj) + + if isinstance(obj, list): + return sum([get_inner_size(o) for o in obj]) + elif isinstance(obj, dict): + return sum([get_inner_size(o) for o in obj.values()]) + else: + return get_inner_size(obj) + + def size_to_string(num, suffix='B'): + for unit in ['','Ki','Mi','Gi','Ti','Pi','Ei','Zi']: + if np.abs(num) < 1024.0: + return "%3.1f%s%s" % (num, unit, suffix) + num /= 1024.0 + return "%.1f%s%s" % (num, 'Yi', suffix) + + memory_df = pd.DataFrame(columns=['property', 'type', 'bytes', 'size']) + for k, v in self.__dict__.items(): + memory_df = memory_df.append(dict( + property=f"self.{k}", type=v.__class__.__name__, + bytes=get_size(v), size=size_to_string(get_size(v))), + ignore_index=True) + + print("Explainer total memory usage (approximate): ", + size_to_string(memory_df.bytes.sum()), flush=True) + return (memory_df[memory_df.bytes>cutoff] + .sort_values("bytes", ascending=False) + .reset_index(drop=True)) + def metrics(self, *args, **kwargs): """returns a dict of metrics. @@ -1163,7 +1258,7 @@ def plot_shap_contributions(self, index=None, X_row=None, topx=None, cutoff=None orientation=orientation, round=round, higher_is_better=higher_is_better, target=self.target, units=self.units) - def plot_shap_summary(self, index=None, topx=None, pos_label=None): + def plot_shap_summary(self, index=None, topx=None, max_cat_colors=5, pos_label=None): """Plot barchart of mean absolute shap value. Displays all individual shap value for each feature in a horizontal @@ -1171,7 +1266,10 @@ def plot_shap_summary(self, index=None, topx=None, pos_label=None): Args: index (str or int): index to highlight - topx(int, optional): Only display topx most important features, defaults to None + topx(int, optional): Only display topx most important features, + defaults to None + max_cat_colors (int, optional): for categorical features, maximum number + of categories to label with own color. Defaults to 5. pos_label: positive class (Default value = None) Returns: @@ -1202,13 +1300,14 @@ def plot_shap_summary(self, index=None, topx=None, pos_label=None): self.X_merged[cols], self.shap_values_df(pos_label)[cols], cols, - idxs=self.idxs.values, + idxs=self.idxs, highlight_index=index, title=title, na_fill=self.na_fill, - index_name=self.index_name) + max_cat_colors=max_cat_colors) - def plot_shap_interaction_summary(self, col, index=None, topx=None, pos_label=None): + def plot_shap_interaction_summary(self, col, index=None, topx=None, + max_cat_colors=5, pos_label=None): """Plot barchart of mean absolute shap interaction values Displays all individual shap interaction values for each feature in a @@ -1218,28 +1317,26 @@ def plot_shap_interaction_summary(self, col, index=None, topx=None, pos_label=N col(type]): feature for which to show interactions summary index (str or int): index to highlight topx(int, optional): only show topx most important features, defaults to None - cats: group categorical features (Default value = False) + max_cat_colors (int, optional): for categorical features, maximum number + of categories to label with own color. Defaults to 5. pos_label: positive class (Default value = None) Returns: fig """ interact_cols = self.top_shap_interactions(col, pos_label=pos_label) - shap_df = pd.DataFrame(self.shap_interaction_values_for_col(col, pos_label=pos_label), - columns=self.merged_cols, index=self.idxs) - - + columns=self.merged_cols) if topx is None: topx = len(interact_cols) title = f"Shap interaction values for {col}" - return plotly_shap_scatter_plot( self.X_merged, shap_df, interact_cols[:topx], title=title, idxs=self.idxs, highlight_index=index, na_fill=self.na_fill, - index_name=self.index_name) + max_cat_colors=max_cat_colors) def plot_shap_dependence(self, col, color_col=None, highlight_index=None, - topx=None, sort='alphabet', pos_label=None): + topx=None, sort='alphabet', max_cat_colors=5, + pos_label=None): """plot shap dependence Plots a shap dependence plot: @@ -1257,6 +1354,8 @@ def plot_shap_dependence(self, col, color_col=None, highlight_index=None, sort (str): for categorical features, how to sort the categories: alphabetically 'alphabet', most frequent first 'freq', highest mean absolute value first 'shap'. Defaults to 'alphabet'. + max_cat_colors (int, optional): for categorical features, maximum number + of categories to label with own color. Defaults to 5. pos_label: positive class (Default value = None) Returns: @@ -1274,7 +1373,8 @@ def plot_shap_dependence(self, col, color_col=None, highlight_index=None, X_color_col, highlight_index=highlight_index, idxs=self.idxs, - cats_order=self.ordered_cats(col, topx, sort)) + cats_order=self.ordered_cats(col, topx, sort), + max_cat_colors=max_cat_colors) else: return plotly_dependence_plot( self.get_col(col), @@ -1286,13 +1386,19 @@ def plot_shap_dependence(self, col, color_col=None, highlight_index=None, idxs=self.idxs) def plot_shap_interaction(self, col, interact_col, highlight_index=None, - topx=10, sort='alphabet', pos_label=None): + topx=10, sort='alphabet', max_cat_colors=5, + pos_label=None): """plots a dependence plot for shap interaction effects Args: col(str): feature for which to find interaction values interact_col(str): feature for which interaction value are displayed - highlight_idx(int, optional, optional): idx that will be highlighted, defaults to None + highlight_index(str, optional): index that will be highlighted, defaults to None + topx (int, optional): number of categorical features to display in violin plots. + sort (str, optional): how to sort categorical features in violin plots. + Should be in {'alphabet', 'freq', 'shap'}. + max_cat_colors (int, optional): for categorical features, maximum number + of categories to label with own color. Defaults to 5. pos_label: (Default value = None) Returns: @@ -1307,7 +1413,8 @@ def plot_shap_interaction(self, col, interact_col, highlight_index=None, self.get_col(interact_col), interaction=True, units=self.units, highlight_index=highlight_index, idxs=self.idxs, - cats_order=self.ordered_cats(col, topx, sort)) + cats_order=self.ordered_cats(col, topx, sort), + max_cat_colors=max_cat_colors) else: return plotly_dependence_plot( self.get_col(col), @@ -1445,7 +1552,7 @@ def shap_explainer(self): if not hasattr(self, '_shap_explainer'): model_str = str(type(self.model)).replace("'", "").replace("<", "").replace(">", "").split(".")[-1] if self.shap == 'tree': - if safe_is_instance(self.model, + if safe_isinstance(self.model, "XGBClassifier", "LGBMClassifier", "CatBoostClassifier", "GradientBoostingClassifier", "HistGradientBoostingClassifier"): if self.model_output == "probability": @@ -2223,10 +2330,10 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, self.units = units self.is_regression = True - if safe_is_instance("RandomForestRegressor"): + if safe_isinstance(model, "RandomForestRegressor"): print(f"Changing class type to RandomForestRegressionExplainer...", flush=True) self.__class__ = RandomForestRegressionExplainer - if safe_is_instance("XGBRegressor"): + if safe_isinstance(model, "XGBRegressor"): print(f"Changing class type to XGBRegressionExplainer...", flush=True) self.__class__ = XGBRegressionExplainer @@ -2574,6 +2681,7 @@ def decision_trees(self): for decision_tree in self.model.estimators_] return self._decision_trees + @insert_pos_label def decisiontree_df(self, tree_idx, index, pos_label=None): """dataframe with all decision nodes of a particular decision tree @@ -2589,17 +2697,14 @@ def decisiontree_df(self, tree_idx, index, pos_label=None): """ assert tree_idx >= 0 and tree_idx < len(self.decision_trees), \ f"tree index {tree_idx} outside 0 and number of trees ({len(self.decision_trees)}) range" - idx = self.get_int_idx(index) - assert idx >= 0 and idx < len(self.X), \ - f"=index {idx} outside 0 and size of X ({len(self.X)}) range" - + X_row = self.get_X_row(index) if self.is_classifier: - if pos_label is None: pos_label = self.pos_label - return get_decisiontree_df(self.decision_trees[tree_idx], self.X.iloc[idx], + return get_decisiontree_df(self.decision_trees[tree_idx], X_row.squeeze(), pos_label=pos_label) else: - return get_decisiontree_df(self.decision_trees[tree_idx], self.X.iloc[idx]) + return get_decisiontree_df(self.decision_trees[tree_idx], X_row.squeeze()) + @insert_pos_label def decisiontree_summary_df(self, tree_idx, index, round=2, pos_label=None): """formats decisiontree_df in a slightly more human readable format. @@ -2613,8 +2718,7 @@ def decisiontree_summary_df(self, tree_idx, index, round=2, pos_label=None): dataframe with summary of the decision tree path """ - idx=self.get_int_idx(index) - return get_decisiontree_summary_df(self.decisiontree_df(tree_idx, idx, pos_label=pos_label), + return get_decisiontree_summary_df(self.decisiontree_df(tree_idx, index, pos_label=pos_label), classifier=self.is_classifier, round=round, units=self.units) def decision_path_file(self, tree_idx, index, show_just_path=False): @@ -2634,9 +2738,8 @@ def decision_path_file(self, tree_idx, index, show_just_path=False): print("No graphviz 'dot' executable available!") return None - idx = self.get_int_idx(index) viz = dtreeviz(self.decision_trees[tree_idx], - X=self.X.iloc[idx, :], + X=self.get_X_row(index).squeeze(), fancy=False, show_node_labels = False, show_just_path=show_just_path) @@ -2686,7 +2789,7 @@ def decision_path_encoded(self, tree_idx, index, show_just_path=False): svg_encoded = 'data:image/svg+xml;base64,{}'.format(encoded.decode()) return svg_encoded - + @insert_pos_label def plot_trees(self, index, highlight_tree=None, round=2, higher_is_better=True, pos_label=None): """plot barchart predictions of each individual prediction tree @@ -2702,22 +2805,19 @@ def plot_trees(self, index, highlight_tree=None, round=2, Returns: """ - idx=self.get_int_idx(index) - assert idx is not None, 'invalid index' + + X_row = self.get_X_row(index) + y = self.get_y(index) if self.is_classifier: - if pos_label is None: pos_label = self.pos_label - if not np.isnan(self.y[idx]): - y = 100*self.y_binary(pos_label)[idx] - else: - y = None - - return plotly_rf_trees(self.model, self.X.iloc[[idx]], y, + pos_label = self.get_pos_label_index(pos_label) + if y is not None: + y = 100 * int(y==pos_label) + return plotly_rf_trees(self.model, X_row, y, highlight_tree=highlight_tree, round=round, pos_label=pos_label, target=self.target) else: - y = self.y[idx] - return plotly_rf_trees(self.model, self.X.iloc[[idx]], y, + return plotly_rf_trees(self.model, X_row, y, highlight_tree=highlight_tree, round=round, target=self.target, units=self.units) @@ -2797,6 +2897,7 @@ def decision_trees(self): for i in range(len(self.model_dump_list))] return self._decision_trees + @insert_pos_label def decisiontree_df(self, tree_idx, index, pos_label=None): """dataframe with all decision nodes of a particular decision tree @@ -2812,16 +2913,11 @@ def decisiontree_df(self, tree_idx, index, pos_label=None): """ assert tree_idx >= 0 and tree_idx < self.no_of_trees, \ f"tree index {tree_idx} outside 0 and number of trees ({len(self.decision_trees)}) range" - idx = self.get_int_idx(index) - assert idx >= 0 and idx < len(self.X), \ - f"=index {idx} outside 0 and size of X ({len(self.X)}) range" if self.is_classifier: - if pos_label is None: - pos_label = self.pos_label if len(self.labels) > 2: tree_idx = tree_idx * len(self.labels) + pos_label - return get_xgboost_path_df(self.model_dump_list[tree_idx], self.X.iloc[idx]) + return get_xgboost_path_df(self.model_dump_list[tree_idx], self.get_X_row(index)) def decisiontree_summary_df(self, tree_idx, index, round=2, pos_label=None): @@ -2837,9 +2933,7 @@ def decisiontree_summary_df(self, tree_idx, index, round=2, pos_label=None): dataframe with summary of the decision tree path """ - idx = self.get_int_idx(index) - return get_xgboost_path_summary_df(self.decisiontree_df(tree_idx, idx, pos_label=pos_label)) - + return get_xgboost_path_summary_df(self.decisiontree_df(tree_idx, index, pos_label=pos_label)) def decision_path_file(self, tree_idx, index, show_just_path=False, pos_label=None): """get a dtreeviz visualization of a particular tree in the random forest. @@ -2859,15 +2953,12 @@ def decision_path_file(self, tree_idx, index, show_just_path=False, pos_label=No print("No graphviz 'dot' executable available!") return None - idx = self.get_int_idx(index) if self.is_classifier: - if pos_label is None: - pos_label = self.pos_label if len(self.labels) > 2: tree_idx = tree_idx * len(self.labels) + pos_label viz = dtreeviz(self.decision_trees[tree_idx], - X=self.X.iloc[idx], + X=self.get_X_row(index).squeeze(), fancy=False, show_node_labels = False, show_just_path=show_just_path) @@ -2917,7 +3008,6 @@ def decision_path_encoded(self, tree_idx, index, show_just_path=False, pos_label svg_encoded = 'data:image/svg+xml;base64,{}'.format(encoded.decode()) return svg_encoded - def plot_trees(self, index, highlight_tree=None, round=2, higher_is_better=True, pos_label=None): """plot barchart predictions of each individual prediction tree @@ -2933,23 +3023,21 @@ def plot_trees(self, index, highlight_tree=None, round=2, Returns: """ - idx=self.get_int_idx(index) - assert idx is not None, 'invalid index' if self.is_classifier: - if pos_label is None: - pos_label = self.pos_label - y = self.y_binary(pos_label)[idx] + pos_label = self.get_pos_label_index(pos_label) + + y = 100 * int(self.get_y(index) == pos_label) xgboost_preds_df = get_xgboost_preds_df( - self.model, self.X.iloc[[idx]], pos_label=pos_label) + self.model, self.get_X_Row(index), pos_label=pos_label) return plotly_xgboost_trees(xgboost_preds_df, y=y, highlight_tree=highlight_tree, target=self.target, higher_is_better=higher_is_better) else: - y = self.y[idx] - xgboost_preds_df = get_xgboost_preds_df( - self.model, self.X.iloc[[idx]]) + X_row = self.get_X_row(index) + y = self.model.predict(X_row) + xgboost_preds_df = get_xgboost_preds_df(self.model, X_row) return plotly_xgboost_trees(xgboost_preds_df, y=y, highlight_tree=highlight_tree, target=self.target, units=self.units, From 43211438370ad19fd8e2f1901267cc9ecf5883cb Mon Sep 17 00:00:00 2001 From: Oege Dijk Date: Tue, 19 Jan 2021 16:49:24 +0100 Subject: [PATCH 04/28] reorganizes TreeExplainers --- .vscode/settings.json | 20 -------------------- 1 file changed, 20 deletions(-) delete mode 100644 .vscode/settings.json diff --git a/.vscode/settings.json b/.vscode/settings.json deleted file mode 100644 index 27beb2d..0000000 --- a/.vscode/settings.json +++ /dev/null @@ -1,20 +0,0 @@ -{ - "python.pythonPath": "/Users/oege/projects/explainerdashboard/venv/bin/python3", - "python.testing.unittestArgs": [ - "-v", - "-s", - "./tests", - "-p", - "test*.py" - ], - "python.testing.pytestEnabled": true, - "python.testing.nosetestsEnabled": false, - "python.testing.unittestEnabled": false, - "python.linting.pylintEnabled": false, - "python.linting.flake8Enabled": true, - "python.linting.enabled": true, - "restructuredtext.confPath": "${workspaceFolder}\\docs\\source", - "python.testing.pytestArgs": [ - "tests" - ] -} \ No newline at end of file From adbb2983ca23dd167999afc5f6cbdeb8cdb18e18 Mon Sep 17 00:00:00 2001 From: Oege Dijk Date: Tue, 19 Jan 2021 16:49:34 +0100 Subject: [PATCH 05/28] reorganizes TreeExplainers --- RELEASE_NOTES.md | 35 +- .../decisiontree_components.py | 10 +- .../regression_components.py | 84 +++-- .../dashboard_components/shap_components.py | 10 +- explainerdashboard/explainer_methods.py | 2 +- explainerdashboard/explainer_plots.py | 46 ++- explainerdashboard/explainers.py | 322 ++++++++---------- 7 files changed, 269 insertions(+), 240 deletions(-) diff --git a/RELEASE_NOTES.md b/RELEASE_NOTES.md index 9c5cd1c..11ff8ff 100644 --- a/RELEASE_NOTES.md +++ b/RELEASE_NOTES.md @@ -4,20 +4,45 @@ ## 0.3.0: ### Breaking Changes -- -- +- onehot encoded features are now merged by default. This means that the `cats=True` + parameter has been removed from all explainer methods, and the `group cats` + toggle has been removed from all `ExplainerComponents`. This saves both + on code complexity and memory usage. If you wish to see the see the individual + contributions of onehot encoded columns, simply don't pass them to the + `cats` parameter on construction. +- Naming changes: + -`TreeExplainers`: + - `self.decision_trees` -> `self.shadow_trees` + - `self.decisiontree_df` -> `self.decisionpath_df` + - `self.decisiontree_summary_df` -> `self.decisionpath_summary_df` + - `self.decision_path_file` -> `self.decision_tree_file` + - `self.decision_path` -> `self.decision_tree` + - `self.decision_path_encoded` -> `self.decision_tree_encoded` ### New Features -- new `memory_usage()` method +- new `Explainer` parameter `precision`: defaults to `'float64'`. Can be set to + `'float32'` to save on memory usage. +- new `memory_usage()` method to show which internal attributes take the most memory. +- added `get_index_list()`, `get_X_row(index)`, and `get_y(index)` methods. + - these can be overridden with `.set_index_list_func()`, `.set_X_row_func()` + and `.set_y_func()`. + - by overriding these functions you can sample observations from a database + or other storage. - added `max_cat_colors` parameters to `plot_shap_summary` and `plot_shap_dependence` and `plot_shap_interaction` + - defaults to 5 + - can be set as `**kwarg` to `ExplainerDashboard` +- adds category limits and sorting to `RegressionVsCol` component ### Bug Fixes - - ### Improvements -- encoding onehot columns with np.int8 -- adds +- encoding onehot columns as `np.int8` saving memory usage +- encoding categorical features as `pd.category` saving memory usage +- added base TreeExplainer class that RandomForestExplainer and XGBExplainer both derive from + - will make it easier to extend tree explainers to other models in the future + - e.g. catboost and lightgbm ### Other Changes - diff --git a/explainerdashboard/dashboard_components/decisiontree_components.py b/explainerdashboard/dashboard_components/decisiontree_components.py index 12b2f48..a993c83 100644 --- a/explainerdashboard/dashboard_components/decisiontree_components.py +++ b/explainerdashboard/dashboard_components/decisiontree_components.py @@ -98,7 +98,7 @@ def layout(self): target='decisiontrees-index-label-'+self.name), dcc.Dropdown(id='decisiontrees-index-'+self.name, options = [{'label': str(idx), 'value':idx} - for idx in self.explainer.idxs], + for idx in self.explainer.get_index_list()], value=self.index) ], md=4), hide=self.hide_index), make_hideable( @@ -216,7 +216,7 @@ def layout(self): target='decisionpath-table-index-label-'+self.name), dcc.Dropdown(id='decisionpath-table-index-'+self.name, options = [{'label': str(idx), 'value':idx} - for idx in self.explainer.idxs], + for idx in self.explainer.get_index_list()], value=self.index) ], md=4), hide=self.hide_index), make_hideable( @@ -250,7 +250,7 @@ def component_callbacks(self, app): ) def update_decisiontree_table(index, highlight, pos_label): if index is not None and highlight is not None: - decisionpath_df = self.explainer.decisiontree_summary_df( + decisionpath_df = self.explainer.decisionpath_summary_df( int(highlight), index, pos_label=pos_label) return dbc.Table.from_dataframe(decisionpath_df) raise PreventUpdate @@ -321,7 +321,7 @@ def layout(self): target='decisionpath-index-label-'+self.name), dcc.Dropdown(id='decisionpath-index-'+self.name, options = [{'label': str(idx), 'value':idx} - for idx in self.explainer.idxs], + for idx in self.explainer.get_index_list()], value=self.index) ], md=4), hide=self.hide_index), make_hideable( @@ -366,5 +366,5 @@ def component_callbacks(self, app): ) def update_tree_graph(n_clicks, index, highlight, pos_label): if n_clicks is not None and index is not None and highlight is not None: - return self.explainer.decision_path_encoded(int(highlight), index) + return self.explainer.decision_tree_encoded(int(highlight), index) raise PreventUpdate \ No newline at end of file diff --git a/explainerdashboard/dashboard_components/regression_components.py b/explainerdashboard/dashboard_components/regression_components.py index 0b696f1..7a7467f 100644 --- a/explainerdashboard/dashboard_components/regression_components.py +++ b/explainerdashboard/dashboard_components/regression_components.py @@ -699,9 +699,11 @@ def __init__(self, explainer, title="Plot vs feature", name=None, subtitle="Are predictions and residuals correlated with features?", hide_title=False, hide_subtitle=False, hide_footer=False, hide_col=False, hide_ratio=False, - hide_points=False, hide_winsor=False, + hide_points=False, hide_winsor=False, + hide_cats_topx=False, hide_cats_sort=False, col=None, display='difference', - points=True, winsor=0, description=None, **kwargs): + points=True, winsor=0, cats_topx=10, cats_sort='freq', + description=None, **kwargs): """Show residuals, observed or preds vs a particular Feature component Args: @@ -720,6 +722,8 @@ def __init__(self, explainer, title="Plot vs feature", name=None, hide_ratio (bool, optional): Hide the toggle. Defaults to False. hide_points (bool, optional): Hide group points toggle. Defaults to False. hide_winsor (bool, optional): Hide winsor input. Defaults to False. + hide_cats_topx (bool, optional): hide the categories topx input. Defaults to False. + hide_cats_sort (bool, optional): hide the categories sort selector.Defaults to False. col ([type], optional): Initial feature to display. Defaults to None. display (str, {'observed', 'predicted', difference', 'ratio', 'log-ratio'} optional): What to display on y axis. Defaults to 'difference'. @@ -727,6 +731,10 @@ def __init__(self, explainer, title="Plot vs feature", name=None, for categorical cols. Defaults to True winsor (int, 0-50, optional): percentage of outliers to winsor out of the y-axis. Defaults to 0. + cats_topx (int, optional): maximum number of categories to display + for categorical features. Defaults to 10. + cats_sort (str, optional): how to sort categories: 'alphabet', + 'freq' or 'shap'. Defaults to 'freq'. description (str, optional): Tooltip to display when hover over component title. When None default text is shown. """ @@ -808,25 +816,50 @@ def layout(self): dbc.Input(id='reg-vs-col-winsor-'+self.name, value=self.winsor, type="number", min=0, max=49, step=1), - ], md=4), hide=self.hide_winsor), + ], md=4), hide=self.hide_winsor), + make_hideable( dbc.Col([ html.Div([ dbc.FormGroup([ - dbc.Label("Scatter:"), - dbc.Tooltip("For categorical features, display " - "a point cloud next to the violin plots.", - target='reg-vs-col-show-points-'+self.name), - dbc.Checklist( - options=[{"label": "Show point cloud", "value": True}], - value=[True] if self.points else [], - id='reg-vs-col-show-points-'+self.name, - inline=True, - switch=True, - ), - ]), + dbc.Label("Scatter:"), + dbc.Tooltip("For categorical features, display " + "a point cloud next to the violin plots.", + target='reg-vs-col-show-points-'+self.name), + dbc.Checklist( + options=[{"label": "Show point cloud", "value": True}], + value=[True] if self.points else [], + id='reg-vs-col-show-points-'+self.name, + inline=True, + switch=True), + ]), ], id='reg-vs-col-show-points-div-'+self.name) - ], md=4), self.hide_points), + ], md=2), self.hide_points), + make_hideable( + dbc.Col([ + html.Div([ + dbc.Label("Categories:", id='reg-vs-col-n-categories-label-'+self.name), + dbc.Tooltip("Maximum number of categories to display", + target='reg-vs-col-n-categories-label-'+self.name), + dbc.Input(id='reg-vs-col-n-categories-'+self.name, + value=self.cats_topx, + type="number", min=1, max=50, step=1), + ], id='reg-vs-col-n-categories-div-'+self.name), + ], md=2), self.hide_cats_topx), + make_hideable( + dbc.Col([ + html.Div([ + html.Label('Sort categories:', id='reg-vs-col-categories-sort-label-'+self.name), + dbc.Tooltip("How to sort the categories: alphabetically, most common " + "first (Frequency), or highest mean absolute SHAP value first (Shap impact)", + target='reg-vs-col-categories-sort-label-'+self.name), + dbc.Select(id='reg-vs-col-categories-sort-'+self.name, + options = [{'label': 'Alphabetically', 'value': 'alphabet'}, + {'label': 'Frequency', 'value': 'freq'}, + {'label': 'Shap impact', 'value': 'shap'}], + value=self.cats_sort), + ], id='reg-vs-col-categories-sort-div-'+self.name), + ], md=4), hide=self.hide_cats_sort), ]) ]), hide=self.hide_footer) ]) @@ -834,27 +867,34 @@ def layout(self): def register_callbacks(self, app): @app.callback( [Output('reg-vs-col-graph-'+self.name, 'figure'), - Output('reg-vs-col-show-points-div-'+self.name, 'style')], + Output('reg-vs-col-show-points-div-'+self.name, 'style'), + Output('reg-vs-col-n-categories-div-'+self.name, 'style'), + Output('reg-vs-col-categories-sort-div-'+self.name, 'style')], [Input('reg-vs-col-col-'+self.name, 'value'), Input('reg-vs-col-display-type-'+self.name, 'value'), Input('reg-vs-col-show-points-'+self.name, 'value'), - Input('reg-vs-col-winsor-'+self.name, 'value')], + Input('reg-vs-col-winsor-'+self.name, 'value'), + Input('reg-vs-col-n-categories-'+self.name, 'value'), + Input('reg-vs-col-categories-sort-'+self.name, 'value')], ) - def update_residuals_graph(col, display, points, winsor): + def update_residuals_graph(col, display, points, winsor, topx, sort): if col in self.explainer.onehot_cols or col in self.explainer.categorical_cols: style = {} else: style = dict(display="none") if display == 'observed': return self.explainer.plot_y_vs_feature( - col, points=bool(points), winsor=winsor, dropna=True), style + col, points=bool(points), winsor=winsor, dropna=True, + topx=topx, sort=sort), style, style, style elif display == 'predicted': return self.explainer.plot_preds_vs_feature( - col, points=bool(points), winsor=winsor, dropna=True), style + col, points=bool(points), winsor=winsor, dropna=True, + topx=topx, sort=sort), style, style, style else: return self.explainer.plot_residuals_vs_feature( col, residuals=display, points=bool(points), - winsor=winsor, dropna=True), style + winsor=winsor, dropna=True, + topx=topx, sort=sort), style, style, style class RegressionModelSummaryComponent(ExplainerComponent): diff --git a/explainerdashboard/dashboard_components/shap_components.py b/explainerdashboard/dashboard_components/shap_components.py index 9450e6c..520e706 100644 --- a/explainerdashboard/dashboard_components/shap_components.py +++ b/explainerdashboard/dashboard_components/shap_components.py @@ -119,7 +119,7 @@ def layout(self): target='shap-summary-index-label-'+self.name), dcc.Dropdown(id='shap-summary-index-'+self.name, options = [{'label': str(idx), 'value':idx} - for idx in self.explainer.get_index_list()], + for idx in self.explainer.idxs], value=self.index), ], id='shap-summary-index-col-'+self.name, style=dict(display="none")), ], md=3), hide=self.hide_index), @@ -209,6 +209,8 @@ def __init__(self, explainer, title='Shap Dependence', name=None, color_col (str, optional): Color plot by values of this Feature. Defaults to None. index (int, optional): Highlight a particular index. Defaults to None. + cats_topx (int, optional): maximum number of categories to display + for categorical features. Defaults to 10. cats_sort (str, optional): how to sort categories: 'alphabet', 'freq' or 'shap'. Defaults to 'freq'. max_cat_colors (int, optional): for categorical features, maximum number @@ -283,7 +285,7 @@ def layout(self): target='shap-dependence-index-label-'+self.name), dcc.Dropdown(id='shap-dependence-index-'+self.name, options = [{'label': str(idx), 'value':idx} - for idx in self.explainer.get_index_list()], + for idx in self.explainer.idxs], value=self.index) ], md=4), hide=self.hide_index), ], form=True), @@ -515,7 +517,7 @@ def layout(self): target='interaction-summary-index-label-'+self.name), dcc.Dropdown(id='interaction-summary-index-'+self.name, options = [{'label': str(idx), 'value':idx} - for idx in self.explainer.get_index_list()], + for idx in self.explainer.idxs], value=self.index), ], id='interaction-summary-index-col-'+self.name, style=dict(display="none")), ], md=3), hide=self.hide_index), @@ -688,7 +690,7 @@ def layout(self): target='interaction-dependence-index-label-'+self.name), dcc.Dropdown(id='interaction-dependence-index-'+self.name, options = [{'label': str(idx), 'value':idx} - for idx in self.explainer.get_index_list()], + for idx in self.explainer.idxs], value=self.index) ], md=4), hide=self.hide_index), ], form=True), diff --git a/explainerdashboard/explainer_methods.py b/explainerdashboard/explainer_methods.py index 9a91637..b685f33 100644 --- a/explainerdashboard/explainer_methods.py +++ b/explainerdashboard/explainer_methods.py @@ -1036,7 +1036,7 @@ def normalize_shap_interaction_values(shap_interaction_values, shap_values=None) return siv -def get_decisiontree_df(decision_tree, observation, pos_label=1): +def get_decisionpath_df(decision_tree, observation, pos_label=1): """summarize the path through a DecisionTree for a specific observation. Args: diff --git a/explainerdashboard/explainer_plots.py b/explainerdashboard/explainer_plots.py index fa2e510..d156ca2 100644 --- a/explainerdashboard/explainer_plots.py +++ b/explainerdashboard/explainer_plots.py @@ -858,7 +858,10 @@ def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, highlight_index (int, str, optional): Row index to highligh. Defaults to None. idxs (List[str], optional): List of identifiers for each row in X, e.g. names or id's. Defaults to None. - index_name (str): identifier for idxs. Defaults to "index". + cats_order (list, optional): list of categories to display. If None + defaults to X_col.unique().tolist() so displays all categories. + max_cat_colors (int, optional): maximum number of X_color_col categories + to colorize in scatter plot next to violin plot. Defaults to 5. Returns: Plotly fig @@ -1700,12 +1703,8 @@ def plotly_predicted_vs_actual(y, preds, target="" , units="", round=2, layout = go.Layout( title=f"Predicted {target} vs Observed {target}", - yaxis=dict( - title=f"Predicted {target}" + f" ({units})" if units else "", - ), - xaxis=dict( - title=f"Observed {target}" + f" ({units})" if units else "", - ), + yaxis=dict(title=f"Predicted {target}" + (f" ({units})" if units else "")), + xaxis=dict(title=f"Observed {target}" + (f" ({units})" if units else "")), plot_bgcolor = '#fff', hovermode = 'closest', ) @@ -1807,7 +1806,7 @@ def plotly_plot_residuals(y, preds, vs_actual=False, target="", units="", def plotly_residuals_vs_col(y, preds, col, col_name=None, residuals='difference', idxs=None, round=2, points=True, winsor=0, - na_fill=-999, index_name="index"): + na_fill=-999, index_name="index", cats_order=None): """Generates a residuals plot vs a particular feature column. Args: @@ -1827,6 +1826,8 @@ def plotly_residuals_vs_col(y, preds, col, col_name=None, residuals='difference' percent highest and lowest values. Defaults to 0. na_fill (int, optional): Value used to fill missing values. Defaults to -999. index_name (str): identifier for idxs. Defaults to "index". + cats_order (list, optional): list of categories to display. If None + defaults to X_col.unique().tolist() so displays all categories. Returns: @@ -1867,7 +1868,9 @@ def plotly_residuals_vs_col(y, preds, col, col_name=None, residuals='difference' np.round(res, round))] if not is_numeric_dtype(col): - n_cats = col.nunique() + if cats_order is None: + cats_order = sorted(col.unique().tolist()) + n_cats = len(cats_order) if points: fig = make_subplots(rows=1, cols=2*n_cats, column_widths=[3, 1]*n_cats, shared_yaxes=True) @@ -1878,7 +1881,7 @@ def plotly_residuals_vs_col(y, preds, col, col_name=None, residuals='difference' fig.update_yaxes(range=[np.percentile(residuals_display, winsor), np.percentile(residuals_display, 100-winsor)]) - for i, cat in enumerate(col.unique()): + for i, cat in enumerate(cats_order): column = 1+i*2 if points else 1+i fig.add_trace(go.Violin( x=col[col == cat], @@ -1897,7 +1900,7 @@ def plotly_residuals_vs_col(y, preds, col, col_name=None, residuals='difference' text=[t for t, b in zip(residuals_text, col == cat) if b], hoverinfo="text", marker=dict(size=7, - opacity=0.6, + opacity=0.3, color='blue'), ), row=1, col=column+1) @@ -1954,7 +1957,7 @@ def plotly_residuals_vs_col(y, preds, col, col_name=None, residuals='difference' def plotly_actual_vs_col(y, preds, col, col_name=None, idxs=None, round=2, points=True, winsor=0, na_fill=-999, - units="", target="", index_name="index"): + units="", target="", index_name="index", cats_order=None): """Generates a residuals plot vs a particular feature column. Args: @@ -1972,6 +1975,8 @@ def plotly_actual_vs_col(y, preds, col, col_name=None, percent highest and lowest values. Defaults to 0. na_fill (int, optional): Value used to fill missing values. Defaults to -999. index_name (str): identifier for idxs. Defaults to "index". + cats_order (list, optional): list of categories to display. If None + defaults to X_col.unique().tolist() so displays all categories. Returns: @@ -1996,7 +2001,9 @@ def plotly_actual_vs_col(y, preds, col, col_name=None, np.round(preds, round))] if not is_numeric_dtype(col): - n_cats = col.nunique() + if cats_order is None: + cats_order = sorted(col.unique().tolist()) + n_cats = len(cats_order) if points: fig = make_subplots(rows=1, cols=2*n_cats, column_widths=[3, 1]*n_cats, shared_yaxes=True) @@ -2007,7 +2014,7 @@ def plotly_actual_vs_col(y, preds, col, col_name=None, fig.update_yaxes(range=[np.percentile(y, winsor), np.percentile(y, 100-winsor)]) - for i, cat in enumerate(col.unique()): + for i, cat in enumerate(cats_order): column = 1+i*2 if points else 1+i fig.add_trace(go.Violin( x=col[col == cat], @@ -2077,7 +2084,7 @@ def plotly_actual_vs_col(y, preds, col, col_name=None, def plotly_preds_vs_col(y, preds, col, col_name=None, idxs=None, round=2, points=True, winsor=0, na_fill=-999, - units="", target="", index_name="index"): + units="", target="", index_name="index", cats_order=None): """Generates plot of predictions vs a particular feature column. Args: @@ -2095,7 +2102,8 @@ def plotly_preds_vs_col(y, preds, col, col_name=None, percent highest and lowest values. Defaults to 0. na_fill (int, optional): Value used to fill missing values. Defaults to -999. index_name (str): identifier for idxs. Defaults to "index". - + cats_order (list, optional): list of categories to display. If None + defaults to X_col.unique().tolist() so displays all categories. Returns: Plotly fig @@ -2117,7 +2125,9 @@ def plotly_preds_vs_col(y, preds, col, col_name=None, for idx, actual, pred in zip(idxs,np.round(y, round), np.round(preds, round))] if not is_numeric_dtype(col): - n_cats = col.nunique() + if cats_order is None: + cats_order = sorted(col.unique().tolist()) + n_cats = len(cats_order) if points: fig = make_subplots(rows=1, cols=2*n_cats, column_widths=[3, 1]*n_cats, shared_yaxes=True) @@ -2128,7 +2138,7 @@ def plotly_preds_vs_col(y, preds, col, col_name=None, fig.update_yaxes(range=[np.percentile(preds, winsor), np.percentile(preds, 100-winsor)]) - for i, cat in enumerate(col.unique()): + for i, cat in enumerate(cats_order): column = 1+i*2 if points else 1+i fig.add_trace(go.Violin( x=col[col == cat], diff --git a/explainerdashboard/explainers.py b/explainerdashboard/explainers.py index 0bec93c..214827f 100644 --- a/explainerdashboard/explainers.py +++ b/explainerdashboard/explainers.py @@ -5,10 +5,6 @@ 'RandomForestRegressionExplainer', 'XGBClassifierExplainer', 'XGBRegressionExplainer', - 'ClassifierBunch', # deprecated - 'RegressionBunch', # deprecated - 'RandomForestClassifierBunch', # deprecated - 'RandomForestRegressionBunch', # deprecated ] import sys @@ -2549,7 +2545,7 @@ def plot_residuals(self, vs_actual=False, round=2, residuals='difference'): round=round, index_name=self.index_name) def plot_residuals_vs_feature(self, col, residuals='difference', round=2, - dropna=True, points=True, winsor=0): + dropna=True, points=True, winsor=0, topx=None, sort='alphabet'): """Plot residuals vs individual features Args: @@ -2571,13 +2567,21 @@ def plot_residuals_vs_feature(self, col, residuals='difference', round=2, assert col in self.merged_cols, f'{col} not in explainer.merged_cols!' col_vals = self.get_col(col) na_mask = col_vals != self.na_fill if dropna else np.array([True]*len(col_vals)) - return plotly_residuals_vs_col( - self.y[na_mask], self.preds[na_mask], col_vals[na_mask], - residuals=residuals, idxs=self.idxs.values[na_mask], points=points, - round=round, winsor=winsor, index_name=self.index_name) + if col in self.cat_cols: + return plotly_residuals_vs_col( + self.y[na_mask], self.preds[na_mask], col_vals[na_mask], + residuals=residuals, idxs=self.idxs.values[na_mask], points=points, + round=round, winsor=winsor, index_name=self.index_name, + cats_order=self.ordered_cats(col, topx, sort)) + else: + return plotly_residuals_vs_col( + self.y[na_mask], self.preds[na_mask], col_vals[na_mask], + residuals=residuals, idxs=self.idxs.values[na_mask], points=points, + round=round, winsor=winsor, index_name=self.index_name) + def plot_y_vs_feature(self, col, residuals='difference', round=2, - dropna=True, points=True, winsor=0): + dropna=True, points=True, winsor=0, topx=None, sort='alphabet'): """Plot y vs individual features Args: @@ -2597,12 +2601,19 @@ def plot_y_vs_feature(self, col, residuals='difference', round=2, assert col in self.merged_cols, f'{col} not in explainer.merged_cols!' col_vals = self.get_col(col) na_mask = col_vals != self.na_fill if dropna else np.array([True]*len(col_vals)) - return plotly_actual_vs_col(self.y[na_mask], self.preds[na_mask], col_vals[na_mask], - idxs=self.idxs.values[na_mask], points=points, round=round, winsor=winsor, - units=self.units, target=self.target, index_name=self.index_name) + if col in self.cat_cols: + return plotly_actual_vs_col(self.y[na_mask], self.preds[na_mask], col_vals[na_mask], + idxs=self.idxs.values[na_mask], points=points, round=round, winsor=winsor, + units=self.units, target=self.target, index_name=self.index_name, + cats_order=self.ordered_cats(col, topx, sort)) + else: + return plotly_actual_vs_col(self.y[na_mask], self.preds[na_mask], col_vals[na_mask], + idxs=self.idxs.values[na_mask], points=points, round=round, winsor=winsor, + units=self.units, target=self.target, index_name=self.index_name) + def plot_preds_vs_feature(self, col, residuals='difference', round=2, - dropna=True, points=True, winsor=0): + dropna=True, points=True, winsor=0, topx=None, sort='alphabet'): """Plot y vs individual features Args: @@ -2620,26 +2631,28 @@ def plot_preds_vs_feature(self, col, residuals='difference', round=2, assert col in self.merged_cols, f'{col} not in explainer.merged_cols!' col_vals = self.get_col(col) na_mask = col_vals != self.na_fill if dropna else np.array([True]*len(col_vals)) - return plotly_preds_vs_col(self.y[na_mask], self.preds[na_mask], col_vals[na_mask], - idxs=self.idxs.values[na_mask], points=points, round=round, winsor=winsor, - units=self.units, target=self.target, index_name=self.index_name) + if col in self.cat_cols: + return plotly_preds_vs_col(self.y[na_mask], self.preds[na_mask], col_vals[na_mask], + idxs=self.idxs.values[na_mask], points=points, round=round, winsor=winsor, + units=self.units, target=self.target, index_name=self.index_name, + cats_order=self.ordered_cats(col, topx, sort)) + else: + return plotly_preds_vs_col(self.y[na_mask], self.preds[na_mask], col_vals[na_mask], + idxs=self.idxs.values[na_mask], points=points, round=round, winsor=winsor, + units=self.units, target=self.target, index_name=self.index_name) -class RandomForestExplainer(BaseExplainer): - """RandomForestBunch allows for the analysis of individual DecisionTrees that - make up the RandomForest. +class TreeExplainer(BaseExplainer): - """ - @property def is_tree_explainer(self): - """this is either a RandomForestExplainer or XGBExplainer""" + """this is a TreeExplainer""" return True @property def no_of_trees(self): """The number of trees in the RandomForest model""" - return len(self.model.estimators_) + raise NotImplementedError @property def graphviz_available(self): @@ -2663,65 +2676,52 @@ def graphviz_available(self): return self._graphviz_available @property - def decision_trees(self): + def shadow_trees(self): """a list of ShadowDecTree objects""" - if not hasattr(self, '_decision_trees'): - print("Calculating ShadowDecTree for each individual decision tree...", flush=True) - assert hasattr(self.model, 'estimators_'), \ - """self.model does not have an estimators_ attribute, so probably not - actually a sklearn RandomForest?""" - - self._decision_trees = [ - ShadowDecTree.get_shadow_tree(decision_tree, - self.X, - self.y, - feature_names=self.X.columns.tolist(), - target_name='target', - class_names = self.labels if self.is_classifier else None) - for decision_tree in self.model.estimators_] - return self._decision_trees + raise NotImplementedError @insert_pos_label - def decisiontree_df(self, tree_idx, index, pos_label=None): + def decisionpath_df(self, tree_idx, index, pos_label=None): """dataframe with all decision nodes of a particular decision tree + for a particular observation. Args: tree_idx: the n'th tree in the random forest index: row index - round: (Default value = 2) pos_label: positive class (Default value = None) Returns: dataframe with summary of the decision tree path """ - assert tree_idx >= 0 and tree_idx < len(self.decision_trees), \ + assert tree_idx >= 0 and tree_idx < len(self.shadow_trees), \ f"tree index {tree_idx} outside 0 and number of trees ({len(self.decision_trees)}) range" X_row = self.get_X_row(index) if self.is_classifier: - return get_decisiontree_df(self.decision_trees[tree_idx], X_row.squeeze(), + return get_decisionpath_df(self.shadow_trees[tree_idx], X_row.squeeze(), pos_label=pos_label) else: - return get_decisiontree_df(self.decision_trees[tree_idx], X_row.squeeze()) + return get_decisionpath_df(self.shadow_trees[tree_idx], X_row.squeeze()) @insert_pos_label - def decisiontree_summary_df(self, tree_idx, index, round=2, pos_label=None): + def decisionpath_summary_df(self, tree_idx, index, round=2, pos_label=None): """formats decisiontree_df in a slightly more human readable format. Args: - tree_idx: the n'th tree in the random forest - index: row index - round: (Default value = 2) + tree_idx: the n'th tree in the random forest or boosted ensemble + index: index + round: rounding to apply to floats (Default value = 2) pos_label: positive class (Default value = None) Returns: dataframe with summary of the decision tree path """ - return get_decisiontree_summary_df(self.decisiontree_df(tree_idx, index, pos_label=pos_label), + return get_decisiontree_summary_df( + self.decisionpath_df(tree_idx, index, pos_label=pos_label), classifier=self.is_classifier, round=round, units=self.units) - def decision_path_file(self, tree_idx, index, show_just_path=False): + def decision_tree_file(self, tree_idx, index, show_just_path=False): """get a dtreeviz visualization of a particular tree in the random forest. Args: @@ -2738,14 +2738,14 @@ def decision_path_file(self, tree_idx, index, show_just_path=False): print("No graphviz 'dot' executable available!") return None - viz = dtreeviz(self.decision_trees[tree_idx], + viz = dtreeviz(self.shadow_trees[tree_idx], X=self.get_X_row(index).squeeze(), fancy=False, show_node_labels = False, show_just_path=show_just_path) return viz.save_svg() - def decision_path(self, tree_idx, index, show_just_path=False): + def decision_tree(self, tree_idx, index, show_just_path=False): """get a dtreeviz visualization of a particular tree in the random forest. Args: @@ -2763,10 +2763,10 @@ def decision_path(self, tree_idx, index, show_just_path=False): return None from IPython.display import SVG - svg_file = self.decision_path_file(tree_idx, index, show_just_path) + svg_file = self.decision_tree_file(tree_idx, index, show_just_path) return SVG(open(svg_file,'rb').read()) - def decision_path_encoded(self, tree_idx, index, show_just_path=False): + def decision_tree_encoded(self, tree_idx, index, show_just_path=False): """get a dtreeviz visualization of a particular tree in the random forest. Args: @@ -2784,11 +2784,73 @@ def decision_path_encoded(self, tree_idx, index, show_just_path=False): print("No graphviz 'dot' executable available!") return None - svg_file = self.decision_path_file(tree_idx, index, show_just_path) + svg_file = self.decision_tree_file(tree_idx, index, show_just_path) encoded = base64.b64encode(open(svg_file,'rb').read()) svg_encoded = 'data:image/svg+xml;base64,{}'.format(encoded.decode()) return svg_encoded + @insert_pos_label + def plot_trees(self, index, highlight_tree=None, round=2, + higher_is_better=True, pos_label=None): + """plot barchart predictions of each individual prediction tree + + Args: + index: index to display predictions for + highlight_tree: tree to highlight in plot (Default value = None) + round: rounding of numbers in plot (Default value = 2) + higher_is_better (bool): flip red and green. Dummy bool for compatibility + with gbm plot_trees(). + pos_label: positive class (Default value = None) + + Returns: + + """ + + raise NotImplementedError + + def calculate_properties(self, include_interactions=True): + """ + + Args: + include_interactions: If False do not calculate shap interaction value + (Default value = True) + + Returns: + + """ + _ = self.shadow_trees + super().calculate_properties(include_interactions=include_interactions) + + +class RandomForestExplainer(TreeExplainer): + """RandomForestExplainer allows for the analysis of individual DecisionTrees that + make up the RandomForestClassifier or RandomForestRegressor. """ + + @property + def no_of_trees(self): + """The number of trees in the RandomForest model""" + return len(self.model.estimators_) + + @property + def shadow_trees(self): + """a list of ShadowDecTree objects""" + if not hasattr(self, '_shadow_trees'): + print("Calculating ShadowDecTree for each individual decision tree...", flush=True) + assert hasattr(self.model, 'estimators_'), \ + """self.model does not have an estimators_ attribute, so probably not + actually a sklearn RandomForest?""" + + self._shadow_trees = [ + ShadowDecTree.get_shadow_tree(decision_tree, + self.X, + self.y, + feature_names=self.X.columns.tolist(), + target_name='target', + class_names = self.labels if self.is_classifier else None) + for decision_tree in self.model.estimators_] + return self._shadow_trees + + @insert_pos_label def plot_trees(self, index, highlight_tree=None, round=2, higher_is_better=True, pos_label=None): @@ -2821,34 +2883,17 @@ def plot_trees(self, index, highlight_tree=None, round=2, highlight_tree=highlight_tree, round=round, target=self.target, units=self.units) - def calculate_properties(self, include_interactions=True): - """ - - Args: - include_interactions: If False do not calculate shap interaction value - (Default value = True) - - Returns: - - """ - _ = self.decision_trees - super().calculate_properties(include_interactions=include_interactions) -class XGBExplainer(BaseExplainer): +class XGBExplainer(TreeExplainer): """XGBExplainer allows for the analysis of individual DecisionTrees that make up the xgboost model. """ - @property - def is_tree_explainer(self): - """this is either a RandomForestExplainer or XGBExplainer""" - return True - @property def model_dump_list(self): if not hasattr(self, "_model_dump_list"): - print("Generating model dump...", flush=True) + print("Generating xgboost model dump...", flush=True) self._model_dump_list = self.model.get_booster().get_dump() return self._model_dump_list @@ -2856,37 +2901,18 @@ def model_dump_list(self): def no_of_trees(self): """The number of trees in the RandomForest model""" if self.is_classifier and len(self.labels) > 2: + # for multiclass classification xgboost generates a seperate + # tree for each class return int(len(self.model_dump_list) / len(self.labels)) return len(self.model_dump_list) - - @property - def graphviz_available(self): - """ """ - if not hasattr(self, '_graphviz_available'): - try: - import graphviz.backend as be - cmd = ["dot", "-V"] - stdout, stderr = be.run(cmd, capture_output=True, check=True, quiet=True) - except: - print(""" - WARNING: you don't seem to have graphviz in your path (cannot run 'dot -V'), - so no dtreeviz visualisation of decision trees will be shown on the shadow trees tab. - - See https://github.com/parrt/dtreeviz for info on how to properly install graphviz - for dtreeviz. - """) - self._graphviz_available = False - else: - self._graphviz_available = True - return self._graphviz_available @property - def decision_trees(self): + def shadow_trees(self): """a list of ShadowDecTree objects""" - if not hasattr(self, '_decision_trees'): + if not hasattr(self, '_shadow_trees'): print("Calculating ShadowDecTree for each individual decision tree...", flush=True) - self._decision_trees = [ + self._shadow_trees = [ ShadowDecTree.get_shadow_tree(self.model.get_booster(), self.X, self.y, @@ -2895,10 +2921,10 @@ def decision_trees(self): class_names = self.labels if self.is_classifier else None, tree_index=i) for i in range(len(self.model_dump_list))] - return self._decision_trees + return self._shadow_trees @insert_pos_label - def decisiontree_df(self, tree_idx, index, pos_label=None): + def decisionpath_df(self, tree_idx, index, pos_label=None): """dataframe with all decision nodes of a particular decision tree Args: @@ -2916,26 +2942,25 @@ def decisiontree_df(self, tree_idx, index, pos_label=None): if self.is_classifier: if len(self.labels) > 2: + # for multiclass classification xgboost generates a seperate + # tree for each class tree_idx = tree_idx * len(self.labels) + pos_label return get_xgboost_path_df(self.model_dump_list[tree_idx], self.get_X_row(index)) - - def decisiontree_summary_df(self, tree_idx, index, round=2, pos_label=None): + def decisionpath_summary_df(self, tree_idx, index, round=2, pos_label=None): """formats decisiontree_df in a slightly more human readable format. - Args: tree_idx: the n'th tree in the random forest index: row index round: (Default value = 2) pos_label: positive class (Default value = None) - Returns: dataframe with summary of the decision tree path - """ - return get_xgboost_path_summary_df(self.decisiontree_df(tree_idx, index, pos_label=pos_label)) + return get_xgboost_path_summary_df(self.decisionpath_df(tree_idx, index, pos_label=pos_label)) - def decision_path_file(self, tree_idx, index, show_just_path=False, pos_label=None): + @insert_pos_label + def decision_tree_file(self, tree_idx, index, show_just_path=False, pos_label=None): """get a dtreeviz visualization of a particular tree in the random forest. Args: @@ -2964,50 +2989,7 @@ def decision_path_file(self, tree_idx, index, show_just_path=False, pos_label=No show_just_path=show_just_path) return viz.save_svg() - def decision_path(self, tree_idx, index, show_just_path=False, pos_label=None): - """get a dtreeviz visualization of a particular tree in the random forest. - - Args: - tree_idx: the n'th tree in the random forest - index: row index - show_just_path (bool, optional): show only the path not rest of the - tree. Defaults to False. - - Returns: - a IPython display SVG object for e.g. jupyter notebook. - - """ - if not self.graphviz_available: - print("No graphviz 'dot' executable available!") - return None - - from IPython.display import SVG - svg_file = self.decision_path_file(tree_idx, index, show_just_path, pos_label) - return SVG(open(svg_file,'rb').read()) - - def decision_path_encoded(self, tree_idx, index, show_just_path=False, pos_label=None): - """get a dtreeviz visualization of a particular tree in the random forest. - - Args: - tree_idx: the n'th tree in the random forest - index: row index - show_just_path (bool, optional): show only the path not rest of the - tree. Defaults to False. - - Returns: - a base64 encoded image, for inclusion in websites (e.g. dashboard) - - - """ - if not self.graphviz_available: - print("No graphviz 'dot' executable available!") - return None - - svg_file = self.decision_path_file(tree_idx, index, show_just_path, pos_label) - encoded = base64.b64encode(open(svg_file,'rb').read()) - svg_encoded = 'data:image/svg+xml;base64,{}'.format(encoded.decode()) - return svg_encoded - + @insert_pos_label def plot_trees(self, index, highlight_tree=None, round=2, higher_is_better=True, pos_label=None): """plot barchart predictions of each individual prediction tree @@ -3025,8 +3007,8 @@ def plot_trees(self, index, highlight_tree=None, round=2, """ if self.is_classifier: pos_label = self.get_pos_label_index(pos_label) - - y = 100 * int(self.get_y(index) == pos_label) + y = self.get_y(index) + y = 100 * int(y == pos_label) if y is not None else y xgboost_preds_df = get_xgboost_preds_df( self.model, self.get_X_Row(index), pos_label=pos_label) return plotly_xgboost_trees(xgboost_preds_df, @@ -3053,7 +3035,7 @@ def calculate_properties(self, include_interactions=True): Returns: """ - _ = self.decision_trees, self.model_dump_list + _ = self.shadow_trees, self.model_dump_list super().calculate_properties(include_interactions=include_interactions) @@ -3083,33 +3065,3 @@ class XGBRegressionExplainer(XGBExplainer, RegressionExplainer): RegressionExplainer. """ pass - - -class ClassifierBunch: - """ """ - def __init__(self, *args, **kwargs): - raise ValueError("ClassifierBunch has been deprecated, use ClassifierExplainer instead...") - -class RegressionBunch: - """ """ - def __init__(self, *args, **kwargs): - raise ValueError("RegressionBunch has been deprecated, use RegressionrExplainer instead...") - -class RandomForestExplainerBunch: - """ """ - def __init__(self, *args, **kwargs): - raise ValueError("RandomForestExplainerBunch has been deprecated, use RandomForestExplainer instead...") - -class RandomForestClassifierBunch: - """ """ - def __init__(self, *args, **kwargs): - raise ValueError("RandomForestClassifierBunch has been deprecated, use RandomForestClassifierExplainer instead...") - -class RandomForestRegressionBunch: - """ """ - def __init__(self, *args, **kwargs): - raise ValueError("RandomForestRegressionBunch has been deprecated, use RandomForestRegressionExplainer instead...") - - - - From 10632df3504b721d06f7da7ad5f386870924f7b5 Mon Sep 17 00:00:00 2001 From: Oege Dijk Date: Wed, 20 Jan 2021 10:29:09 +0100 Subject: [PATCH 06/28] rewrite ClassifierExplainer for v0.3 --- .gitignore | 6 +- RELEASE_NOTES.md | 22 +- TODO.md | 26 +- .../decisiontree_components.py | 2 +- .../overview_components.py | 2 +- .../regression_components.py | 26 +- .../dashboard_components/shap_components.py | 62 +-- explainerdashboard/dashboard_methods.py | 2 +- explainerdashboard/explainer_plots.py | 170 ++++--- explainerdashboard/explainers.py | 449 ++++++++---------- 10 files changed, 350 insertions(+), 417 deletions(-) diff --git a/.gitignore b/.gitignore index 2d4bd86..db255d9 100644 --- a/.gitignore +++ b/.gitignore @@ -129,11 +129,9 @@ dmypy.json # Pyre type checker .pyre/ -catboost_info/learn_error.tsv -catboost_info/time_left.tsv -catboost_info/learn/events.out.tfevents -.vscode/settings.json +catboost_info/* .vscode/settings.json + scratch_notebook.ipynb scratch_import.py show_and_tell_draft.md diff --git a/RELEASE_NOTES.md b/RELEASE_NOTES.md index 11ff8ff..82ba878 100644 --- a/RELEASE_NOTES.md +++ b/RELEASE_NOTES.md @@ -10,14 +10,23 @@ on code complexity and memory usage. If you wish to see the see the individual contributions of onehot encoded columns, simply don't pass them to the `cats` parameter on construction. +- Deprecated: + - `BaseExplaiener`: + - `self.shap_values_cats` + - `self.shap_interaction_values_cats` + + - Naming changes: + - `BaseExplainer`: + - `self.get_int_idx(index)` -> `self.get_idx(index)` + - `self.shap_values` -> `self.shap_values_df` -`TreeExplainers`: - `self.decision_trees` -> `self.shadow_trees` - `self.decisiontree_df` -> `self.decisionpath_df` - `self.decisiontree_summary_df` -> `self.decisionpath_summary_df` - - `self.decision_path_file` -> `self.decision_tree_file` - - `self.decision_path` -> `self.decision_tree` - - `self.decision_path_encoded` -> `self.decision_tree_encoded` + - `self.decision_path_file` -> `self.decisiontree_file` + - `self.decision_path` -> `self.decisiontree` + - `self.decision_path_encoded` -> `self.decisiontree_encoded` ### New Features - new `Explainer` parameter `precision`: defaults to `'float64'`. Can be set to @@ -34,13 +43,14 @@ - adds category limits and sorting to `RegressionVsCol` component ### Bug Fixes -- -- +- shap dependence: when no point cloud, do not highlight! +- Fixed bug with calculating contributions plot/table for whatif component, + when InputFeatures had not fully loaded, resulting in shap error. ### Improvements - encoding onehot columns as `np.int8` saving memory usage - encoding categorical features as `pd.category` saving memory usage -- added base TreeExplainer class that RandomForestExplainer and XGBExplainer both derive from +- added base `TreeExplainer` class that `RandomForestExplainer` and `XGBExplainer` both derive from - will make it easier to extend tree explainers to other models in the future - e.g. catboost and lightgbm diff --git a/TODO.md b/TODO.md index 65e7b35..76ceb9b 100644 --- a/TODO.md +++ b/TODO.md @@ -3,25 +3,15 @@ ## Version 0.3: - check all register_dependencies() -- rename tree methods -- regression vs col: - - rename cat col names - - add cat col sorter -- use prediction in xgboostexplainer plot_trees method - +- add option drop encoded cols +- add options drop non-pos label ## Bugs: -- dash contributions reload bug: Exception: Additivity check failed in TreeExplainer! -- shap dependence: when no point cloud, do not highlight! -- /Users/oege/projects/explainerhub/venv/lib/python3.8/site-packages/sklearn/tree/_classes.py:1254: FutureWarning: -the classes_ attribute is to be deprecated from version 0.22 and will be removed in 0.24. ## Layout: - Find a proper frontender to help :) ## dfs: -- wrap shap values in pd.DataFrames? -- wrap predictions in pd.Series? ## Plots: - make plot background transparent? @@ -32,10 +22,6 @@ the classes_ attribute is to be deprecated from version 0.22 and will be removed - https://community.plotly.com/t/announcing-plotly-py-4-12-horizontal-and-vertical-lines-and-rectangles/46783 - add some of these: https://towardsdatascience.com/introducing-shap-decision-plots-52ed3b4a1cba -- shap dependence plot, sort categorical features by: - - alphabet - - number of obs - - mean abs shap ### Classifier plots: - move predicted and actual to outer layer of ConfusionMatrixComponent @@ -49,11 +35,7 @@ the classes_ attribute is to be deprecated from version 0.22 and will be removed ## Explainers: -- add get_X_row() and get_index_list() methods, and implement it throughout the dashboard. -- minimize pd.DataFrame and np.array size: - - astype(float16), pd.category, etc - pass n_jobs to pdp_isolate -- add option drop non-cats - add ExtraTrees and GradientBoostingClassifier to tree visualizers - add plain language explanations - could add an parameter to the` explainer.plot_*` function `in_words=True` in which @@ -61,9 +43,6 @@ the classes_ attribute is to be deprecated from version 0.22 and will be removed relationship in the plot. - Then add an "in words" button to the components, that show a popup with the verbal explanation. -- rename RandomForestExplainer and XGBExplainer methods into something more logical - - Breaking change! - ## notebooks: @@ -141,7 +120,6 @@ the classes_ attribute is to be deprecated from version 0.22 and will be removed ## Library level: - Make example heroku deployment repo - Make example heroku ExplainerHub repo -- hide (prefix '_') to non-public API class methods - submit pull request to shap with broken test for https://github.com/slundberg/shap/issues/723 diff --git a/explainerdashboard/dashboard_components/decisiontree_components.py b/explainerdashboard/dashboard_components/decisiontree_components.py index a993c83..40a483b 100644 --- a/explainerdashboard/dashboard_components/decisiontree_components.py +++ b/explainerdashboard/dashboard_components/decisiontree_components.py @@ -366,5 +366,5 @@ def component_callbacks(self, app): ) def update_tree_graph(n_clicks, index, highlight, pos_label): if n_clicks is not None and index is not None and highlight is not None: - return self.explainer.decision_tree_encoded(int(highlight), index) + return self.explainer.decisiontree_encoded(int(highlight), index) raise PreventUpdate \ No newline at end of file diff --git a/explainerdashboard/dashboard_components/overview_components.py b/explainerdashboard/dashboard_components/overview_components.py index d974fd8..fd0f98a 100644 --- a/explainerdashboard/dashboard_components/overview_components.py +++ b/explainerdashboard/dashboard_components/overview_components.py @@ -409,7 +409,7 @@ def layout(self): html.Div([ dbc.Col([ html.Label('Sort categories:', id='pdp-categories-sort-label-'+self.name), - dbc.Tooltip("How to sort the categories: alphabetically, most common " + dbc.Tooltip("How to sort the categories: Alphabetically, most common " "first (Frequency), or highest mean absolute SHAP value first (Shap impact)", target='pdp-categories-sort-label-'+self.name), dbc.Select(id='pdp-categories-sort-'+self.name, diff --git a/explainerdashboard/dashboard_components/regression_components.py b/explainerdashboard/dashboard_components/regression_components.py index 7a7467f..57ed0a9 100644 --- a/explainerdashboard/dashboard_components/regression_components.py +++ b/explainerdashboard/dashboard_components/regression_components.py @@ -482,7 +482,8 @@ def __init__(self, explainer, title="Predicted vs Actual", name=None, subtitle="How close is the predicted value to the observed?", hide_title=False, hide_subtitle=False, hide_log_x=False, hide_log_y=False, - logs=False, log_x=False, log_y=False, description=None, + logs=False, log_x=False, log_y=False, round=3, + description=None, **kwargs): """Shows a plot of predictions vs y. @@ -502,6 +503,8 @@ def __init__(self, explainer, title="Predicted vs Actual", name=None, logs (bool, optional): Whether to use log axis. Defaults to False. log_x (bool, optional): log only x axis. Defaults to False. log_y (bool, optional): log only y axis. Defaults to False. + round (int, optional): rounding to apply to float predictions. + Defaults to 3. description (str, optional): Tooltip to display when hover over component title. When None default text is shown. """ @@ -580,7 +583,7 @@ def component_callbacks(self, app): Input('pred-vs-actual-logy-'+self.name, 'checked')], ) def update_predicted_vs_actual_graph(log_x, log_y): - return self.explainer.plot_predicted_vs_actual(log_x=log_x, log_y=log_y) + return self.explainer.plot_predicted_vs_actual(log_x=log_x, log_y=log_y, round=self.round) class ResidualsComponent(ExplainerComponent): def __init__(self, explainer, title="Residuals", name=None, @@ -588,7 +591,7 @@ def __init__(self, explainer, title="Residuals", name=None, hide_title=False, hide_subtitle=False, hide_footer=False, hide_pred_or_actual=False, hide_ratio=False, pred_or_actual="vs_pred", residuals="difference", - description=None, **kwargs): + round=3, description=None, **kwargs): """Residuals plot component Args: @@ -611,6 +614,8 @@ def __init__(self, explainer, title="Residuals", name=None, Defaults to "vs_pred". residuals (str, {'difference', 'ratio', 'log-ratio'} optional): How to calcualte residuals. Defaults to 'difference'. + round (int, optional): rounding to apply to float predictions. + Defaults to 3. description (str, optional): Tooltip to display when hover over component title. When None default text is shown. """ @@ -691,7 +696,8 @@ def register_callbacks(self, app): ) def update_residuals_graph(pred_or_actual, residuals): vs_actual = pred_or_actual=='vs_actual' - return self.explainer.plot_residuals(vs_actual=vs_actual, residuals=residuals) + return self.explainer.plot_residuals(vs_actual=vs_actual, + residuals=residuals, round=self.round) class RegressionVsColComponent(ExplainerComponent): @@ -701,7 +707,7 @@ def __init__(self, explainer, title="Plot vs feature", name=None, hide_col=False, hide_ratio=False, hide_points=False, hide_winsor=False, hide_cats_topx=False, hide_cats_sort=False, - col=None, display='difference', + col=None, display='difference', round=3, points=True, winsor=0, cats_topx=10, cats_sort='freq', description=None, **kwargs): """Show residuals, observed or preds vs a particular Feature component @@ -727,6 +733,8 @@ def __init__(self, explainer, title="Plot vs feature", name=None, col ([type], optional): Initial feature to display. Defaults to None. display (str, {'observed', 'predicted', difference', 'ratio', 'log-ratio'} optional): What to display on y axis. Defaults to 'difference'. + round (int, optional): rounding to apply to float predictions. + Defaults to 3. points (bool, optional): display point cloud next to violin plot for categorical cols. Defaults to True winsor (int, 0-50, optional): percentage of outliers to winsor out of @@ -850,7 +858,7 @@ def layout(self): dbc.Col([ html.Div([ html.Label('Sort categories:', id='reg-vs-col-categories-sort-label-'+self.name), - dbc.Tooltip("How to sort the categories: alphabetically, most common " + dbc.Tooltip("How to sort the categories: Alphabetically, most common " "first (Frequency), or highest mean absolute SHAP value first (Shap impact)", target='reg-vs-col-categories-sort-label-'+self.name), dbc.Select(id='reg-vs-col-categories-sort-'+self.name, @@ -885,16 +893,16 @@ def update_residuals_graph(col, display, points, winsor, topx, sort): if display == 'observed': return self.explainer.plot_y_vs_feature( col, points=bool(points), winsor=winsor, dropna=True, - topx=topx, sort=sort), style, style, style + topx=topx, sort=sort, round=self.round), style, style, style elif display == 'predicted': return self.explainer.plot_preds_vs_feature( col, points=bool(points), winsor=winsor, dropna=True, - topx=topx, sort=sort), style, style, style + topx=topx, sort=sort, round=self.round), style, style, style else: return self.explainer.plot_residuals_vs_feature( col, residuals=display, points=bool(points), winsor=winsor, dropna=True, - topx=topx, sort=sort), style, style, style + topx=topx, sort=sort, round=self.round), style, style, style class RegressionModelSummaryComponent(ExplainerComponent): diff --git a/explainerdashboard/dashboard_components/shap_components.py b/explainerdashboard/dashboard_components/shap_components.py index 520e706..fdcbe23 100644 --- a/explainerdashboard/dashboard_components/shap_components.py +++ b/explainerdashboard/dashboard_components/shap_components.py @@ -310,7 +310,7 @@ def layout(self): make_hideable( dbc.Col([ html.Label('Sort categories:', id='shap-dependence-categories-sort-label-'+self.name), - dbc.Tooltip("How to sort the categories: alphabetically, most common " + dbc.Tooltip("How to sort the categories: Alphabetically, most common " "first (Frequency), or highest mean absolute SHAP value first (Shap impact)", target='shap-dependence-categories-sort-label-'+self.name), dbc.Select(id='shap-dependence-categories-sort-'+self.name, @@ -717,7 +717,7 @@ def layout(self): make_hideable( dbc.Col([ html.Label('Sort categories:', id='interaction-dependence-top-categories-sort-label-'+self.name), - dbc.Tooltip("How to sort the categories: alphabetically, most common " + dbc.Tooltip("How to sort the categories: Alphabetically, most common " "first (Frequency), or highest mean absolute SHAP value first (Shap impact)", target='interaction-dependence-top-categories-sort-label-'+self.name), dbc.Select(id='interaction-dependence-top-categories-sort-'+self.name, @@ -754,7 +754,7 @@ def layout(self): make_hideable( dbc.Col([ html.Label('Sort categories:', id='interaction-dependence-bottom-categories-sort-label-'+self.name), - dbc.Tooltip("How to sort the categories: alphabetically, most common " + dbc.Tooltip("How to sort the categories: Alphabetically, most common " "first (Frequency), or highest mean absolute SHAP value first (Shap impact)", target='interaction-dependence-bottom-categories-sort-label-'+self.name), dbc.Select(id='interaction-dependence-bottom-categories-sort-'+self.name, @@ -1026,11 +1026,13 @@ def update_output_div(index, depth, sort, orientation, pos_label): *self.feature_input_component._feature_callback_inputs]) def update_output_div(depth, sort, orientation, pos_label, *inputs): depth = None if depth is None else int(depth) - X_row = self.explainer.get_row_from_input(inputs, ranked_by_shap=True) - plot = self.explainer.plot_shap_contributions(X_row=X_row, - topx=depth, sort=sort, orientation=orientation, - pos_label=pos_label, higher_is_better=self.higher_is_better) - return plot + if not any([i is None for i in inputs]): + X_row = self.explainer.get_row_from_input(inputs, ranked_by_shap=True) + plot = self.explainer.plot_shap_contributions(X_row=X_row, + topx=depth, sort=sort, orientation=orientation, + pos_label=pos_label, higher_is_better=self.higher_is_better) + return plot + raise PreventUpdate class ShapContributionsTableComponent(ExplainerComponent): @@ -1190,27 +1192,29 @@ def update_output_div(index, depth, sort, pos_label): Input('pos-label-'+self.name, 'value'), *self.feature_input_component._feature_callback_inputs]) def update_output_div(depth, sort, pos_label, *inputs): - X_row = self.explainer.get_row_from_input(inputs, ranked_by_shap=True) - depth = None if depth is None else int(depth) - contributions_table = dbc.Table.from_dataframe( - self.explainer.contrib_summary_df(X_row=X_row, topx=depth, - sort=sort, pos_label=pos_label)) - - tooltip_cols = {} - for tr in contributions_table.children[1].children: - # insert tooltip target id's into the table html.Tr() elements: - tds = tr.children - col = tds[0].children.split(" = ")[0] - if self.explainer.description(col) != "": - tr.id = f"contributions-table-hover-{col}-"+self.name - tooltip_cols[col] = self.explainer.description(col) - - tooltips = [dbc.Tooltip(desc, - target=f"contributions-table-hover-{col}-"+self.name, - placement="top") for col, desc in tooltip_cols.items()] - - output_div = html.Div([contributions_table, *tooltips]) - return output_div + if not any([i is None for i in inputs]): + X_row = self.explainer.get_row_from_input(inputs, ranked_by_shap=True) + depth = None if depth is None else int(depth) + contributions_table = dbc.Table.from_dataframe( + self.explainer.contrib_summary_df(X_row=X_row, topx=depth, + sort=sort, pos_label=pos_label)) + + tooltip_cols = {} + for tr in contributions_table.children[1].children: + # insert tooltip target id's into the table html.Tr() elements: + tds = tr.children + col = tds[0].children.split(" = ")[0] + if self.explainer.description(col) != "": + tr.id = f"contributions-table-hover-{col}-"+self.name + tooltip_cols[col] = self.explainer.description(col) + + tooltips = [dbc.Tooltip(desc, + target=f"contributions-table-hover-{col}-"+self.name, + placement="top") for col, desc in tooltip_cols.items()] + + output_div = html.Div([contributions_table, *tooltips]) + return output_div + raise PreventUpdate diff --git a/explainerdashboard/dashboard_methods.py b/explainerdashboard/dashboard_methods.py index d6b8da1..79f652b 100644 --- a/explainerdashboard/dashboard_methods.py +++ b/explainerdashboard/dashboard_methods.py @@ -376,7 +376,7 @@ def __init__(self, explainer, title='Pos Label Selector', name=None, """ super().__init__(explainer, title, name) if pos_label is not None: - self.pos_label = explainer.get_pos_label_index(pos_label) + self.pos_label = explainer.pos_label_index(pos_label) else: self.pos_label = explainer.pos_label diff --git a/explainerdashboard/explainer_plots.py b/explainerdashboard/explainer_plots.py index d156ca2..abffaac 100644 --- a/explainerdashboard/explainer_plots.py +++ b/explainerdashboard/explainer_plots.py @@ -345,8 +345,8 @@ def plotly_precision_plot(precision_df, cutoff=None, labels=None, pos_label=None return fig -def plotly_classification_plot(pred_probas, targets, labels=None, cutoff=0.5, - pos_label=1, percentage=False): +def plotly_classification_plot(pred_probas, targets, labels=None, cutoff=0.5, + round=2, pos_label=1, percentage=False): """Displays bar plots showing label distributions above and below cutoff value. @@ -356,6 +356,7 @@ def plotly_classification_plot(pred_probas, targets, labels=None, cutoff=0.5, (e.g. [0, 1, 1, 0,...,1]) labels (List[str], optional): List of labels for classes. Defaults to None. cutoff (float, optional): Cutoff pred_proba. Defaults to 0.5. + round (int, optional): round float by round number of digits. Defaults to 2. pos_label (int, optional): Positive label class. Defaults to 1. percentage (bool, optional): Display percentage instead of absolute numbers. Defaults to False. @@ -374,18 +375,15 @@ def plotly_classification_plot(pred_probas, targets, labels=None, cutoff=0.5, fig = go.Figure() for i, label in enumerate(labels): - text = [f"{sum(below_threshold[1]==i)}
({np.round(100*np.mean(below_threshold[1]==i), 1)}%)", - f"{sum(above_threshold[1]==i)}
({np.round(100*np.mean(above_threshold[1]==i), 1)}%)", - f"{sum(targets==i)}
({np.round(100*np.mean(targets==i), 1)}%)"] + text = [f"{sum(below_threshold[1]==i)}
({100*np.mean(below_threshold[1]==i):.{round}f}%)", + f"{sum(above_threshold[1]==i)}
({100*np.mean(above_threshold[1]==i):.{round}f}%)", + f"{sum(targets==i)}
({100*np.mean(targets==i):.{round}f}%)"] if percentage: fig.add_trace(go.Bar( x=x, y=[100*np.mean(below_threshold[1]==i), 100*np.mean(above_threshold[1]==i), 100*np.mean(targets==i)], - # text=[str(np.round(100*np.mean(below_threshold[1]==i), 2)) + '%', - # str(np.round(100*np.mean(above_threshold[1]==i), 2)) + '%', - # str(np.round(100*np.mean(targets==i), 2)) + '%'], text=text, textposition='auto', hoverinfo="text", @@ -397,9 +395,6 @@ def plotly_classification_plot(pred_probas, targets, labels=None, cutoff=0.5, y=[sum(below_threshold[1]==i), sum(above_threshold[1]==i), sum(targets==i)], - # text = [sum(below_threshold[1]==i), - # sum(above_threshold[1]==i), - # sum(targets==i)], text=text, textposition='auto', hoverinfo="text", @@ -434,30 +429,30 @@ def plotly_lift_curve(lift_curve_df, cutoff=None, percentage=False, add_wizard=T """ if percentage: - model_text=[f"model selected {np.round(pos, round)}% of all positives in first {np.round(i, round)}% sampled
" \ - + f"precision={np.round(precision, 2)}% positives in sample
" \ - + f"lift={np.round(pos/exp, 2)}" + model_text=[f"model selected {pos:.{round}f}% of all positives in first {i:.{round}f}% sampled
" \ + + f"precision={precision:.{round}f}% positives in sample
" \ + + f"lift={pos/exp:.{round}f}" for (i, pos, exp, precision) in zip(lift_curve_df.index_percentage, lift_curve_df.cumulative_percentage_pos, lift_curve_df.random_cumulative_percentage_pos, lift_curve_df.precision)] - random_text=[f"random selected {np.round(exp, round)}% of all positives in first {np.round(i, round)}% sampled
" \ - + f"precision={np.round(precision, 2)}% positives in sample" + random_text=[f"random selected {exp:.{round}f}% of all positives in first {i:.{round}f}% sampled
" \ + + f"precision={precision:.{round}f}% positives in sample" for (i, pos, exp, precision) in zip(lift_curve_df.index_percentage, lift_curve_df.cumulative_percentage_pos, lift_curve_df.random_cumulative_percentage_pos, lift_curve_df.random_precision)] else: model_text=[f"model selected {pos} positives out of {i}
" \ - + f"precision={np.round(precision, 2)}
" \ - + f"lift={np.round(pos/exp, 2)}" + + f"precision={precision:.{round}f}
" \ + + f"lift={pos/exp:.{round}f}" for (i, pos, exp, precision) in zip(lift_curve_df['index'], lift_curve_df.positives, lift_curve_df.random_pos, lift_curve_df.precision)] - random_text=[f"random selected {np.round(exp).astype(int)} positives out of {i}
" \ - + f"precision={np.round(precision, 2)}" + random_text=[f"random selected {int(exp)} positives out of {i}
" \ + + f"precision={precision:.{round}f}" for (i, pos, exp, precision) in zip(lift_curve_df['index'], lift_curve_df.positives, lift_curve_df.random_pos, @@ -549,7 +544,7 @@ def plotly_lift_curve(lift_curve_df, cutoff=None, percentage=False, add_wizard=T x=cutoff_x, y=5, yref='y', - text=f"cutoff={np.round(cutoff,3)}"), + text=f"cutoff={cutoff:.{round}f}"), go.layout.Annotation(x=0.5, y=0.4, text=f"Model: {cutoff_pos} out {cutoff_n} ({cutoff_precision}%)", showarrow=False, align="right", @@ -572,13 +567,16 @@ def plotly_lift_curve(lift_curve_df, cutoff=None, percentage=False, add_wizard=T return fig -def plotly_cumulative_precision_plot(lift_curve_df, labels=None, percentile=None, pos_label=1): +def plotly_cumulative_precision_plot(lift_curve_df, labels=None, percentile=None, + round=2, pos_label=1): """Return cumulative precision plot showing the expected label distribution if you cumulatively sample a more and more of the highest predicted samples. Args: lift_curve_df (pd.DataFrame): generated with get_liftcurve_df(...) labels (List[str], optional): list of labels for classes. Defaults to None. + percentile (float, optional): draw line at percentile, defaults to None + round (int, optional): round floats to digits. Defaults to 2. pos_label (int, optional): Positive class label. Defaults to 1. Returns: @@ -587,7 +585,7 @@ def plotly_cumulative_precision_plot(lift_curve_df, labels=None, percentile=None if labels is None: labels = ['category ' + str(i) for i in range(lift_curve_df.y.max()+1)] fig = go.Figure() - text = [f"percentage sampled = top {round(idx_perc,2)}%" + text = [f"percentage sampled = top {idx_perc:.{round}f}%" for idx_perc in lift_curve_df['index_percentage'].values] fig = fig.add_trace(go.Scatter(x=lift_curve_df.index_percentage, y=np.zeros(len(lift_curve_df)), @@ -595,7 +593,7 @@ def plotly_cumulative_precision_plot(lift_curve_df, labels=None, percentile=None text=text, hoverinfo="text")) - text = [f"percentage {labels[pos_label]}={round(perc, 2)}%" + text = [f"percentage {labels[pos_label]}={perc:.{round}f}%" for perc in lift_curve_df['precision_' +str(pos_label)].values] fig = fig.add_trace(go.Scatter(x=lift_curve_df.index_percentage, y=lift_curve_df['precision_' +str(pos_label)].values, @@ -609,7 +607,7 @@ def plotly_cumulative_precision_plot(lift_curve_df, labels=None, percentile=None if y_label != pos_label: cumulative_y = cumulative_y + lift_curve_df['precision_' +str(y_label)].values - text = [f"percentage {labels[y_label]}={round(perc, 2)}%" + text = [f"percentage {labels[y_label]}={perc:.{round}f}%" for perc in lift_curve_df['precision_' +str(y_label)].values] fig=fig.add_trace(go.Scatter(x=lift_curve_df.index_percentage, y=cumulative_y, @@ -622,7 +620,7 @@ def plotly_cumulative_precision_plot(lift_curve_df, labels=None, percentile=None for y_label in range(0, pos_label): if y_label != pos_label: cumulative_y = cumulative_y + lift_curve_df['precision_' +str(y_label)].values - text = [f"percentage {labels[y_label]}={round(perc, 2)}%" + text = [f"percentage {labels[y_label]}={perc:.{round}f}%" for perc in lift_curve_df['precision_' +str(y_label)].values] fig=fig.add_trace(go.Scatter(x=lift_curve_df.index_percentage, y=cumulative_y, @@ -652,13 +650,13 @@ def plotly_cumulative_precision_plot(lift_curve_df, labels=None, percentile=None fig.update_layout(annotations=[ go.layout.Annotation(x=100*percentile, y=20, yref='y', ax=60, - text=f"percentile={np.round(100*percentile, 2)}")]) + text=f"percentile={100*percentile:.{round}f}")]) fig.update_xaxes(nticks=10) return fig def plotly_dependence_plot(X_col, shap_values, interact_col=None, - interaction=False, na_fill=-999, round=2, units="", + interaction=False, na_fill=-999, round=3, units="", highlight_index=None, idxs=None): """Returns a dependence plot showing the relationship between feature col_name and shap values for col_name. Do higher values of col_name increase prediction @@ -710,11 +708,11 @@ def plotly_dependence_plot(X_col, shap_values, interact_col=None, if interact_col is not None: - text = np.array([f'{idxs.name}={index}
{X_col.name}={col_val}
{interact_col.name}={col_col_val}
SHAP={shap_val}' - for index, col_val, col_col_val, shap_val in zip(idxs, X_col, interact_col, np.round(shap_values, round))]) + text = np.array([f'{idxs.name}={index}
{X_col.name}={col_val}
{interact_col.name}={col_col_val}
SHAP={shap_val:.{round}f}' + for index, col_val, col_col_val, shap_val in zip(idxs, X_col, interact_col, shap_values)]) else: - text = np.array([f'{idxs.name}={index}
{X_col.name}={col_val}
SHAP={shap_val}' - for index, col_val, shap_val in zip(idxs, X_col, np.round(shap_values, round))]) + text = np.array([f'{idxs.name}={index}
{X_col.name}={col_val}
SHAP={shap_val:.{round}f}' + for index, col_val, shap_val in zip(idxs, X_col, shap_values)]) data = [] @@ -736,11 +734,11 @@ def plotly_dependence_plot(X_col, shap_values, interact_col=None, opacity=0.8, hoverinfo="text", name=onehot_col, - text=[f'{idxs.name}={index}
{X_col.name}={col_val}
{interact_col.name}={interact_val}
SHAP={shap_val}' + text=[f'{idxs.name}={index}
{X_col.name}={col_val}
{interact_col.name}={interact_val}
SHAP={shap_val:.{round}f}' for index, col_val, interact_val, shap_val in zip(idxs, X_col[interact_col==onehot_col], interact_col[interact_col==onehot_col], - np.round(shap_values[interact_col==onehot_col], round))], + shap_values[interact_col==onehot_col])], ) ) elif interact_col is not None and is_numeric_dtype(interact_col): @@ -839,7 +837,7 @@ def plotly_dependence_plot(X_col, shap_values, interact_col=None, def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, - interaction=False, units="", highlight_index=None, idxs=None, + interaction=False, units="", highlight_index=None, idxs=None, round=3, cats_order=None, max_cat_colors=5): """Generates a violin plot for displaying shap value distributions for categorical features. @@ -931,7 +929,7 @@ def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, mode='markers', showlegend=False, hoverinfo="text", - text = [f"{idxs.name}: {index}
shap: {shap}
{X_color_col.name}: {col}" + text = [f"{idxs.name}: {index}
shap: {shap:.{round}f}
{X_color_col.name}: {col}" for index, shap, col in zip(idxs[X_col==cat], shap_values[X_col == cat], X_color_col[X_col==cat])], @@ -959,7 +957,7 @@ def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, mode='markers', showlegend=color_cat in show_legend, hoverinfo="text", - text = [f"{idxs.name}: {index}
shap: {shap}
{X_color_col.name}: {color_cat_name}" + text = [f"{idxs.name}: {index}
shap: {shap:.{round}f}
{X_color_col.name}: {color_cat_name}" for index, shap in zip( idxs[(X_col == cat) & (X_color_col == color_cat)], shap_values[(X_col == cat) & (X_color_col == color_cat)])], @@ -978,7 +976,7 @@ def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, mode='markers', showlegend="Category_Other" in show_legend, hoverinfo="text", - text = [f"{idxs.name}: {index}
shap: {shap}
{X_color_col.name}: {col}" + text = [f"{idxs.name}: {index}
shap: {shap:.{round}f}
{X_color_col.name}: {col}" for index, shap, col in zip( idxs[(X_col == cat) & (~X_color_col.isin(color_cats))], shap_values[(X_col == cat) & (~X_color_col.isin(color_cats))], @@ -1004,7 +1002,9 @@ def plotly_shap_violin_plot(X_col, shap_values, X_color_col=None, points=False, opacity=0.6, color='blue'), ), row=1, col=col+1) - if highlight_index is not None and X_col[highlight_idx]==cat: + if (highlight_index is not None + and (points or X_color_col is not None) + and X_col[highlight_idx]==cat): fig.add_trace( go.Scattergl( x=[0], @@ -1168,7 +1168,7 @@ def plotly_pdp(pdp_df, go.layout.Annotation( x=pdp_df.columns[int(0.5*len(pdp_df.columns))], y=index_prediction, - text=f"baseline pred = {str(np.round(index_prediction,round))}") + text=f"baseline pred = {index_prediction:.{round}f}") ) fig.update_layout(annotations=annotations) @@ -1307,13 +1307,14 @@ def plotly_confusion_matrix(y_true, y_preds, labels = None, percentage=True): return fig -def plotly_roc_auc_curve(true_y, pred_probas, cutoff=None): +def plotly_roc_auc_curve(true_y, pred_probas, cutoff=None, round=2): """Plot ROC AUC curve Args: true_y (np.ndarray): array of true labels pred_probas (np.ndarray): array of predicted probabilities cutoff (float, optional): Cutoff proba to display. Defaults to None. + round (int, optional): rounding of floats. Defaults to 2. Returns: Plotly Fig: @@ -1323,7 +1324,7 @@ def plotly_roc_auc_curve(true_y, pred_probas, cutoff=None): trace0 = go.Scatter(x=fpr, y=tpr, mode='lines', name='ROC AUC CURVE', - text=[f"threshold: {np.round(th,2)}
FP: {np.round(fp,2)}
TP: {np.round(tp,2)}" + text=[f"threshold: {th:.{round}f}
FP: {fp:.{round}f}
TP: {tp:.{round}f}" for fp, tp, th in zip(fpr, tpr, thresholds)], hoverinfo="text" ) @@ -1366,27 +1367,27 @@ def plotly_roc_auc_curve(true_y, pred_probas, cutoff=None): output_dict=True) annotations = [go.layout.Annotation(x=0.6, y=0.45, - text=f"Cutoff: {np.round(cutoff,3)}", + text=f"Cutoff: {cutoff:.{round}f}", showarrow=False, align="right", xanchor='left', yanchor='top'), go.layout.Annotation(x=0.6, y=0.4, - text=f"Accuracy: {np.round(rep['accuracy'],3)}", + text=f"Accuracy: {rep['accuracy']:.{round}f}", showarrow=False, align="right", xanchor='left', yanchor='top'), go.layout.Annotation(x=0.6, y=0.35, - text=f"Precision: {np.round(rep['1']['precision'], 3)}", + text=f"Precision: {rep['1']['precision']:.{round}f}", showarrow=False, align="right", xanchor='left', yanchor='top'), go.layout.Annotation(x=0.6, y=0.30, - text=f"Recall: {np.round(rep['1']['recall'], 3)}", + text=f"Recall: {rep['1']['recall']:.{round}f}", showarrow=False, align="right", xanchor='left', yanchor='top'), go.layout.Annotation(x=0.6, y=0.25, - text=f"F1-score: {np.round(rep['1']['f1-score'], 3)}", + text=f"F1-score: {rep['1']['f1-score']:.{round}f}", showarrow=False, align="right", xanchor='left', yanchor='top'), go.layout.Annotation(x=0.6, y=0.20, - text=f"roc-auc-score: {np.round(roc_auc, 3)}", + text=f"roc-auc-score: {roc_auc:.{round}f}", showarrow=False, align="right", xanchor='left', yanchor='top'),] fig.update_layout(annotations=annotations) @@ -1395,13 +1396,14 @@ def plotly_roc_auc_curve(true_y, pred_probas, cutoff=None): return fig -def plotly_pr_auc_curve(true_y, pred_probas, cutoff=None): +def plotly_pr_auc_curve(true_y, pred_probas, cutoff=None, round=2): """Generate Precision-Recall Area Under Curve plot Args: true_y (np.ndarray): array of tru labels pred_probas (np.ndarray): array of predicted probabilities cutoff (float, optional): model cutoff to display in graph. Defaults to None. + round (int, optional): rounding to apply to floats. Defaults to 2. Returns: Plotly fig: @@ -1411,9 +1413,9 @@ def plotly_pr_auc_curve(true_y, pred_probas, cutoff=None): trace0 = go.Scatter(x=precision, y=recall, mode='lines', name='PR AUC CURVE', - text=[f"threshold: {np.round(th,2)}
" +\ - f"precision: {np.round(p,2)}
" +\ - f"recall: {np.round(r,2)}" + text=[f"threshold: {th:.{round}f}
" +\ + f"precision: {p:.{round}f}
" +\ + f"recall: {r:.{round}f}" for p, r, th in zip(precision, recall, thresholds)], hoverinfo="text" ) @@ -1447,27 +1449,27 @@ def plotly_pr_auc_curve(true_y, pred_probas, cutoff=None): output_dict=True) annotations = [go.layout.Annotation(x=0.15, y=0.45, - text=f"Cutoff: {np.round(cutoff,3)}", + text=f"Cutoff: {cutoff:.{round}f}", showarrow=False, align="right", xanchor='left', yanchor='top'), go.layout.Annotation(x=0.15, y=0.4, - text=f"Accuracy: {np.round(report['accuracy'],3)}", + text=f"Accuracy: {report['accuracy']:.{round}f}", showarrow=False, align="right", xanchor='left', yanchor='top'), go.layout.Annotation(x=0.15, y=0.35, - text=f"Precision: {np.round(report['1']['precision'], 3)}", + text=f"Precision: {report['1']['precision']:.{round}f}", showarrow=False, align="right", xanchor='left', yanchor='top'), go.layout.Annotation(x=0.15, y=0.30, - text=f"Recall: {np.round(report['1']['recall'], 3)}", + text=f"Recall: {report['1']['recall']:.{round}f}", showarrow=False, align="right", xanchor='left', yanchor='top'), go.layout.Annotation(x=0.15, y=0.25, - text=f"F1-score: {np.round(report['1']['f1-score'], 3)}", + text=f"F1-score: {report['1']['f1-score']:.{round}f}", showarrow=False, align="right", xanchor='left', yanchor='top'), go.layout.Annotation(x=0.15, y=0.20, - text=f"pr-auc-score: {np.round(pr_auc_score, 3)}", + text=f"pr-auc-score: {pr_auc_score:.{round}f}", showarrow=False, align="right", xanchor='left', yanchor='top'),] fig.update_layout(annotations=annotations) @@ -1557,7 +1559,7 @@ def plotly_shap_scatter_plot(X, shap_values_df, display_columns=None, title="Sha showlegend=False, opacity=0.8, hoverinfo="text", - text=[f"{index_name}={i}
{col}={value}
shap={np.round(shap,3)}" + text=[f"{index_name}={i}
{col}={value}
shap={shap:.{round}f}" for i, shap, value in zip(idxs, shap_values_df[col], X[col].replace({na_fill:np.nan}))], ), row=i+1, col=1); @@ -1583,7 +1585,7 @@ def plotly_shap_scatter_plot(X, shap_values_df, display_columns=None, title="Sha showlegend=False, opacity=0.8, hoverinfo="text", - text=[f"{index_name}={i}
{col}={cat}
shap={np.round(shap,3)}" + text=[f"{index_name}={i}
{col}={cat}
shap={shap:.{round}f}" for i, shap in zip(idxs[X[col]==cat], shap_values_df[col][X[col]==cat])], ), @@ -1603,7 +1605,7 @@ def plotly_shap_scatter_plot(X, shap_values_df, display_columns=None, title="Sha showlegend=False, opacity=0.8, hoverinfo="text", - text=[f"{index_name}={i}
{col}={col_val}
shap={np.round(shap,3)}" + text=[f"{index_name}={i}
{col}={col_val}
shap={shap:.{round}f}" for i, shap, col_val in zip(idxs[~X[col].isin(color_cats)], shap_values_df[col][~X[col].isin(color_cats)], X[col][~X[col].isin(color_cats)])], @@ -1626,7 +1628,7 @@ def plotly_shap_scatter_plot(X, shap_values_df, display_columns=None, title="Sha ) ), name = f"{index_name} {highlight_index}", - text=f"index={highlight_index}
{col}={X[col].iloc[highlight_idx]}
shap={shap_values_df[col].iloc[highlight_idx]}", + text=f"index={highlight_index}
{col}={X[col].iloc[highlight_idx]}
shap={shap_values_df[col].iloc[highlight_idx]:.{round}f}", hoverinfo="text", showlegend=False, ), row=i+1, col=1) @@ -1676,10 +1678,8 @@ def plotly_predicted_vs_actual(y, preds, target="" , units="", round=2, else: idxs = [str(i) for i in range(len(preds))] - marker_text=[f"{index_name}: {idx}
Observed: {actual}
Prediction: {pred}" - for idx, actual, pred in zip(idxs, - np.round(y, round), - np.round(preds, round))] + marker_text=[f"{index_name}: {idx}
Observed: {actual:.{round}f}
Prediction: {pred:.{round}f}" + for idx, actual, pred in zip(idxs, y, preds)] trace0 = go.Scattergl( x = y, @@ -1761,11 +1761,8 @@ def plotly_plot_residuals(y, preds, vs_actual=False, target="", units="", raise ValueError(f"parameter residuals should be in ['difference', " f"'ratio', 'log-ratio'] but is equal to {residuals}!") - residuals_text=[f"{index_name}: {idx}
Observed: {actual}
Prediction: {pred}
Residual: {residual}" - for idx, actual, pred, residual in zip(idxs, - np.round(y, round), - np.round(preds, round), - np.round(res, round))] + residuals_text=[f"{index_name}: {idx}
Observed: {actual:.{round}f}
Prediction: {pred:.{round}f}
Residual: {residual:.{round}f}" + for idx, actual, pred, residual in zip(idxs, y, preds, res)] trace0 = go.Scattergl( x=y if vs_actual else preds, y=residuals_display, @@ -1861,11 +1858,8 @@ def plotly_residuals_vs_col(y, preds, col, col_name=None, residuals='difference' raise ValueError(f"parameter residuals should be in ['difference', " f"'ratio', 'log-ratio'] but is equal to {residuals}!") - residuals_text=[f"{index_name}: {idx}
Actual: {actual}
Prediction: {pred}
Residual: {residual}" - for idx, actual, pred, residual in zip(idxs, - np.round(y, round), - np.round(preds, round), - np.round(res, round))] + residuals_text=[f"{index_name}: {idx}
Actual: {actual:.{round}f}
Prediction: {pred:.{round}f}
Residual: {residual:.{round}f}" + for idx, actual, pred, residual in zip(idxs, y, preds, res)] if not is_numeric_dtype(col): if cats_order is None: @@ -1995,10 +1989,8 @@ def plotly_actual_vs_col(y, preds, col, col_name=None, idxs = [str(i) for i in range(len(preds))] - y_text=[f"{index_name}: {idx}
Observed {target}: {actual}
Prediction: {pred}" - for idx, actual, pred in zip(idxs, - np.round(y, round), - np.round(preds, round))] + y_text=[f"{index_name}: {idx}
Observed {target}: {actual:.{round}f}
Prediction: {pred:.{round}f}" + for idx, actual, pred in zip(idxs, y, preds)] if not is_numeric_dtype(col): if cats_order is None: @@ -2121,8 +2113,8 @@ def plotly_preds_vs_col(y, preds, col, col_name=None, idxs = [str(i) for i in range(len(preds))] - preds_text=[f"{index_name}: {idx}
Predicted {target}: {pred}{units}
Observed {target}: {actual}{units}" - for idx, actual, pred in zip(idxs,np.round(y, round), np.round(preds, round))] + preds_text=[f"{index_name}: {idx}
Predicted {target}: {pred:.{round}f}{units}
Observed {target}: {actual:.{round}f}{units}" + for idx, actual, pred in zip(idxs, y, preds)] if not is_numeric_dtype(col): if cats_order is None: @@ -2290,7 +2282,7 @@ def plotly_rf_trees(model, observation, y=None, highlight_tree=None, annotations = [go.layout.Annotation( x=1.2*preds_df.model.mean(), y=preds_df.prediction.mean(), - text=f"Average prediction = {np.round(preds_df.prediction.mean(),2)}", + text=f"Average prediction = {preds_df.prediction.mean():.{round}f}", bgcolor="lightgrey", arrowcolor="lightgrey", startstandoff=0)] @@ -2357,10 +2349,10 @@ def plotly_xgboost_trees(xgboost_preds_df, highlight_tree=None, y=None, round=2, bases = xgboost_preds_df.pred_proba.values[:-1] diffs = xgboost_preds_df.pred_proba_diff.values[1:] - texts=[f"tree no {t}:
change = {np.round(100*d, round)}%
click for detailed info" + texts=[f"tree no {t}:
change = {100*d:.{round}f}%
click for detailed info" for (t, d) in zip(trees, diffs)] - texts.insert(0, f"Base prediction:
proba = {np.round(100*base_prediction, round)}%") - texts.append(f"Final Prediction:
proba = {np.round(100*final_prediction, round)}%") + texts.insert(0, f"Base prediction:
proba = {100*base_prediction:.{round}f}%") + texts.append(f"Final Prediction:
proba = {100*final_prediction:.{round}f}%") else: final_prediction = xgboost_preds_df.pred.values[-1] base_prediction = xgboost_preds_df.pred.values[0] @@ -2368,10 +2360,10 @@ def plotly_xgboost_trees(xgboost_preds_df, highlight_tree=None, y=None, round=2, bases = xgboost_preds_df.pred.values[:-1] diffs = xgboost_preds_df.pred_diff.values[1:] - texts=[f"tree no {t}:
change = {np.round(d, round)}
click for detailed info" + texts=[f"tree no {t}:
change = {d:.{round}f}
click for detailed info" for (t, d) in zip(trees, diffs)] - texts.insert(0, f"Base prediction:
pred = {np.round(base_prediction, round)}") - texts.append(f"Final Prediction:
pred = {np.round(final_prediction, round)}") + texts.insert(0, f"Base prediction:
pred = {base_prediction:.{round}f}") + texts.append(f"Final Prediction:
pred = {final_prediction:.{round}f}") green_fill, green_line = 'rgba(50, 200, 50, 1.0)', 'rgba(40, 160, 50, 1.0)' yellow_fill, yellow_line = 'rgba(230, 230, 30, 1.0)', 'rgba(190, 190, 30, 1.0)' diff --git a/explainerdashboard/explainers.py b/explainerdashboard/explainers.py index 214827f..0141ef6 100644 --- a/explainerdashboard/explainers.py +++ b/explainerdashboard/explainers.py @@ -38,23 +38,24 @@ def insert_pos_label(func): """decorator to insert pos_label=self.pos_label into method call when pos_label=None""" def inner(self, *args, **kwargs): + if not self.is_classifier: + return func(self, *args, **kwargs) if 'pos_label' in kwargs: if kwargs['pos_label'] is not None: + kwargs.update(dict(pos_label=self.pos_label_index(kwargs['pos_label']))) return func(self, *args, **kwargs) else: kwargs.update(dict(pos_label=self.pos_label)) return func(self, *args, **kwargs) - argspec = inspect.getfullargspec(func).args - assert 'pos_label' in argspec, \ - f"Method {func} does not take pos_label as a parameter!" - index = argspec.index('pos_label') - kwargs = kwargs or {} - if len(args) < index or args[index-1] is None: - kwargs.update(dict(zip(argspec[1:], args))) - kwargs.update(dict(pos_label=self.pos_label)) - return func(self, **kwargs) + kwargs.update(dict(zip(inspect.getfullargspec(func).args[1:1+len(args)], args))) + if 'pos_label' in kwargs: + if kwargs['pos_label'] is not None: + kwargs.update(dict(pos_label=self.pos_label_index(kwargs['pos_label']))) + else: + kwargs.update(dict(pos_label=self.pos_label)) else: - return func(self, *args, **kwargs) + kwargs.update(dict(pos_label=self.pos_label)) + return func(self, **kwargs) return inner class BaseExplainer(ABC): @@ -111,10 +112,17 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, permutation_cv=n_jobs, na_fill=na_fill, precision=precision) if isinstance(model, Pipeline): - self.X, self.model = split_pipeline(model, X) - self.X_background, _ = split_pipeline(model, X_background, verbose=0) + self.X, self.model = split_pipeline(model, X.copy()) + if X_background is not None: + self.X_background, _ = split_pipeline(model, X_background.copy()) + else: + self.X_background = None else: - self.X, self.X_background = X, X_background + self.X = X.copy() + if X_background is not None: + self.X_background = X_background.copy() + else: + self.X_background = None self.model = model if safe_isinstance(model, "xgboost.core.Booster"): @@ -640,7 +648,7 @@ def get_col(self, col): else: return self.X[col] - + @insert_pos_label def get_col_value_plus_prediction(self, col, index=None, X_row=None, pos_label=None): """return value of col and prediction for either index or X_row @@ -684,7 +692,7 @@ def get_col_value_plus_prediction(self, col, index=None, X_row=None, pos_label=N else: raise ValueError("You need to pass either index or X_row!") - + @insert_pos_label def permutation_importances(self, pos_label=None): """Permutation importances """ if not hasattr(self, '_perm_imps'): @@ -710,6 +718,7 @@ def X_cats(self): def X_merged(self): return self.X.merge(self.X_cats, left_index=True, right_index=True)[self.merged_cols] + @insert_pos_label def shap_base_value(self, pos_label=None): """the intercept for the shap values. @@ -725,6 +734,7 @@ def shap_base_value(self, pos_label=None): self._shap_base_value = self._shap_base_value.item() return self._shap_base_value + @insert_pos_label def shap_values_df(self, pos_label=None): """SHAP values calculated using the shap library""" if not hasattr(self, '_shap_values_df'): @@ -735,6 +745,7 @@ def shap_values_df(self, pos_label=None): self._shap_values_df, self.onehot_dict, self.merged_cols).astype(self.precision) return self._shap_values_df + @insert_pos_label def shap_interaction_values(self, pos_label=None): """SHAP interaction values calculated using shap library""" assert self.shap != 'linear', \ @@ -756,9 +767,10 @@ def shap_interaction_values(self, pos_label=None): self.onehot_dict).astype(self.precision) return self._shap_interaction_values + @insert_pos_label def mean_abs_shap_df(self, pos_label=None): """Mean absolute SHAP values per feature.""" - if not hasattr(self, '_mean_abs_shap'): + if not hasattr(self, '_mean_abs_shap_df'): self._mean_abs_shap_df = (self.shap_values_df(pos_label)[self.merged_cols].abs().mean() .sort_values(ascending=False) .to_frame().rename_axis(index="Feature").reset_index() @@ -839,6 +851,7 @@ def metrics(self, *args, **kwargs): """ return {} + @insert_pos_label def get_mean_abs_shap_df(self, topx=None, cutoff=None, pos_label=None): """sorted dataframe with mean_abs_shap @@ -861,6 +874,7 @@ def get_mean_abs_shap_df(self, topx=None, cutoff=None, pos_label=None): if cutoff is None: cutoff = shap_df['MEAN_ABS_SHAP'].min() return (shap_df[shap_df['MEAN_ABS_SHAP'] >= cutoff].head(topx)) + @insert_pos_label def top_shap_interactions(self, col, topx=None, pos_label=None): """returns the features that interact with feature col in descending order. @@ -891,6 +905,7 @@ def top_shap_interactions(self, col, topx=None, pos_label=None): else: return top_interactions[:topx] + @insert_pos_label def shap_interaction_values_for_col(self, col, interact_col=None, pos_label=None): """returns the shap interaction values[np.array(N,N)] for feature col @@ -910,6 +925,7 @@ def shap_interaction_values_for_col(self, col, interact_col=None, pos_label=None return self.shap_interaction_values(pos_label)[ :, self.merged_cols.get_loc(col), self.merged_cols.get_loc(interact_col)] + @insert_pos_label def get_permutation_importances_df(self, topx=None, cutoff=None, pos_label=None): """dataframe with features ordered by permutation importance. @@ -934,6 +950,7 @@ def get_permutation_importances_df(self, topx=None, cutoff=None, pos_label=None) if cutoff is None: cutoff = importance_df.Importance.min() return importance_df[importance_df.Importance >= cutoff].head(topx) + @insert_pos_label def get_importances_df(self, kind="shap", topx=None, cutoff=None, pos_label=None): """wrapper function for get_mean_abs_shap_df() and get_permutation_importance_df() @@ -954,6 +971,7 @@ def get_importances_df(self, kind="shap", topx=None, cutoff=None, pos_label=None elif kind=='shap': return self.get_mean_abs_shap_df(topx, cutoff, pos_label) + @insert_pos_label def contrib_df(self, index=None, X_row=None, topx=None, cutoff=None, sort='abs', pos_label=None): """shap value contributions to the prediction for index. @@ -978,9 +996,6 @@ def contrib_df(self, index=None, X_row=None, topx=None, cutoff=None, pd.DataFrame: contrib_df """ - if pos_label is None: - pos_label = self.pos_label - if sort =='importance': if cutoff is None: cols = self.columns_ranked_by_shap() @@ -1005,7 +1020,7 @@ def contrib_df(self, index=None, X_row=None, topx=None, cutoff=None, if self.is_classifier: if not isinstance(shap_values, list) and len(self.labels)==2: shap_values = [-shap_values, shap_values] - shap_values = shap_values[self.get_pos_label_index(pos_label)] + shap_values = shap_values[pos_label] shap_values_df = pd.DataFrame(shap_values, columns=self.columns) shap_values_df = merge_categorical_shap_values(shap_values_df, @@ -1017,6 +1032,7 @@ def contrib_df(self, index=None, X_row=None, topx=None, cutoff=None, else: raise ValueError("Either index or X_row should be passed!") + @insert_pos_label def contrib_summary_df(self, index=None, X_row=None, topx=None, cutoff=None, round=2, sort='abs', pos_label=None): """Takes a contrib_df, and formats it to a more human readable format @@ -1041,6 +1057,7 @@ def contrib_summary_df(self, index=None, X_row=None, topx=None, cutoff=None, return get_contrib_summary_df(contrib_df, model_output=self.model_output, round=round, units=self.units, na_fill=self.na_fill) + @insert_pos_label def interactions_df(self, col, topx=None, cutoff=None, pos_label=None): """dataframe of mean absolute shap interaction values for col @@ -1056,12 +1073,13 @@ def interactions_df(self, col, topx=None, cutoff=None, """ importance_df = get_mean_absolute_shap_df(self.merged_cols, - self.shap_interaction_values_for_col(col, pos_label)) + self.shap_interaction_values_for_col(col, pos_label=pos_label)) if topx is None: topx = len(importance_df) if cutoff is None: cutoff = importance_df['MEAN_ABS_SHAP'].min() return importance_df[importance_df['MEAN_ABS_SHAP'] >= cutoff].head(topx) + @insert_pos_label def pdp_df(self, col, index=None, X_row=None, drop_na=True, sample=500, n_grid_points=10, pos_label=None, sort='freq'): """Return a pdp_df for generating partial dependence plots. @@ -1111,25 +1129,23 @@ def pdp_df(self, col, index=None, X_row=None, drop_na=True, sample=500, if val not in grid_values: grid_values = np.append(grid_values, val).sort() - if pos_label is None: - pos_label = self.pos_label - if index is not None: - index = self.get_index(index) - if isinstance(features, str) and drop_na: # regular col, not onehotencoded - sample_size=min(sample, len(self.X[(self.X[features] != self.na_fill)])-1) - sampleX = pd.concat([ - self.X[self.X.index==index], - self.X[(self.X.index != index) & (self.X[features] != self.na_fill)]\ - .sample(sample_size)], - ignore_index=True, axis=0) - else: - sample_size = min(sample, len(self.X)-1) - sampleX = pd.concat([ - self.X[self.X.index==index], - self.X[(self.X.index!=index)].sample(sample_size)], - ignore_index=True, axis=0) - elif X_row is not None: + X_row = self.get_X_row(index) + # index = self.get_index(index) + # if isinstance(features, str) and drop_na: # regular col, not onehotencoded + # sample_size=min(sample, len(self.X[(self.X[features] != self.na_fill)])-1) + # sampleX = pd.concat([ + # self.X[self.X.index==index], + # self.X[(self.X.index != index) & (self.X[features] != self.na_fill)]\ + # .sample(sample_size)], + # ignore_index=True, axis=0) + # else: + # sample_size = min(sample, len(self.X)-1) + # sampleX = pd.concat([ + # self.X[self.X.index==index], + # self.X[(self.X.index!=index)].sample(sample_size)], + # ignore_index=True, axis=0) + if X_row is not None: if matching_cols(X_row.columns, self.merged_cols): X_row = X_cats_to_X(X_row, self.onehot_dict, self.X.columns) else: @@ -1168,6 +1184,7 @@ def pdp_df(self, col, index=None, X_row=None, drop_na=True, sample=500, pdp_df = pdp_df.multiply(100) return pdp_df + @insert_pos_label def plot_importances(self, kind='shap', topx=None, round=3, pos_label=None): """plot barchart of importances in descending order. @@ -1200,7 +1217,7 @@ def plot_importances(self, kind='shap', topx=None, round=3, pos_label=None): else: return plotly_importances_plot(importances_df, round=round, units=units, title=title) - + @insert_pos_label def plot_interactions(self, col, topx=None, pos_label=None): """plot mean absolute shap interaction value for col. @@ -1213,10 +1230,11 @@ def plot_interactions(self, col, topx=None, pos_label=None): plotly.fig: fig """ - interactions_df = self.interactions_df(col,topx=topx, pos_label=pos_label) + interactions_df = self.interactions_df(col, topx=topx, pos_label=pos_label) title = f"Average interaction shap values for {col}" return plotly_importances_plot(interactions_df, units=self.units, title=title) + @insert_pos_label def plot_shap_contributions(self, index=None, X_row=None, topx=None, cutoff=None, sort='abs', orientation='vertical', higher_is_better=True, round=2, pos_label=None): @@ -1254,6 +1272,7 @@ def plot_shap_contributions(self, index=None, X_row=None, topx=None, cutoff=None orientation=orientation, round=round, higher_is_better=higher_is_better, target=self.target, units=self.units) + @insert_pos_label def plot_shap_summary(self, index=None, topx=None, max_cat_colors=5, pos_label=None): """Plot barchart of mean absolute shap value. @@ -1273,9 +1292,7 @@ def plot_shap_summary(self, index=None, topx=None, max_cat_colors=5, pos_label=N """ if self.is_classifier: - if pos_label is None: - pos_label = self.pos_label - pos_label_str = self.labels[self.get_pos_label_index(pos_label)] + pos_label_str = self.labels[pos_label] if self.model_output == 'probability': if self.target: title = f"Impact of feature on predicted probability {self.target}={pos_label_str}
(SHAP values)" @@ -1302,6 +1319,7 @@ def plot_shap_summary(self, index=None, topx=None, max_cat_colors=5, pos_label=N na_fill=self.na_fill, max_cat_colors=max_cat_colors) + @insert_pos_label def plot_shap_interaction_summary(self, col, index=None, topx=None, max_cat_colors=5, pos_label=None): """Plot barchart of mean absolute shap interaction values @@ -1330,9 +1348,10 @@ def plot_shap_interaction_summary(self, col, index=None, topx=None, idxs=self.idxs, highlight_index=index, na_fill=self.na_fill, max_cat_colors=max_cat_colors) + @insert_pos_label def plot_shap_dependence(self, col, color_col=None, highlight_index=None, topx=None, sort='alphabet', max_cat_colors=5, - pos_label=None): + round=3, pos_label=None): """plot shap dependence Plots a shap dependence plot: @@ -1369,6 +1388,7 @@ def plot_shap_dependence(self, col, color_col=None, highlight_index=None, X_color_col, highlight_index=highlight_index, idxs=self.idxs, + round=round, cats_order=self.ordered_cats(col, topx, sort), max_cat_colors=max_cat_colors) else: @@ -1379,8 +1399,10 @@ def plot_shap_dependence(self, col, color_col=None, highlight_index=None, na_fill=self.na_fill, units=self.units, highlight_index=highlight_index, - idxs=self.idxs) + idxs=self.idxs, + round=round) + @insert_pos_label def plot_shap_interaction(self, col, interact_col, highlight_index=None, topx=10, sort='alphabet', max_cat_colors=5, pos_label=None): @@ -1419,7 +1441,7 @@ def plot_shap_interaction(self, col, interact_col, highlight_index=None, interaction=True, units=self.units, highlight_index=highlight_index, idxs=self.idxs) - + @insert_pos_label def plot_pdp(self, col, index=None, X_row=None, drop_na=True, sample=100, gridlines=100, gridpoints=10, sort='freq', round=2, pos_label=None): @@ -1512,7 +1534,7 @@ def __init__(self, model, X, y=None, permutation_metric=roc_auc_score, self._params_dict = {**self._params_dict, **dict( labels=labels, pos_label=pos_label)} - + self.y = self.y.astype("int16") if self.categorical_cols and model_output == 'probability': print("Warning: Models that deal with categorical features directly " f"such as {self.model.__class__.__name__} are incompatible with model_output='probability'" @@ -1625,10 +1647,10 @@ def pos_label(self): @pos_label.setter def pos_label(self, label): - if label is None or isinstance(label, int) and label >=0 and label =0 and label = 0.0 and shap_base_value <= 1.0, \ (f"Shap base value does not look like a probability: {self._shap_base_value}. " "Try setting model_output='logodds'.") - return default_list(self._shap_base_value, self.pos_label) + return self._shap_base_value[pos_label] - @property - def shap_values(self): + @insert_pos_label + def shap_values_df(self, pos_label=None): """SHAP Values""" - if not hasattr(self, '_shap_values'): + if not hasattr(self, '_shap_values_df'): print("Calculating shap values...", flush=True) self._shap_values = self.shap_explainer.shap_values(self.X) @@ -1783,24 +1790,20 @@ def shap_values(self): assert np.all(shap_values <= 1.0) , \ (f"model_output=='probability but some shap values are > 1.0!" "Try setting model_output='logodds'.") - return default_list(self._shap_values, self.pos_label) - - @property - def shap_values_cats(self): - """SHAP values with categoricals grouped together""" - if not hasattr(self, '_shap_values_cats'): - _ = self.shap_values - self._shap_values_cats = [ - merge_categorical_shap_values( - self.X, sv, self.onehot_dict) for sv in self._shap_values] - return default_list(self._shap_values_cats, self.pos_label) + self._shap_values_df = [pd.DataFrame(sv, columns=self.columns) for sv in self._shap_values] + self._shap_values_df = [ + merge_categorical_shap_values(df, self.onehot_dict, + self.merged_cols).astype(self.precision) + for df in self._shap_values_df] + del self._shap_values + return self._shap_values_df[pos_label] - @property - def shap_interaction_values(self): + @insert_pos_label + def shap_interaction_values(self, pos_label=None): """SHAP interaction values""" if not hasattr(self, '_shap_interaction_values'): - _ = self.shap_values #make sure shap values have been calculated + _ = self.shap_values_df() #make sure shap values have been calculated print("Calculating shap interaction values...", flush=True) if self.shap == 'tree': print("Reminder: TreeShap computational complexity is O(TLD^2), " @@ -1817,42 +1820,27 @@ def shap_interaction_values(self): else: # assume logodds so logodds of negative class is -logodds of positive class self._shap_interaction_values = [-self._shap_interaction_values, self._shap_interaction_values] + self._shap_interaction_values = \ + [merge_categorical_shap_interaction_values( + siv, self.columns, self.merged_cols, + self.onehot_dict).astype(self.precision) for siv in self._shap_interaction_values] + # self._shap_interaction_values = [ + # normalize_shap_interaction_values(siv, self.shap_values) + # for siv, sv in zip(self._shap_interaction_values, self._shap_values_df)] + return self._shap_interaction_values[pos_label] - self._shap_interaction_values = [ - normalize_shap_interaction_values(siv, self.shap_values) - for siv, sv in zip(self._shap_interaction_values, self._shap_values)] - return default_list(self._shap_interaction_values, self.pos_label) - - @property - def shap_interaction_values_cats(self): - """SHAP interaction values with categoricals grouped together""" - if not hasattr(self, '_shap_interaction_values_cats'): - _ = self.shap_interaction_values - self._shap_interaction_values_cats = [ - merge_categorical_shap_interaction_values( - siv, self.X, self.X_cats, self.onehot_dict) - for siv in self._shap_interaction_values] - return default_list(self._shap_interaction_values_cats, self.pos_label) - - @property - def mean_abs_shap(self): + @insert_pos_label + def mean_abs_shap_df(self, pos_label=None): """mean absolute SHAP values""" - if not hasattr(self, '_mean_abs_shap'): - _ = self.shap_values - self._mean_abs_shap = [mean_absolute_shap_values( - self.columns, sv) for sv in self._shap_values] - return default_list(self._mean_abs_shap, self.pos_label) - - @property - def mean_abs_shap_cats(self): - """mean absolute SHAP values with categoricals grouped together""" - if not hasattr(self, '_mean_abs_shap_cats'): - _ = self.shap_values_cats - self._mean_abs_shap_cats = [ - mean_absolute_shap_values(self.columns_cats, sv) - for sv in self._shap_values_cats] - return default_list(self._mean_abs_shap_cats, self.pos_label) + if not hasattr(self, '_mean_abs_shap_df'): + _ = self.shap_values_df() + self._mean_abs_shap_df = [self.shap_values_df(pos_label)[self.merged_cols].abs().mean() + .sort_values(ascending=False) + .to_frame().rename_axis(index="Feature").reset_index() + .rename(columns={0:"MEAN_ABS_SHAP"}) for pos_label in self.labels] + return self._mean_abs_shap_df[pos_label] + @insert_pos_label def cutoff_from_percentile(self, percentile, pos_label=None): """The cutoff equivalent to the percentile given @@ -1868,11 +1856,9 @@ def cutoff_from_percentile(self, percentile, pos_label=None): cutoff """ - if pos_label is None: - return pd.Series(self.pred_probas).nlargest(int((1-percentile)*len(self))).min() - else: - return pd.Series(self.pred_probas_raw[:, pos_label]).nlargest(int((1-percentile)*len(self))).min() - + return pd.Series(self.pred_probas(pos_label)).nlargest(int((1-percentile)*len(self))).min() + + @insert_pos_label def percentile_from_cutoff(self, cutoff, pos_label=None): """The percentile equivalent to the cutoff given @@ -1889,13 +1875,10 @@ def percentile_from_cutoff(self, cutoff, pos_label=None): """ if cutoff is None: return None - if pos_label is None: - return 1-(self.pred_probas < cutoff).mean() - else: - pos_label = self.get_pos_label_index(pos_label) - return 1-np.mean(self.pred_probas_raw[:, pos_label] < cutoff) + return 1-(self.pred_probas(pos_label) < cutoff).mean() - def metrics(self, cutoff=0.5, pos_label=None, **kwargs): + @insert_pos_label + def metrics(self, cutoff=0.5, pos_label=None): """returns a dict with useful metrics for your classifier: accuracy, precision, recall, f1, roc auc, pr auc, log loss @@ -1910,40 +1893,42 @@ def metrics(self, cutoff=0.5, pos_label=None, **kwargs): """ if self.y_missing: raise ValueError("No y was passed to explainer, so cannot calculate metrics!") + y_true = self.y_binary(pos_label) + y_pred = np.where(self.pred_probas(pos_label) > cutoff, 1, 0) - if pos_label is None: pos_label = self.pos_label metrics_dict = { - 'accuracy' : accuracy_score(self.y_binary(pos_label), np.where(self.pred_probas(pos_label) > cutoff, 1, 0)), - 'precision' : precision_score(self.y_binary(pos_label), np.where(self.pred_probas(pos_label) > cutoff, 1, 0)), - 'recall' : recall_score(self.y_binary(pos_label), np.where(self.pred_probas(pos_label) > cutoff, 1, 0)), - 'f1' : f1_score(self.y_binary(pos_label), np.where(self.pred_probas(pos_label) > cutoff, 1, 0)), - 'roc_auc_score' : roc_auc_score(self.y_binary(pos_label), self.pred_probas(pos_label)), - 'pr_auc_score' : average_precision_score(self.y_binary(pos_label), self.pred_probas(pos_label)), - 'log_loss' : log_loss(self.y_binary(pos_label), self.pred_probas(pos_label)) + 'accuracy' : accuracy_score(y_true, y_pred), + 'precision' : precision_score(y_true, y_pred), + 'recall' : recall_score(y_true, y_pred), + 'f1' : f1_score(y_true, y_pred), + 'roc_auc_score' : roc_auc_score(y_true, self.pred_probas(pos_label)), + 'pr_auc_score' : average_precision_score(y_true, self.pred_probas(pos_label)), + 'log_loss' : log_loss(y_true, self.pred_probas(pos_label)) } return metrics_dict - def metrics_descriptions(self, cutoff=0.5, pos_label=None): + @insert_pos_label + def metrics_descriptions(self, cutoff=0.5, round=3, pos_label=None): metrics_dict = self.metrics(cutoff, pos_label) metrics_descriptions_dict = {} for k, v in metrics_dict.items(): if k == 'accuracy': - metrics_descriptions_dict[k] = f"{round(100*v, 2)}% of predicted labels was predicted correctly." + metrics_descriptions_dict[k] = f"{100*v:.{round}f}% of predicted labels was predicted correctly." if k == 'precision': - metrics_descriptions_dict[k] = f"{round(100*v, 2)}% of predicted positive labels was predicted correctly." + metrics_descriptions_dict[k] = f"{100*v:.{round}f}% of predicted positive labels was predicted correctly." if k == 'recall': - metrics_descriptions_dict[k] = f"{round(100*v, 2)}% of positive labels was predicted correctly." + metrics_descriptions_dict[k] = f"{100*v:.{round}f}% of positive labels was predicted correctly." if k == 'f1': - metrics_descriptions_dict[k] = f"The weighted average of precision and recall is {round(v, 2)}" + metrics_descriptions_dict[k] = f"The weighted average of precision and recall is {v:.{round}f}" if k == 'roc_auc_score': - metrics_descriptions_dict[k] = f"The probability that a random positive label has a higher score than a random negative label is {round(100*v, 2)}%" + metrics_descriptions_dict[k] = f"The probability that a random positive label has a higher score than a random negative label is {100*v:.2f}%" if k == 'pr_auc_score': - metrics_descriptions_dict[k] = f"The average precision score calculated for each recall threshold is {round(v, 2)}. This ignores true negatives." + metrics_descriptions_dict[k] = f"The average precision score calculated for each recall threshold is {v:.{round}f}. This ignores true negatives." if k == 'log_loss': - metrics_descriptions_dict[k] = f"A measure of how far the predicted label is from the true label on average in log space {round(v, 2)}" + metrics_descriptions_dict[k] = f"A measure of how far the predicted label is from the true label on average in log space {v:.{round}f}" return metrics_descriptions_dict - + @insert_pos_label def random_index(self, y_values=None, return_str=False, pred_proba_min=None, pred_proba_max=None, pred_percentile_min=None, pred_percentile_max=None, pos_label=None): @@ -1968,8 +1953,10 @@ def random_index(self, y_values=None, return_str=False, and pred_percentile_min is None and pred_percentile_max is None): potential_idxs = self.idxs.values else: - if pred_proba_min is None: pred_proba_min = self.pred_probas(pos_label).min() - if pred_proba_max is None: pred_proba_max = self.pred_probas(pos_label).max() + pred_probas = self.pred_probas(pos_label) + pred_percentiles = self.pred_percentiles(pos_label) + if pred_proba_min is None: pred_proba_min = pred_probas.min() + if pred_proba_max is None: pred_proba_max = pred_probas.max() if pred_percentile_min is None: pred_percentile_min = 0.0 if pred_percentile_max is None: pred_percentile_max = 1.0 @@ -1979,17 +1966,17 @@ def random_index(self, y_values=None, return_str=False, y_values = [y if isinstance(y, int) else self.labels.index(y) for y in y_values] potential_idxs = self.idxs[(self.y.isin(y_values)) & - (self.pred_probas(pos_label) >= pred_proba_min) & - (self.pred_probas(pos_label) <= pred_proba_max) & - (self.pred_percentiles(pos_label) > pred_percentile_min) & - (self.pred_percentiles(pos_label) <= pred_percentile_max)].values + (pred_probas >= pred_proba_min) & + (pred_probas <= pred_proba_max) & + (pred_percentiles > pred_percentile_min) & + (pred_percentiles <= pred_percentile_max)].values else: potential_idxs = self.idxs[ - (self.pred_probas(pos_label) >= pred_proba_min) & - (self.pred_probas(pos_label) <= pred_proba_max) & - (self.pred_percentiles(pos_label) > pred_percentile_min) & - (self.pred_percentiles(pos_label) <= pred_percentile_max)].values + (pred_probas >= pred_proba_min) & + (pred_probas <= pred_proba_max) & + (pred_percentiles > pred_percentile_min) & + (pred_percentiles <= pred_percentile_max)].values if len(potential_idxs) > 0: idx = np.random.choice(potential_idxs) @@ -2013,10 +2000,10 @@ def prediction_result_df(self, index=None, X_row=None, add_star=True, logodds=Fa if index is None and X_row is None: raise ValueError("You need to either pass an index or X_row!") if index is not None: - int_idx = self.get_int_idx(index) + int_idx = self.get_idx(index) pred_probas = self.pred_probas_raw[int_idx, :] elif X_row is not None: - if X_row.columns.tolist()==self.columns_cats: + if matching_cols(X_row.columns, self.merged_cols): X_row = X_cats_to_X(X_row, self.onehot_dict, self.X.columns) pred_probas = self.model.predict_proba(X_row)[0, :] @@ -2025,11 +2012,12 @@ def prediction_result_df(self, index=None, X_row=None, add_star=True, logodds=Fa probability=pred_probas)) if logodds: preds_df.loc[:, "logodds"] = \ - preds_df.probability.apply(lambda p: np.log(p / (1-p))) + preds_df.probability.apply(lambda p: np.log(p / (1-p))) if index is not None and not self.y_missing and not np.isnan(self.y[int_idx]): preds_df.iloc[self.y[int_idx], 0] = f"{preds_df.iloc[self.y[int_idx], 0]}*" return preds_df.round(round) + @insert_pos_label def precision_df(self, bin_size=None, quantiles=None, multiclass=False, round=3, pos_label=None): """dataframe with predicted probabilities and precision @@ -2049,8 +2037,6 @@ def precision_df(self, bin_size=None, quantiles=None, multiclass=False, raise ValueError("No y was passed to explainer, so cannot calculate precision_df!") assert self.pred_probas is not None - if pos_label is None: pos_label = self.pos_label - if bin_size is None and quantiles is None: bin_size=0.1 # defaults to bin_size=0.1 if multiclass: @@ -2061,6 +2047,7 @@ def precision_df(self, bin_size=None, quantiles=None, multiclass=False, return get_precision_df(self.pred_probas(pos_label), self.y_binary(pos_label), bin_size, quantiles, round=round) + @insert_pos_label def lift_curve_df(self, pos_label=None): """returns a pd.DataFrame with data needed to build a lift curve @@ -2070,53 +2057,9 @@ def lift_curve_df(self, pos_label=None): Returns: """ - if pos_label is None: pos_label = self.pos_label return get_lift_curve_df(self.pred_probas(pos_label), self.y, pos_label) - def prediction_result_markdown(self, index, include_percentile=True, round=2, pos_label=None): - """markdown of result of prediction for index - - Args: - index(int or str): the index of the row for which to generate the prediction - include_percentile(bool, optional, optional): include the rank - percentile of the prediction, defaults to True - round(int, optional, optional): rounding to apply to results, defaults to 2 - pos_label: (Default value = None) - **kwargs: - - Returns: - str: markdown string - - """ - int_idx = self.get_int_idx(index) - if pos_label is None: pos_label = self.pos_label - - def display_probas(pred_probas_raw, labels, model_output='probability', round=2): - assert (len(pred_probas_raw.shape)==1 and len(pred_probas_raw) ==len(labels)) - def log_odds(p, round=2): - return np.round(np.log(p / (1-p)), round) - for i in range(len(labels)): - proba_str = f"{np.round(100*pred_probas_raw[i], round)}%" - logodds_str = f"(logodds={log_odds(pred_probas_raw[i], round)})" - yield f"* {labels[i]}: {proba_str} {logodds_str if model_output=='logodds' else ''}\n" - - model_prediction = "###### Prediction:\n\n" - if (isinstance(self.y[0], int) or - isinstance(self.y[0], np.int64)): - model_prediction += f"Observed {self.target}: {self.labels[self.y[int_idx]]}\n\n" - - model_prediction += "Prediction probabilities per label:\n\n" - for pred in display_probas( - self.pred_probas_raw[int_idx], - self.labels, self.model_output, round): - model_prediction += pred - - if include_percentile: - percentile = np.round(100*(1-self.pred_percentiles(pos_label)[int_idx])) - model_prediction += f'\nIn top {percentile}% percentile probability {self.labels[pos_label]}' - return model_prediction - - + @insert_pos_label def plot_precision(self, bin_size=None, quantiles=None, cutoff=None, multiclass=False, pos_label=None): """plot precision vs predicted probability @@ -2138,7 +2081,6 @@ def plot_precision(self, bin_size=None, quantiles=None, cutoff=None, multiclass= Plotly fig """ - if pos_label is None: pos_label = self.pos_label if bin_size is None and quantiles is None: bin_size=0.1 # defaults to bin_size=0.1 precision_df = self.precision_df( @@ -2146,6 +2088,7 @@ def plot_precision(self, bin_size=None, quantiles=None, cutoff=None, multiclass= return plotly_precision_plot(precision_df, cutoff=cutoff, labels=self.labels, pos_label=pos_label) + @insert_pos_label def plot_cumulative_precision(self, percentile=None, pos_label=None): """plot cumulative precision @@ -2159,11 +2102,11 @@ def plot_cumulative_precision(self, percentile=None, pos_label=None): plotly fig """ - if pos_label is None: pos_label = self.pos_label return plotly_cumulative_precision_plot( self.lift_curve_df(pos_label=pos_label), labels=self.labels, percentile=percentile, pos_label=pos_label) + @insert_pos_label def plot_confusion_matrix(self, cutoff=0.5, normalized=False, binary=False, pos_label=None): """plot of a confusion matrix. @@ -2182,13 +2125,11 @@ def plot_confusion_matrix(self, cutoff=0.5, normalized=False, binary=False, pos_ """ if self.y_missing: raise ValueError("No y was passed to explainer, so cannot plot confusion matrix!") - if pos_label is None: pos_label = self.pos_label pos_label_str = self.labels[pos_label] - if binary: if len(self.labels)==2: def order_binary_labels(labels, pos_label): - pos_index = labels.index(pos_label) + pos_index = self.pos_label_index(pos_label) return [labels[1-pos_index], labels[pos_index]] labels = order_binary_labels(self.labels, pos_label_str) else: @@ -2202,6 +2143,7 @@ def order_binary_labels(labels, pos_label): self.y, self.pred_probas_raw.argmax(axis=1), percentage=normalized, labels=self.labels) + @insert_pos_label def plot_lift_curve(self, cutoff=None, percentage=False, add_wizard=True, round=2, pos_label=None): """plot of a lift curve. @@ -2223,6 +2165,7 @@ def plot_lift_curve(self, cutoff=None, percentage=False, add_wizard=True, return plotly_lift_curve(self.lift_curve_df(pos_label), cutoff=cutoff, percentage=percentage, add_wizard=add_wizard, round=round) + @insert_pos_label def plot_classification(self, cutoff=0.5, percentage=True, pos_label=None): """plot showing a barchart of the classification result for cutoff @@ -2239,6 +2182,7 @@ def plot_classification(self, cutoff=0.5, percentage=True, pos_label=None): """ return plotly_classification_plot(self.pred_probas(pos_label), self.y, self.labels, cutoff, percentage=percentage) + @insert_pos_label def plot_roc_auc(self, cutoff=0.5, pos_label=None): """plots ROC_AUC curve. @@ -2255,6 +2199,7 @@ def plot_roc_auc(self, cutoff=0.5, pos_label=None): raise ValueError("No y was passed to explainer, so cannot plot roc auc!") return plotly_roc_auc_curve(self.y_binary(pos_label), self.pred_probas(pos_label), cutoff=cutoff) + @insert_pos_label def plot_pr_auc(self, cutoff=0.5, pos_label=None): """plots PR_AUC curve. @@ -2296,7 +2241,7 @@ def calculate_properties(self, include_interactions=True): None """ - _ = self.pred_probas + _ = self.pred_probas, self.y_binary() super().calculate_properties(include_interactions=include_interactions) @@ -2721,7 +2666,7 @@ def decisionpath_summary_df(self, tree_idx, index, round=2, pos_label=None): self.decisionpath_df(tree_idx, index, pos_label=pos_label), classifier=self.is_classifier, round=round, units=self.units) - def decision_tree_file(self, tree_idx, index, show_just_path=False): + def decisiontree_file(self, tree_idx, index, show_just_path=False): """get a dtreeviz visualization of a particular tree in the random forest. Args: @@ -2745,7 +2690,7 @@ def decision_tree_file(self, tree_idx, index, show_just_path=False): show_just_path=show_just_path) return viz.save_svg() - def decision_tree(self, tree_idx, index, show_just_path=False): + def decisiontree(self, tree_idx, index, show_just_path=False): """get a dtreeviz visualization of a particular tree in the random forest. Args: @@ -2763,10 +2708,10 @@ def decision_tree(self, tree_idx, index, show_just_path=False): return None from IPython.display import SVG - svg_file = self.decision_tree_file(tree_idx, index, show_just_path) + svg_file = self.decisiontree_file(tree_idx, index, show_just_path) return SVG(open(svg_file,'rb').read()) - def decision_tree_encoded(self, tree_idx, index, show_just_path=False): + def decisiontree_encoded(self, tree_idx, index, show_just_path=False): """get a dtreeviz visualization of a particular tree in the random forest. Args: @@ -2784,7 +2729,7 @@ def decision_tree_encoded(self, tree_idx, index, show_just_path=False): print("No graphviz 'dot' executable available!") return None - svg_file = self.decision_tree_file(tree_idx, index, show_just_path) + svg_file = self.decisiontree_file(tree_idx, index, show_just_path) encoded = base64.b64encode(open(svg_file,'rb').read()) svg_encoded = 'data:image/svg+xml;base64,{}'.format(encoded.decode()) return svg_encoded @@ -2872,7 +2817,7 @@ def plot_trees(self, index, highlight_tree=None, round=2, y = self.get_y(index) if self.is_classifier: - pos_label = self.get_pos_label_index(pos_label) + pos_label = self.pos_label_index(pos_label) if y is not None: y = 100 * int(y==pos_label) return plotly_rf_trees(self.model, X_row, y, @@ -2884,7 +2829,6 @@ def plot_trees(self, index, highlight_tree=None, round=2, target=self.target, units=self.units) - class XGBExplainer(TreeExplainer): """XGBExplainer allows for the analysis of individual DecisionTrees that make up the xgboost model. @@ -2960,7 +2904,7 @@ def decisionpath_summary_df(self, tree_idx, index, round=2, pos_label=None): return get_xgboost_path_summary_df(self.decisionpath_df(tree_idx, index, pos_label=pos_label)) @insert_pos_label - def decision_tree_file(self, tree_idx, index, show_just_path=False, pos_label=None): + def decisiontree_file(self, tree_idx, index, show_just_path=False, pos_label=None): """get a dtreeviz visualization of a particular tree in the random forest. Args: @@ -3006,7 +2950,7 @@ def plot_trees(self, index, highlight_tree=None, round=2, """ if self.is_classifier: - pos_label = self.get_pos_label_index(pos_label) + pos_label = self.pos_label_index(pos_label) y = self.get_y(index) y = 100 * int(y == pos_label) if y is not None else y xgboost_preds_df = get_xgboost_preds_df( @@ -3018,7 +2962,7 @@ def plot_trees(self, index, highlight_tree=None, round=2, higher_is_better=higher_is_better) else: X_row = self.get_X_row(index) - y = self.model.predict(X_row) + y = self.get_y(index) xgboost_preds_df = get_xgboost_preds_df(self.model, X_row) return plotly_xgboost_trees(xgboost_preds_df, y=y, highlight_tree=highlight_tree, @@ -3033,7 +2977,6 @@ def calculate_properties(self, include_interactions=True): (Default value = True) Returns: - """ _ = self.shadow_trees, self.model_dump_list super().calculate_properties(include_interactions=include_interactions) From 5860c0be72de51d2fed663cfa47f51bd6aa315b4 Mon Sep 17 00:00:00 2001 From: Oege Dijk Date: Wed, 20 Jan 2021 11:19:46 +0100 Subject: [PATCH 07/28] adds keep_shap_pos_label_only method --- RELEASE_NOTES.md | 5 +++ TODO.md | 2 + explainerdashboard/explainers.py | 66 ++++++++++++++++---------------- 3 files changed, 40 insertions(+), 33 deletions(-) diff --git a/RELEASE_NOTES.md b/RELEASE_NOTES.md index 82ba878..fce2a20 100644 --- a/RELEASE_NOTES.md +++ b/RELEASE_NOTES.md @@ -14,6 +14,8 @@ - `BaseExplaiener`: - `self.shap_values_cats` - `self.shap_interaction_values_cats` + - `ClassifierExplainer`: + - `get_prop_for_label` - Naming changes: @@ -32,6 +34,9 @@ - new `Explainer` parameter `precision`: defaults to `'float64'`. Can be set to `'float32'` to save on memory usage. - new `memory_usage()` method to show which internal attributes take the most memory. +- net `keep_shap_pos_label_only(pos_label)` method: + - drops shap values and shap interactions for all labels except `pos_label` + - this should significantly reduce memory usage. - added `get_index_list()`, `get_X_row(index)`, and `get_y(index)` methods. - these can be overridden with `.set_index_list_func()`, `.set_X_row_func()` and `.set_y_func()`. diff --git a/TODO.md b/TODO.md index 76ceb9b..bfde36a 100644 --- a/TODO.md +++ b/TODO.md @@ -5,6 +5,8 @@ - check all register_dependencies() - add option drop encoded cols - add options drop non-pos label +- reorder methods +- remove plot_SHAP_dependence, etc ## Bugs: diff --git a/explainerdashboard/explainers.py b/explainerdashboard/explainers.py index 0141ef6..2fad656 100644 --- a/explainerdashboard/explainers.py +++ b/explainerdashboard/explainers.py @@ -1504,7 +1504,7 @@ def __init__(self, model, X, y=None, permutation_metric=roc_auc_score, shap='guess', X_background=None, model_output="probability", cats=None, idxs=None, index_name=None, target=None, descriptions=None, n_jobs=None, permutation_cv=None, na_fill=-999, - precision="float32", labels=None, pos_label=1): + precision="float64", labels=None, pos_label=1): """ Explainer for classification models. Defines the shap values for each possible class in the classification. @@ -1671,22 +1671,6 @@ def pos_label_index(self, pos_label): return self.labels.index(pos_label) raise ValueError("pos_label should either be int or str in self.labels!") - # def get_prop_for_label(self, prop:str, label): - # """return property for a specific pos_label - - # Args: - # prop: property to get for a certain pos_label - # label: pos_label - - # Returns: - # property - # """ - # tmp = self.pos_label - # self.pos_label = label - # ret = getattr(self, prop) - # self.pos_label = tmp - # return ret - @insert_pos_label def y_binary(self, pos_label): """for multiclass problems returns one-vs-rest array of [1,0] pos_label""" @@ -1705,7 +1689,7 @@ def pred_probas_raw(self): print("Calculating prediction probabilities...", flush=True) assert hasattr(self.model, 'predict_proba'), \ "model does not have a predict_proba method!" - self._pred_probas = self.model.predict_proba(self.X) + self._pred_probas = self.model.predict_proba(self.X).astype(self.precision) return self._pred_probas @property @@ -1741,6 +1725,7 @@ def permutation_importances(self, pos_label=None): needs_proba=self.is_classifier, pos_label=label).sort_values("Importance", ascending=False) for label in range(len(self.labels))] + return self._perm_imps[pos_label] @insert_pos_label @@ -1773,31 +1758,34 @@ def shap_values_df(self, pos_label=None): """SHAP Values""" if not hasattr(self, '_shap_values_df'): print("Calculating shap values...", flush=True) - self._shap_values = self.shap_explainer.shap_values(self.X) + _shap_values = self.shap_explainer.shap_values(self.X) - if not isinstance(self._shap_values, list) and len(self.labels)==2: - self._shap_values = [-self._shap_values, self._shap_values] + if not isinstance(_shap_values, list) and len(self.labels)==2: + _shap_values = [-_shap_values, _shap_values] - assert len(self._shap_values)==len(self.labels),\ - f"len(shap_values)={len(self._shap_values)}"\ + assert len(_shap_values)==len(self.labels),\ + f"len(shap_values)={len(_shap_values)}"\ + f"and len(labels)={len(self.labels)} do not match!" if self.model_output == 'probability': - for shap_values in self._shap_values: + for shap_values in _shap_values: assert np.all(shap_values >= -1.0) , \ (f"model_output=='probability but some shap values are < 1.0!" "Try setting model_output='logodds'.") - for shap_values in self._shap_values: + for shap_values in _shap_values: assert np.all(shap_values <= 1.0) , \ (f"model_output=='probability but some shap values are > 1.0!" "Try setting model_output='logodds'.") - self._shap_values_df = [pd.DataFrame(sv, columns=self.columns) for sv in self._shap_values] + self._shap_values_df = [pd.DataFrame(sv, columns=self.columns) for sv in _shap_values] self._shap_values_df = [ merge_categorical_shap_values(df, self.onehot_dict, self.merged_cols).astype(self.precision) for df in self._shap_values_df] - del self._shap_values - return self._shap_values_df[pos_label] + + if isinstance(self._shap_values_df, list): + return self._shap_values_df[pos_label] + else: + return self._shap_values_df @insert_pos_label def shap_interaction_values(self, pos_label=None): @@ -1827,7 +1815,10 @@ def shap_interaction_values(self, pos_label=None): # self._shap_interaction_values = [ # normalize_shap_interaction_values(siv, self.shap_values) # for siv, sv in zip(self._shap_interaction_values, self._shap_values_df)] - return self._shap_interaction_values[pos_label] + if isinstance(self._shap_interaction_values, list): + return self._shap_interaction_values[pos_label] + else: + return self._shap_interaction_values @insert_pos_label def mean_abs_shap_df(self, pos_label=None): @@ -1840,6 +1831,15 @@ def mean_abs_shap_df(self, pos_label=None): .rename(columns={0:"MEAN_ABS_SHAP"}) for pos_label in self.labels] return self._mean_abs_shap_df[pos_label] + @insert_pos_label + def keep_shap_pos_label_only(self, pos_label=None): + """drops the shap values and shap_interaction values for all labels + except pos_label in order to save on memory usage""" + if hasattr(self, "_shap_values_df"): + self._shap_values_df= self.shap_values_df(pos_label) + if hasattr(self, "_shap_interaction_values"): + self._shap_interaction_values = self.shap_interaction_values(pos_label) + @insert_pos_label def cutoff_from_percentile(self, percentile, pos_label=None): """The cutoff equivalent to the percentile given @@ -2251,7 +2251,7 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, shap="guess", X_background=None, model_output="raw", cats=None, idxs=None, index_name=None, target=None, descriptions=None, n_jobs=None, permutation_cv=None, - na_fill=-999, precision="float32", units=""): + na_fill=-999, precision="float64", units=""): """Explainer for regression models. In addition to BaseExplainer defines a number of plots specific to @@ -2285,15 +2285,15 @@ def residuals(self): """residuals: y-preds""" if not hasattr(self, '_residuals'): print("Calculating residuals...") - self._residuals = self.y-self.preds - return self._residuals + self._residuals = (self.y-self.preds).astype(self.precision) + return self._residuals.ast @property def abs_residuals(self): """absolute residuals""" if not hasattr(self, '_abs_residuals'): print("Calculating absolute residuals...") - self._abs_residuals = np.abs(self.residuals) + self._abs_residuals = np.abs(self.residuals).astype(self.precision) return self._abs_residuals def random_index(self, y_min=None, y_max=None, pred_min=None, pred_max=None, From ccebdf36fb87ae4b2059a18d94d90aa3a9f022d1 Mon Sep 17 00:00:00 2001 From: Oege Dijk Date: Wed, 20 Jan 2021 12:09:36 +0100 Subject: [PATCH 08/28] breaking naming changes, reordering explainers --- RELEASE_NOTES.md | 11 +- custom_examples.ipynb | 2 +- docs/source/explainers.rst | 54 +- explainer_examples.ipynb | 68 +- .../dashboard_components/shap_components.py | 16 +- explainerdashboard/explainers.py | 894 +++++++++--------- tests/test_cats_only.py | 98 +- tests/test_classifier_base.py | 74 +- tests/test_multiclass.py | 64 +- tests/test_randomforest_explainer.py | 8 +- tests/test_regression_base.py | 84 +- tests/test_xgboost_explainer.py | 14 +- 12 files changed, 678 insertions(+), 709 deletions(-) diff --git a/RELEASE_NOTES.md b/RELEASE_NOTES.md index fce2a20..38574fc 100644 --- a/RELEASE_NOTES.md +++ b/RELEASE_NOTES.md @@ -11,17 +11,21 @@ contributions of onehot encoded columns, simply don't pass them to the `cats` parameter on construction. - Deprecated: - - `BaseExplaiener`: + - `BaseExplainer`: - `self.shap_values_cats` - `self.shap_interaction_values_cats` - `ClassifierExplainer`: - `get_prop_for_label` - - - Naming changes: - `BaseExplainer`: - `self.get_int_idx(index)` -> `self.get_idx(index)` - `self.shap_values` -> `self.shap_values_df` + - `plot_shap_contributions()` -> `plot_contributions()` + - `plot_shap_summary()` -> `plot_shap_detailed()` + - `plot_shap_dependence()` -> `plot_dependence()` + - `plot_shap_interaction()` -> `plot_interaction()` + - `plot_shap_interaction_summary()` -> `plot_interactions_detailed()` + - `plot_interactions()` -> `plot_interactions_importance()` -`TreeExplainers`: - `self.decision_trees` -> `self.shadow_trees` - `self.decisiontree_df` -> `self.decisionpath_df` @@ -53,6 +57,7 @@ when InputFeatures had not fully loaded, resulting in shap error. ### Improvements +- saving `X.copy()`, instead of using a reference to `X` - encoding onehot columns as `np.int8` saving memory usage - encoding categorical features as `pd.category` saving memory usage - added base `TreeExplainer` class that `RandomForestExplainer` and `XGBExplainer` both derive from diff --git a/custom_examples.ipynb b/custom_examples.ipynb index 9a1b220..09b73e4 100644 --- a/custom_examples.ipynb +++ b/custom_examples.ipynb @@ -388,7 +388,7 @@ " target='Survival',\n", " labels=['Not survived', 'Survived'])\n", "\n", - "explainer.plot_shap_contributions(0)" + "explainer.plot_contributions(0)" ] }, { diff --git a/docs/source/explainers.rst b/docs/source/explainers.rst index 631f971..fd9ea41 100644 --- a/docs/source/explainers.rst +++ b/docs/source/explainers.rst @@ -26,8 +26,8 @@ Or you can use it interactively in a notebook to inspect your model using the built-in plotting methods, e.g.:: explainer.plot_confusion_matrix() - explainer.plot_shap_contributions(index=0) - explainer.plot_shap_dependence("Fare", color_col="Sex") + explainer.plot_contributions(index=0) + explainer.plot_dependence("Fare", color_col="Sex") .. image:: screenshots/notebook_screenshot.png @@ -93,7 +93,7 @@ And you can also combine the two methods:: You can now use these categorical features directly as input for plotting methods, e.g. -``explainer.plot_shap_dependence("Deck")``, which will now generate violin plots +``explainer.plot_dependence("Deck")``, which will now generate violin plots instead of the default scatter plots. For other methods you can usually pass a parameter ``cats=True``, to indicate that you'd like to group the categorical features in your output. @@ -249,20 +249,20 @@ or ``RegressionExplainer``, however they both inherit all of these basic methods The BaseExplainer already provides a number of convenient plotting methods:: plot_importances(kind='shap', topx=None, cats=False, round=3, pos_label=None) - plot_shap_contributions(index, cats=True, topx=None, cutoff=None, round=2, pos_label=None) - plot_shap_summary(topx=None, cats=False, pos_label=None) - plot_shap_interaction_summary(col, topx=None, cats=False, pos_label=None) - plot_shap_dependence(col, color_col=None, highlight_idx=None,pos_label=None) - plot_shap_interaction(col, interact_col, highlight_idx=None, pos_label=None) + plot_contributions(index, cats=True, topx=None, cutoff=None, round=2, pos_label=None) + plot_shap_detailed(topx=None, cats=False, pos_label=None) + plot_interactions_detailed(col, topx=None, cats=False, pos_label=None) + plot_dependence(col, color_col=None, highlight_idx=None,pos_label=None) + plot_interaction(interact_col, highlight_idx=None, pos_label=None) plot_pdp(col, index=None, drop_na=True, sample=100, num_grid_lines=100, num_grid_points=10, pos_label=None) example code:: explainer = ClassifierExplainer(model, X, y, cats=['Sex', 'Deck', 'Embarked']) explainer.plot_importances(cats=True) - explainer.plot_shap_contributions(index=0, topx=5) - explainer.plot_shap_dependence("Fare") - explainer.plot_shap_interaction("Fare", "PassengerClass") + explainer.plot_contributions(index=0, topx=5) + explainer.plot_dependence("Fare") + explainer.plot_interaction(", "PassengerClass") explainer.plot_pdp("Sex", index=0) plot_importances @@ -400,15 +400,15 @@ through a specific decision tree. You can also plot the individual predictions of each individual tree for specific row in your data indentified by ``index``:: - explainer.decisiontree_df(tree_idx, index) - explainer.decisiontree_summary_df(tree_idx, index) + explainer.decisionpath_df(tree_idx, index) + explainer.decisionpath_summary_df(tree_idx, index) explainer.plot_trees(index) And for dtreeviz visualization of individual decision trees (svg format):: - explainer.decision_path(tree_idx, index) - explainer.decision_path_file(tree_idx, index) - explainer.decision_path_encoded(tree_idx, index) + explainer.decisiontree(tree_idx, index) + explainer.decisiontree_file(tree_idx, index) + explainer.decisiontree_encoded(tree_idx, index) These methods are part of the ``RandomForestExplainer`` and XGBExplainer`` mixin classes that get automatically loaded when you pass either a RandomForest @@ -423,17 +423,17 @@ plot_trees decision_path ^^^^^^^^^^^^^ -.. automethod:: explainerdashboard.explainers.RandomForestExplainer.decision_path +.. automethod:: explainerdashboard.explainers.RandomForestExplainer.decisiontree decision_path_file ^^^^^^^^^^^^^^^^^^ -.. automethod:: explainerdashboard.explainers.RandomForestExplainer.decision_path_file +.. automethod:: explainerdashboard.explainers.RandomForestExplainer.decisiontree_file decision_path_encoded ^^^^^^^^^^^^^^^^^^^^^ -.. automethod:: explainerdashboard.explainers.RandomForestExplainer.decision_path_encoded +.. automethod:: explainerdashboard.explainers.RandomForestExplainer.decisiontree_encoded @@ -575,27 +575,27 @@ with the following additional methods:: decisiontree_df ^^^^^^^^^^^^^^^ -.. automethod:: explainerdashboard.explainers.RandomForestExplainer.decisiontree_df +.. automethod:: explainerdashboard.explainers.RandomForestExplainer.decisionpath_df decisiontree_summary_df ^^^^^^^^^^^^^^^^^^^^^^^ -.. automethod:: explainerdashboard.explainers.RandomForestExplainer.decisiontree_summary_df +.. automethod:: explainerdashboard.explainers.RandomForestExplainer.decisionpath_summary_df decision_path_file ^^^^^^^^^^^^^^^^^^ -.. automethod:: explainerdashboard.explainers.RandomForestExplainer.decision_path_file +.. automethod:: explainerdashboard.explainers.RandomForestExplainer.decisiontree_file decision_path_encoded ^^^^^^^^^^^^^^^^^^^^^ -.. automethod:: explainerdashboard.explainers.RandomForestExplainer.decision_path_encoded +.. automethod:: explainerdashboard.explainers.RandomForestExplainer.decisiontree_encoded decision_path ^^^^^^^^^^^^^ -.. automethod:: explainerdashboard.explainers.RandomForestExplainer.decision_path +.. automethod:: explainerdashboard.explainers.RandomForestExplainer.decisiontree Calculated Properties @@ -659,10 +659,10 @@ manually to a specific method, the global ``pos_label`` will be used. You can se this directly on the explainer (even us str labels if you've set these):: explainer.pos_label = 0 - explainer.plot_shap_dependence("Fare") # will show plot for pos_label=0 + explainer.plot_dependence("Fare") # will show plot for pos_label=0 explainer.pos_label = 'Survived' - explainer.plot_shap_dependence("Fare") # will now show plot for pos_label=1 - explainer.plot_shap_dependence("Fare", pos_label=0) # show plot for label 0, without changing explainer.pos_label + explainer.plot_dependence("Fare") # will now show plot for pos_label=1 + explainer.plot_dependence("Fare", pos_label=0) # show plot for label 0, without changing explainer.pos_label The ``ExplainerDashboard`` will show a dropdown menu in the header to choose a particular ``pos_label``. Changing this will basically update every single diff --git a/explainer_examples.ipynb b/explainer_examples.ipynb index f1e51c2..6b0c106 100644 --- a/explainer_examples.ipynb +++ b/explainer_examples.ipynb @@ -8310,7 +8310,7 @@ } ], "source": [ - "explainer.plot_shap_summary(topx=10, cats=True)" + "explainer.plot_shap_detailed(topx=10, cats=True)" ] }, { @@ -27690,7 +27690,7 @@ } ], "source": [ - "explainer.plot_shap_summary(topx=None, cats=False)" + "explainer.plot_shap_detailed(topx=None, cats=False)" ] }, { @@ -27820,7 +27820,7 @@ } ], "source": [ - "explainer.plot_interactions('Sex', cats=True, topx=5)" + "explainer.plot_interactions_importance('Sex', cats=True, topx=5)" ] }, { @@ -27927,7 +27927,7 @@ } ], "source": [ - "explainer.plot_interactions('Fare', cats=False, topx=5)" + "explainer.plot_interactions_importance('Fare', cats=False, topx=5)" ] }, { @@ -35462,7 +35462,7 @@ } ], "source": [ - "explainer.plot_shap_interaction_summary(\"Sex\")" + "explainer.plot_interactions_detailed(\"Sex\")" ] }, { @@ -35837,7 +35837,7 @@ } ], "source": [ - "explainer.plot_shap_contributions(index, cats=True, topx=8)" + "explainer.plot_contributions(index, cats=True, topx=8)" ] }, { @@ -36143,7 +36143,7 @@ "source": [ "name = test_names[6] # explainer prediction for name\n", "print(name)\n", - "explainer.plot_shap_contributions(name, cats=False)" + "explainer.plot_contributions(name, cats=False)" ] }, { @@ -36358,7 +36358,7 @@ } ], "source": [ - "explainer.plot_shap_contributions(name, cats=False, topx=10, sort='high-to-low', orientation='horizontal')" + "explainer.plot_contributions(name, cats=False, topx=10, sort='high-to-low', orientation='horizontal')" ] }, { @@ -37063,7 +37063,7 @@ } ], "source": [ - "explainer.plot_shap_dependence(\"Age\")" + "explainer.plot_dependence(\")" ] }, { @@ -37791,7 +37791,7 @@ } ], "source": [ - "explainer.plot_shap_dependence(\"Age\", color_col=\"Sex\")" + "explainer.plot_dependence(\", color_col=\"Sex\")" ] }, { @@ -38727,7 +38727,7 @@ } ], "source": [ - "explainer.plot_shap_dependence(\"Age\", color_col=\"Fare\")" + "explainer.plot_dependence(\", color_col=\"Fare\")" ] }, { @@ -39479,7 +39479,7 @@ ], "source": [ "\n", - "explainer.plot_shap_dependence(\"Age\", color_col=\"Sex\", highlight_index=5)" + "explainer.plot_dependence(\", color_col=\"Sex\", highlight_index=5)" ] }, { @@ -40207,7 +40207,7 @@ } ], "source": [ - "explainer.plot_shap_interaction(\"Sex\", \"PassengerClass\")" + "explainer.plot_interaction(\"Sex\", \"PassengerClass\")" ] }, { @@ -41680,7 +41680,7 @@ } ], "source": [ - "explainer.plot_shap_interaction(\"PassengerClass\", \"Sex\")" + "explainer.plot_interaction(\"PassengerClass\", \"Sex\")" ] }, { @@ -42632,7 +42632,7 @@ } ], "source": [ - "explainer.plot_shap_interaction(\"Fare\", \"Age\", highlight_index=name)" + "explainer.plot_interaction(\"Fare\", \"Age\", highlight_index=name)" ] }, { @@ -43521,7 +43521,7 @@ } ], "source": [ - "explainer.plot_shap_interaction(\"Age\", \"Fare\")" + "explainer.plot_interaction(\"Age\", \"Fare\")" ] }, { @@ -72301,7 +72301,7 @@ } ], "source": [ - "explainer.plot_shap_summary(topx=10, cats=True)" + "explainer.plot_shap_detailed(topx=10, cats=True)" ] }, { @@ -91674,7 +91674,7 @@ } ], "source": [ - "explainer.plot_shap_summary(topx=None, cats=False)" + "explainer.plot_shap_detailed(topx=None, cats=False)" ] }, { @@ -91804,7 +91804,7 @@ } ], "source": [ - "explainer.plot_interactions('Sex', cats=True, topx=5)" + "explainer.plot_interactions_importance('Sex', cats=True, topx=5)" ] }, { @@ -91911,7 +91911,7 @@ } ], "source": [ - "explainer.plot_interactions('Age', cats=False, topx=5)" + "explainer.plot_interactions_importance('Age', cats=False, topx=5)" ] }, { @@ -99446,7 +99446,7 @@ } ], "source": [ - "explainer.plot_shap_interaction_summary(\"Sex\", cats=True)" + "explainer.plot_interactions_detailed(\"Sex\", cats=True)" ] }, { @@ -99649,7 +99649,7 @@ ], "source": [ "index = 0 # explain prediction for first row of X_test\n", - "explainer.plot_shap_contributions(index, cats=True, topx=8, round=2)" + "explainer.plot_contributions(index, cats=True, topx=8, round=2)" ] }, { @@ -99953,7 +99953,7 @@ "source": [ "name = test_names[0] # explainer prediction for name\n", "print(name)\n", - "explainer.plot_shap_contributions(name, cats=False, sort='low-to-high', orientation='horizontal')" + "explainer.plot_contributions(name, cats=False, sort='low-to-high', orientation='horizontal')" ] }, { @@ -100658,7 +100658,7 @@ } ], "source": [ - "explainer.plot_shap_dependence(\"Age\")" + "explainer.plot_dependence(\")" ] }, { @@ -101386,7 +101386,7 @@ } ], "source": [ - "explainer.plot_shap_dependence(\"Age\", color_col=\"Sex\")" + "explainer.plot_dependence(\", color_col=\"Sex\")" ] }, { @@ -102322,7 +102322,7 @@ } ], "source": [ - "explainer.plot_shap_dependence(\"Age\", color_col=\"PassengerClass\")" + "explainer.plot_dependence(\", color_col=\"PassengerClass\")" ] }, { @@ -103074,7 +103074,7 @@ ], "source": [ "\n", - "explainer.plot_shap_dependence(\"Age\", color_col=\"Sex\", highlight_index=5)" + "explainer.plot_dependence(\", color_col=\"Sex\", highlight_index=5)" ] }, { @@ -103802,7 +103802,7 @@ } ], "source": [ - "explainer.plot_shap_interaction(\"Sex\", \"PassengerClass\")" + "explainer.plot_interaction(\"Sex\", \"PassengerClass\")" ] }, { @@ -105275,7 +105275,7 @@ } ], "source": [ - "explainer.plot_shap_interaction(\"PassengerClass\", \"Sex\")" + "explainer.plot_interaction(\"PassengerClass\", \"Sex\")" ] }, { @@ -106227,7 +106227,7 @@ } ], "source": [ - "explainer.plot_shap_interaction(\"PassengerClass\", \"Age\", highlight_index=5)" + "explainer.plot_interaction(\"PassengerClass\", \"Age\", highlight_index=5)" ] }, { @@ -107116,7 +107116,7 @@ } ], "source": [ - "explainer.plot_shap_interaction(\"Age\", \"PassengerClass\")" + "explainer.plot_interaction(\"Age\", \"PassengerClass\")" ] }, { @@ -124338,7 +124338,7 @@ } ], "source": [ - "explainer.decisiontree_df(tree_idx=20, index=name)" + "explainer.decisionpath_df(tree_idx=20, index=name)" ] }, { @@ -124458,7 +124458,7 @@ } ], "source": [ - "decisiontree_df = explainer.decisiontree_summary_df(tree_idx=5, index=name)\n", + "decisiontree_df = explainer.decisionpath_summary_df(tree_idx=5, index=name)\n", "decisiontree_df" ] }, @@ -126352,7 +126352,7 @@ } ], "source": [ - "explainer.decision_path(tree_idx=5, index=name)" + "explainer.decisiontree(tree_idx=5, index=name)" ] }, { diff --git a/explainerdashboard/dashboard_components/shap_components.py b/explainerdashboard/dashboard_components/shap_components.py index fdcbe23..1b41f4b 100644 --- a/explainerdashboard/dashboard_components/shap_components.py +++ b/explainerdashboard/dashboard_components/shap_components.py @@ -158,7 +158,7 @@ def update_shap_summary_graph(summary_type, depth, index, pos_label): plot = self.explainer.plot_importances( kind='shap', topx=depth, pos_label=pos_label) elif summary_type == 'detailed': - plot = self.explainer.plot_shap_summary( + plot = self.explainer.plot_shap_detailed( topx=depth, pos_label=pos_label, index=index, max_cat_colors=self.max_cat_colors) ctx = dash.callback_context @@ -358,7 +358,7 @@ def update_dependence_graph(color_col, index, topx, sort, pos_label, col): if col is not None: if color_col =="no_color_col": color_col, index = None, None - return self.explainer.plot_shap_dependence( + return self.explainer.plot_dependence( col, color_col, topx=topx, sort=sort, highlight_index=index, max_cat_colors=self.max_cat_colors, pos_label=pos_label) @@ -558,11 +558,11 @@ def update_interaction_scatter_graph(col, depth, summary_type, index, pos_label) if col is not None: depth = None if depth is None else int(depth) if summary_type=='aggregate': - plot = self.explainer.plot_interactions( + plot = self.explainer.plot_interactions_importance( col, topx=depth, pos_label=pos_label) return plot, dict(display="none") elif summary_type=='detailed': - plot = self.explainer.plot_shap_interaction_summary( + plot = self.explainer.plot_interactions_detailed( col, topx=depth, pos_label=pos_label, index=index, max_cat_colors=self.max_cat_colors) return plot, {} @@ -797,7 +797,7 @@ def update_interaction_dependence_interact_col(col, pos_label, old_interact_col) def update_dependence_graph(interact_col, index, topx, sort, pos_label, col): if col is not None and interact_col is not None: style = {} if interact_col in self.explainer.cat_cols else dict(display="none") - return (self.explainer.plot_shap_interaction( + return (self.explainer.plot_interaction( interact_col, col, highlight_index=index, pos_label=pos_label, topx=topx, sort=sort, max_cat_colors=self.max_cat_colors), style) @@ -815,7 +815,7 @@ def update_dependence_graph(interact_col, index, topx, sort, pos_label, col): def update_dependence_graph(interact_col, index, topx, sort, pos_label, col): if col is not None and interact_col is not None: style = {} if col in self.explainer.cat_cols else dict(display="none") - return (self.explainer.plot_shap_interaction( + return (self.explainer.plot_interaction( col, interact_col, highlight_index=index, pos_label=pos_label, topx=topx, sort=sort, max_cat_colors=self.max_cat_colors), style) @@ -1012,7 +1012,7 @@ def update_output_div(index, depth, sort, orientation, pos_label): if index is None: raise PreventUpdate depth = None if depth is None else int(depth) - plot = self.explainer.plot_shap_contributions(index, topx=depth, + plot = self.explainer.plot_contributions(index, topx=depth, sort=sort, orientation=orientation, pos_label=pos_label, higher_is_better=self.higher_is_better) return plot @@ -1028,7 +1028,7 @@ def update_output_div(depth, sort, orientation, pos_label, *inputs): depth = None if depth is None else int(depth) if not any([i is None for i in inputs]): X_row = self.explainer.get_row_from_input(inputs, ranked_by_shap=True) - plot = self.explainer.plot_shap_contributions(X_row=X_row, + plot = self.explainer.plot_contributions(X_row=X_row, topx=depth, sort=sort, orientation=orientation, pos_label=pos_label, higher_is_better=self.higher_is_better) return plot diff --git a/explainerdashboard/explainers.py b/explainerdashboard/explainers.py index 2fad656..eec0021 100644 --- a/explainerdashboard/explainers.py +++ b/explainerdashboard/explainers.py @@ -338,41 +338,6 @@ def __contains__(self, index): return True return False - @property - def shap_explainer(self): - """ """ - if not hasattr(self, '_shap_explainer'): - X_str = ", X_background" if self.X_background is not None else 'X' - NoX_str = ", X_background" if self.X_background is not None else '' - if self.shap == 'tree': - print("Generating self.shap_explainer = " - f"shap.TreeExplainer(model{NoX_str})") - self._shap_explainer = shap.TreeExplainer(self.model) - elif self.shap=='linear': - if self.X_background is None: - print( - "Warning: shap values for shap.LinearExplainer get " - "calculated against X_background, but paramater " - "X_background=None, so using X instead") - print(f"Generating self.shap_explainer = shap.LinearExplainer(model{X_str})...") - self._shap_explainer = shap.LinearExplainer(self.model, - self.X_background if self.X_background is not None else self.X) - elif self.shap=='deep': - print(f"Generating self.shap_explainer = " - f"shap.DeepExplainer(model{NoX_str})") - self._shap_explainer = shap.DeepExplainer(self.model) - elif self.shap=='kernel': - if self.X_background is None: - print( - "Warning: shap values for shap.LinearExplainer get " - "calculated against X_background, but paramater " - "X_background=None, so using X instead") - print("Generating self.shap_explainer = " - f"shap.KernelExplainer(model, {X_str})...") - self._shap_explainer = shap.KernelExplainer(self.model, - self.X_background if self.X_background is not None else self.X) - return self._shap_explainer - def get_idx(self, index): """Turn str index into an int index @@ -405,78 +370,16 @@ def get_index(self, index): return index return None - def random_index(self, y_min=None, y_max=None, pred_min=None, pred_max=None, - return_str=False, **kwargs): - """random index following constraints - - Args: - y_min: (Default value = None) - y_max: (Default value = None) - pred_min: (Default value = None) - pred_max: (Default value = None) - return_str: (Default value = False) - **kwargs: - - Returns: - if y_values is given select an index for which y in y_values - if return_str return str index from self.idxs - """ - - if pred_min is None: - pred_min = self.preds.min() - if pred_max is None: - pred_max = self.preds.max() - - if not self.y_missing: - if y_min is None: y_min = self.y.min() - if y_max is None: y_max = self.y.max() - - potential_idxs = self.y[(self.y>=y_min) & - (self.y <= y_max) & - (self.preds>=pred_min) & - (self.preds <= pred_max)].index - else: - potential_idxs = self.y[(self.preds>=pred_min) & - (self.preds <= pred_max)].index - - if len(potential_idxs) > 0: - idx = np.random.choice(potential_idxs) - else: - return None - if return_str: - return self.idxs[idx] - return idx - @property - def preds(self): - """returns model model predictions""" - if not hasattr(self, '_preds'): - print("Calculating predictions...", flush=True) - self._preds = self.model.predict(self.X).astype(self.precision) - return self._preds - - def pred_percentiles(self, pos_label=None): - """returns percentile rank of model predictions""" - if not hasattr(self, '_pred_percentiles'): - print("Calculating prediction percentiles...", flush=True) - self._pred_percentiles = (pd.Series(self.preds) - .rank(method='min') - .divide(len(self.preds)) - .values).astype(self.precision) - return self._pred_percentiles - - def columns_ranked_by_shap(self, pos_label=None): - """returns the columns of X, ranked by mean abs shap value - - Args: - cats: Group categorical together (Default value = False) - pos_label: (Default value = None) - - Returns: - list of columns + def X_cats(self): + """X with categorical variables grouped together""" + if not hasattr(self, '_X_cats'): + self._X_cats = merge_categorical_columns(self.X, self.onehot_dict, drop_regular=True) + return self._X_cats - """ - return self.mean_abs_shap_df(pos_label).Feature.tolist() + @property + def X_merged(self): + return self.X.merge(self.X_cats, left_index=True, right_index=True)[self.merged_cols] @property def n_features(self): @@ -487,51 +390,6 @@ def n_features(self): """ return len(self.merged_cols) - def ordered_cats(self, col, topx=None, sort='alphabet', pos_label=None): - """Return a list of categories in an categorical column, sorted - by mode. - - Args: - col (str): Categorical feature to return categories for. - topx (int, optional): Return topx top categories. Defaults to None. - sort (str, optional): Sorting method, either alphabetically ('alphabet'), - by frequency ('freq') or mean absolute shap ('shap'). - Defaults to 'alphabet'. - - Raises: - ValueError: if sort is other than 'alphabet', 'freq', 'shap - - Returns: - list - """ - if pos_label is None: pos_label = self.pos_label - assert col in self.cat_cols, \ - f"{col} is not a categorical feature!" - if col in self.onehot_cols: - X = self.X_cats - else: - X = self.X - - if sort=='alphabet': - if topx is None: - return sorted(X[col].unique().tolist()) - else: - return sorted(X[col].unique().tolist())[:topx] - elif sort=='freq': - if topx is None: - return X[col].value_counts().index.tolist() - else: - return X[col].value_counts().nlargest(topx).index.tolist() - elif sort=='shap': - if topx is None: - return (pd.Series(self.shap_values_df(pos_label)[col].values, index=self.X_cats[col].values) - .abs().groupby(level=0).mean().sort_values(ascending=False).index.tolist()) - else: - return (pd.Series(self.shap_values_df(pos_label)[col].values, index=self.X_cats[col].values) - .abs().groupby(level=0).mean().sort_values(ascending=False).nlargest(topx).index.tolist()) - else: - raise ValueError(f"sort='{sort}', but should be in {{'alphabet', 'freq', 'shap'}}") - def get_index_list(self): if self._get_index_list_func is not None: index_list = self._get_index_list_func() @@ -603,31 +461,6 @@ def get_row_from_input(self, inputs:List, ranked_by_shap=False, return_merged=Fa f"explainer.merged_cols ({len(self.merged_cols)}) or " f"explainer.columns ({len(self.columns)})!") - - def description(self, col): - """returns the written out description of what feature col means - - Args: - col(str): col to get description for - - Returns: - str, description - """ - if col in self.descriptions.keys(): - return self.descriptions[col] - return "" - - def description_list(self, cols): - """returns a list of descriptions of a list of cols - - Args: - cols(list): cols to be converted to descriptions - - Returns: - list of descriptions - """ - return [self.description(col) for col in cols] - def get_col(self, col): """return pd.Series with values of col @@ -692,6 +525,93 @@ def get_col_value_plus_prediction(self, col, index=None, X_row=None, pos_label=N else: raise ValueError("You need to pass either index or X_row!") + def description(self, col): + """returns the written out description of what feature col means + + Args: + col(str): col to get description for + + Returns: + str, description + """ + if col in self.descriptions.keys(): + return self.descriptions[col] + return "" + + def description_list(self, cols): + """returns a list of descriptions of a list of cols + + Args: + cols(list): cols to be converted to descriptions + + Returns: + list of descriptions + """ + return [self.description(col) for col in cols] + + def ordered_cats(self, col, topx=None, sort='alphabet', pos_label=None): + """Return a list of categories in an categorical column, sorted + by mode. + + Args: + col (str): Categorical feature to return categories for. + topx (int, optional): Return topx top categories. Defaults to None. + sort (str, optional): Sorting method, either alphabetically ('alphabet'), + by frequency ('freq') or mean absolute shap ('shap'). + Defaults to 'alphabet'. + + Raises: + ValueError: if sort is other than 'alphabet', 'freq', 'shap + + Returns: + list + """ + if pos_label is None: pos_label = self.pos_label + assert col in self.cat_cols, \ + f"{col} is not a categorical feature!" + if col in self.onehot_cols: + X = self.X_cats + else: + X = self.X + + if sort=='alphabet': + if topx is None: + return sorted(X[col].unique().tolist()) + else: + return sorted(X[col].unique().tolist())[:topx] + elif sort=='freq': + if topx is None: + return X[col].value_counts().index.tolist() + else: + return X[col].value_counts().nlargest(topx).index.tolist() + elif sort=='shap': + if topx is None: + return (pd.Series(self.shap_values_df(pos_label)[col].values, index=self.X_cats[col].values) + .abs().groupby(level=0).mean().sort_values(ascending=False).index.tolist()) + else: + return (pd.Series(self.shap_values_df(pos_label)[col].values, index=self.X_cats[col].values) + .abs().groupby(level=0).mean().sort_values(ascending=False).nlargest(topx).index.tolist()) + else: + raise ValueError(f"sort='{sort}', but should be in {{'alphabet', 'freq', 'shap'}}") + + @property + def preds(self): + """returns model model predictions""" + if not hasattr(self, '_preds'): + print("Calculating predictions...", flush=True) + self._preds = self.model.predict(self.X).astype(self.precision) + return self._preds + + def pred_percentiles(self, pos_label=None): + """returns percentile rank of model predictions""" + if not hasattr(self, '_pred_percentiles'): + print("Calculating prediction percentiles...", flush=True) + self._pred_percentiles = (pd.Series(self.preds) + .rank(method='min') + .divide(len(self.preds)) + .values).astype(self.precision) + return self._pred_percentiles + @insert_pos_label def permutation_importances(self, pos_label=None): """Permutation importances """ @@ -707,16 +627,65 @@ def permutation_importances(self, pos_label=None): self._perm_imps = self._perm_imps return self._perm_imps - @property - def X_cats(self): - """X with categorical variables grouped together""" - if not hasattr(self, '_X_cats'): - self._X_cats = merge_categorical_columns(self.X, self.onehot_dict, drop_regular=True) - return self._X_cats + @insert_pos_label + def get_permutation_importances_df(self, topx=None, cutoff=None, pos_label=None): + """dataframe with features ordered by permutation importance. + + For more about permutation importances. + + see https://explained.ai/rf-importance/index.html + + Args: + topx(int, optional, optional): only return topx most important + features, defaults to None + cutoff(float, optional, optional): only return features with importance + of at least cutoff, defaults to None + pos_label: (Default value = None) + + Returns: + pd.DataFrame: importance_df + + """ + importance_df = self.permutation_importances(pos_label) + + if topx is None: topx = len(importance_df) + if cutoff is None: cutoff = importance_df.Importance.min() + return importance_df[importance_df.Importance >= cutoff].head(topx) @property - def X_merged(self): - return self.X.merge(self.X_cats, left_index=True, right_index=True)[self.merged_cols] + def shap_explainer(self): + """ """ + if not hasattr(self, '_shap_explainer'): + X_str = ", X_background" if self.X_background is not None else 'X' + NoX_str = ", X_background" if self.X_background is not None else '' + if self.shap == 'tree': + print("Generating self.shap_explainer = " + f"shap.TreeExplainer(model{NoX_str})") + self._shap_explainer = shap.TreeExplainer(self.model) + elif self.shap=='linear': + if self.X_background is None: + print( + "Warning: shap values for shap.LinearExplainer get " + "calculated against X_background, but paramater " + "X_background=None, so using X instead") + print(f"Generating self.shap_explainer = shap.LinearExplainer(model{X_str})...") + self._shap_explainer = shap.LinearExplainer(self.model, + self.X_background if self.X_background is not None else self.X) + elif self.shap=='deep': + print(f"Generating self.shap_explainer = " + f"shap.DeepExplainer(model{NoX_str})") + self._shap_explainer = shap.DeepExplainer(self.model) + elif self.shap=='kernel': + if self.X_background is None: + print( + "Warning: shap values for shap.LinearExplainer get " + "calculated against X_background, but paramater " + "X_background=None, so using X instead") + print("Generating self.shap_explainer = " + f"shap.KernelExplainer(model, {X_str})...") + self._shap_explainer = shap.KernelExplainer(self.model, + self.X_background if self.X_background is not None else self.X) + return self._shap_explainer @insert_pos_label def shap_base_value(self, pos_label=None): @@ -777,80 +746,20 @@ def mean_abs_shap_df(self, pos_label=None): .rename(columns={0:"MEAN_ABS_SHAP"})) return self._mean_abs_shap_df - - def calculate_properties(self, include_interactions=True): - """Explicitely calculates all lazily calculated properties. - Useful so that properties are not calculate multiple times in - parallel when starting a dashboard. + @insert_pos_label + def columns_ranked_by_shap(self, pos_label=None): + """returns the columns of X, ranked by mean abs shap value Args: - include_interactions(bool, optional, optional): shap interaction values can take a long - time to compute for larger datasets with more features. Therefore you - can choose not to calculate these, defaults to True + cats: Group categorical together (Default value = False) + pos_label: (Default value = None) Returns: + list of columns """ - _ = (self.preds, self.pred_percentiles, - self.shap_base_value, self.shap_values_df, - self.mean_abs_shap_df) - if not self.y_missing: - _ = self.permutation_importances - if self.onehot_cols: - _ = self.X_cats - if self.interactions_should_work and include_interactions: - _ = self.shap_interaction_values - - def memory_usage(self, cutoff=0): - """returns a pd.DataFrame witht the memory usage of each attribute of - this explainer object""" - def get_size(obj): - def get_inner_size(obj): - if isinstance(obj, pd.DataFrame): - return obj.memory_usage().sum() - elif isinstance(obj, pd.Series): - return obj.memory_usage() - elif isinstance(obj, pd.Index): - return obj.memory_usage() - elif isinstance(obj, np.ndarray): - return obj.nbytes - else: - return sys.getsizeof(obj) - - if isinstance(obj, list): - return sum([get_inner_size(o) for o in obj]) - elif isinstance(obj, dict): - return sum([get_inner_size(o) for o in obj.values()]) - else: - return get_inner_size(obj) - - def size_to_string(num, suffix='B'): - for unit in ['','Ki','Mi','Gi','Ti','Pi','Ei','Zi']: - if np.abs(num) < 1024.0: - return "%3.1f%s%s" % (num, unit, suffix) - num /= 1024.0 - return "%.1f%s%s" % (num, 'Yi', suffix) - - memory_df = pd.DataFrame(columns=['property', 'type', 'bytes', 'size']) - for k, v in self.__dict__.items(): - memory_df = memory_df.append(dict( - property=f"self.{k}", type=v.__class__.__name__, - bytes=get_size(v), size=size_to_string(get_size(v))), - ignore_index=True) - - print("Explainer total memory usage (approximate): ", - size_to_string(memory_df.bytes.sum()), flush=True) - return (memory_df[memory_df.bytes>cutoff] - .sort_values("bytes", ascending=False) - .reset_index(drop=True)) + return self.mean_abs_shap_df(pos_label).Feature.tolist() - def metrics(self, *args, **kwargs): - """returns a dict of metrics. - - Implemented by either ClassifierExplainer or RegressionExplainer - """ - return {} - @insert_pos_label def get_mean_abs_shap_df(self, topx=None, cutoff=None, pos_label=None): """sorted dataframe with mean_abs_shap @@ -925,30 +834,121 @@ def shap_interaction_values_for_col(self, col, interact_col=None, pos_label=None return self.shap_interaction_values(pos_label)[ :, self.merged_cols.get_loc(col), self.merged_cols.get_loc(interact_col)] - @insert_pos_label - def get_permutation_importances_df(self, topx=None, cutoff=None, pos_label=None): - """dataframe with features ordered by permutation importance. - - For more about permutation importances. - - see https://explained.ai/rf-importance/index.html + + def calculate_properties(self, include_interactions=True): + """Explicitely calculates all lazily calculated properties. + Useful so that properties are not calculate multiple times in + parallel when starting a dashboard. Args: - topx(int, optional, optional): only return topx most important - features, defaults to None - cutoff(float, optional, optional): only return features with importance - of at least cutoff, defaults to None - pos_label: (Default value = None) + include_interactions(bool, optional, optional): shap interaction values can take a long + time to compute for larger datasets with more features. Therefore you + can choose not to calculate these, defaults to True Returns: - pd.DataFrame: importance_df """ - importance_df = self.permutation_importances(pos_label) + _ = (self.preds, self.pred_percentiles, + self.shap_base_value, self.shap_values_df, + self.mean_abs_shap_df) + if not self.y_missing: + _ = self.permutation_importances + if self.onehot_cols: + _ = self.X_cats + if self.interactions_should_work and include_interactions: + _ = self.shap_interaction_values - if topx is None: topx = len(importance_df) - if cutoff is None: cutoff = importance_df.Importance.min() - return importance_df[importance_df.Importance >= cutoff].head(topx) + def memory_usage(self, cutoff=0): + """returns a pd.DataFrame witht the memory usage of each attribute of + this explainer object""" + def get_size(obj): + def get_inner_size(obj): + if isinstance(obj, pd.DataFrame): + return obj.memory_usage().sum() + elif isinstance(obj, pd.Series): + return obj.memory_usage() + elif isinstance(obj, pd.Index): + return obj.memory_usage() + elif isinstance(obj, np.ndarray): + return obj.nbytes + else: + return sys.getsizeof(obj) + + if isinstance(obj, list): + return sum([get_inner_size(o) for o in obj]) + elif isinstance(obj, dict): + return sum([get_inner_size(o) for o in obj.values()]) + else: + return get_inner_size(obj) + + def size_to_string(num, suffix='B'): + for unit in ['','Ki','Mi','Gi','Ti','Pi','Ei','Zi']: + if np.abs(num) < 1024.0: + return "%3.1f%s%s" % (num, unit, suffix) + num /= 1024.0 + return "%.1f%s%s" % (num, 'Yi', suffix) + + memory_df = pd.DataFrame(columns=['property', 'type', 'bytes', 'size']) + for k, v in self.__dict__.items(): + memory_df = memory_df.append(dict( + property=f"self.{k}", type=v.__class__.__name__, + bytes=get_size(v), size=size_to_string(get_size(v))), + ignore_index=True) + + print("Explainer total memory usage (approximate): ", + size_to_string(memory_df.bytes.sum()), flush=True) + return (memory_df[memory_df.bytes>cutoff] + .sort_values("bytes", ascending=False) + .reset_index(drop=True)) + + def random_index(self, y_min=None, y_max=None, pred_min=None, pred_max=None, + return_str=False, **kwargs): + """random index following constraints + + Args: + y_min: (Default value = None) + y_max: (Default value = None) + pred_min: (Default value = None) + pred_max: (Default value = None) + return_str: (Default value = False) + **kwargs: + + Returns: + if y_values is given select an index for which y in y_values + if return_str return str index from self.idxs + """ + + if pred_min is None: + pred_min = self.preds.min() + if pred_max is None: + pred_max = self.preds.max() + + if not self.y_missing: + if y_min is None: y_min = self.y.min() + if y_max is None: y_max = self.y.max() + + potential_idxs = self.y[(self.y>=y_min) & + (self.y <= y_max) & + (self.preds>=pred_min) & + (self.preds <= pred_max)].index + else: + potential_idxs = self.y[(self.preds>=pred_min) & + (self.preds <= pred_max)].index + + if len(potential_idxs) > 0: + idx = np.random.choice(potential_idxs) + else: + return None + if return_str: + return self.idxs[idx] + return idx + + def metrics(self, *args, **kwargs): + """returns a dict of metrics. + + Implemented by either ClassifierExplainer or RegressionExplainer + """ + return {} @insert_pos_label def get_importances_df(self, kind="shap", topx=None, cutoff=None, pos_label=None): @@ -1131,20 +1131,6 @@ def pdp_df(self, col, index=None, X_row=None, drop_na=True, sample=500, if index is not None: X_row = self.get_X_row(index) - # index = self.get_index(index) - # if isinstance(features, str) and drop_na: # regular col, not onehotencoded - # sample_size=min(sample, len(self.X[(self.X[features] != self.na_fill)])-1) - # sampleX = pd.concat([ - # self.X[self.X.index==index], - # self.X[(self.X.index != index) & (self.X[features] != self.na_fill)]\ - # .sample(sample_size)], - # ignore_index=True, axis=0) - # else: - # sample_size = min(sample, len(self.X)-1) - # sampleX = pd.concat([ - # self.X[self.X.index==index], - # self.X[(self.X.index!=index)].sample(sample_size)], - # ignore_index=True, axis=0) if X_row is not None: if matching_cols(X_row.columns, self.merged_cols): X_row = X_cats_to_X(X_row, self.onehot_dict, self.X.columns) @@ -1215,65 +1201,10 @@ def plot_importances(self, kind='shap', topx=None, round=3, pos_label=None): descriptions = self.description_list(importances_df.Feature) return plotly_importances_plot(importances_df, descriptions, round=round, units=units, title=title) else: - return plotly_importances_plot(importances_df, round=round, units=units, title=title) - - @insert_pos_label - def plot_interactions(self, col, topx=None, pos_label=None): - """plot mean absolute shap interaction value for col. - - Args: - col: column for which to generate shap interaction value - topx(int, optional, optional): Only return topx features, defaults to None - pos_label: (Default value = None) - - Returns: - plotly.fig: fig - - """ - interactions_df = self.interactions_df(col, topx=topx, pos_label=pos_label) - title = f"Average interaction shap values for {col}" - return plotly_importances_plot(interactions_df, units=self.units, title=title) - - @insert_pos_label - def plot_shap_contributions(self, index=None, X_row=None, topx=None, cutoff=None, - sort='abs', orientation='vertical', higher_is_better=True, - round=2, pos_label=None): - """plot waterfall plot of shap value contributions to the model prediction for index. - - Args: - index(int or str): index for which to display prediction - X_row (pd.DataFrame single row): a single row of a features to plot - shap contributions for. Can use this instead of index for - what-if scenarios. - topx(int, optional, optional): Only display topx features, - defaults to None - cutoff(float, optional, optional): Only display features with at least - cutoff contribution, defaults to None - sort({'abs', 'high-to-low', 'low-to-high', 'importance'}, optional): - sort by absolute shap value, or from high to low, - or low to high, or by order of shap feature importance. - Defaults to 'abs'. - orientation({'vertical', 'horizontal'}): Horizontal or vertical bar chart. - Horizontal may be better if you have lots of features. - Defaults to 'vertical'. - higher_is_better (bool): if True, up=green, down=red. If false reversed. - Defaults to True. - round(int, optional, optional): round contributions to round precision, - defaults to 2 - pos_label: (Default value = None) - - Returns: - plotly.Fig: fig - - """ - assert orientation in ['vertical', 'horizontal'] - contrib_df = self.contrib_df(index, X_row, topx, cutoff, sort, pos_label) - return plotly_contribution_plot(contrib_df, model_output=self.model_output, - orientation=orientation, round=round, higher_is_better=higher_is_better, - target=self.target, units=self.units) + return plotly_importances_plot(importances_df, round=round, units=units, title=title) @insert_pos_label - def plot_shap_summary(self, index=None, topx=None, max_cat_colors=5, pos_label=None): + def plot_shap_detailed(self, index=None, topx=None, max_cat_colors=5, pos_label=None): """Plot barchart of mean absolute shap value. Displays all individual shap value for each feature in a horizontal @@ -1320,36 +1251,45 @@ def plot_shap_summary(self, index=None, topx=None, max_cat_colors=5, pos_label=N max_cat_colors=max_cat_colors) @insert_pos_label - def plot_shap_interaction_summary(self, col, index=None, topx=None, - max_cat_colors=5, pos_label=None): - """Plot barchart of mean absolute shap interaction values - - Displays all individual shap interaction values for each feature in a - horizontal scatter chart in descending order by mean absolute shap value. + def plot_contributions(self, index=None, X_row=None, topx=None, cutoff=None, + sort='abs', orientation='vertical', higher_is_better=True, + round=2, pos_label=None): + """plot waterfall plot of shap value contributions to the model prediction for index. Args: - col(type]): feature for which to show interactions summary - index (str or int): index to highlight - topx(int, optional): only show topx most important features, defaults to None - max_cat_colors (int, optional): for categorical features, maximum number - of categories to label with own color. Defaults to 5. - pos_label: positive class (Default value = None) + index(int or str): index for which to display prediction + X_row (pd.DataFrame single row): a single row of a features to plot + shap contributions for. Can use this instead of index for + what-if scenarios. + topx(int, optional, optional): Only display topx features, + defaults to None + cutoff(float, optional, optional): Only display features with at least + cutoff contribution, defaults to None + sort({'abs', 'high-to-low', 'low-to-high', 'importance'}, optional): + sort by absolute shap value, or from high to low, + or low to high, or by order of shap feature importance. + Defaults to 'abs'. + orientation({'vertical', 'horizontal'}): Horizontal or vertical bar chart. + Horizontal may be better if you have lots of features. + Defaults to 'vertical'. + higher_is_better (bool): if True, up=green, down=red. If false reversed. + Defaults to True. + round(int, optional, optional): round contributions to round precision, + defaults to 2 + pos_label: (Default value = None) Returns: - fig + plotly.Fig: fig + """ - interact_cols = self.top_shap_interactions(col, pos_label=pos_label) - shap_df = pd.DataFrame(self.shap_interaction_values_for_col(col, pos_label=pos_label), - columns=self.merged_cols) - if topx is None: topx = len(interact_cols) - title = f"Shap interaction values for {col}" - return plotly_shap_scatter_plot( - self.X_merged, shap_df, interact_cols[:topx], title=title, - idxs=self.idxs, highlight_index=index, na_fill=self.na_fill, - max_cat_colors=max_cat_colors) + assert orientation in ['vertical', 'horizontal'] + contrib_df = self.contrib_df(index, X_row, topx, cutoff, sort, pos_label) + return plotly_contribution_plot(contrib_df, model_output=self.model_output, + orientation=orientation, round=round, higher_is_better=higher_is_better, + target=self.target, units=self.units) @insert_pos_label - def plot_shap_dependence(self, col, color_col=None, highlight_index=None, + def plot_dependence(self, col, color_col=None, highlight_index=None, topx=None, sort='alphabet', max_cat_colors=5, round=3, pos_label=None): """plot shap dependence @@ -1403,7 +1343,7 @@ def plot_shap_dependence(self, col, color_col=None, highlight_index=None, round=round) @insert_pos_label - def plot_shap_interaction(self, col, interact_col, highlight_index=None, + def plot_interaction(self, col, interact_col, highlight_index=None, topx=10, sort='alphabet', max_cat_colors=5, pos_label=None): """plots a dependence plot for shap interaction effects @@ -1440,7 +1380,53 @@ def plot_shap_interaction(self, col, interact_col, highlight_index=None, self.get_col(interact_col), interaction=True, units=self.units, highlight_index=highlight_index, idxs=self.idxs) - + + @insert_pos_label + def plot_interactions_importance(self, col, topx=None, pos_label=None): + """plot mean absolute shap interaction value for col. + + Args: + col: column for which to generate shap interaction value + topx(int, optional, optional): Only return topx features, defaults to None + pos_label: (Default value = None) + + Returns: + plotly.fig: fig + + """ + interactions_df = self.interactions_df(col, topx=topx, pos_label=pos_label) + title = f"Average interaction shap values for {col}" + return plotly_importances_plot(interactions_df, units=self.units, title=title) + + @insert_pos_label + def plot_interactions_detailed(self, col, index=None, topx=None, + max_cat_colors=5, pos_label=None): + """Plot barchart of mean absolute shap interaction values + + Displays all individual shap interaction values for each feature in a + horizontal scatter chart in descending order by mean absolute shap value. + + Args: + col(type]): feature for which to show interactions summary + index (str or int): index to highlight + topx(int, optional): only show topx most important features, defaults to None + max_cat_colors (int, optional): for categorical features, maximum number + of categories to label with own color. Defaults to 5. + pos_label: positive class (Default value = None) + + Returns: + fig + """ + interact_cols = self.top_shap_interactions(col, pos_label=pos_label) + shap_df = pd.DataFrame(self.shap_interaction_values_for_col(col, pos_label=pos_label), + columns=self.merged_cols) + if topx is None: topx = len(interact_cols) + title = f"Shap interaction values for {col}" + return plotly_shap_scatter_plot( + self.X_merged, shap_df, interact_cols[:topx], title=title, + idxs=self.idxs, highlight_index=index, na_fill=self.na_fill, + max_cat_colors=max_cat_colors) + @insert_pos_label def plot_pdp(self, col, index=None, X_row=None, drop_na=True, sample=100, gridlines=100, gridpoints=10, sort='freq', round=2, @@ -1561,85 +1547,6 @@ def __init__(self, model, X, y=None, permutation_metric=roc_auc_score, _ = self.shap_explainer - @property - def shap_explainer(self): - """Initialize SHAP explainer. - - Taking into account model type and model_output - """ - if not hasattr(self, '_shap_explainer'): - model_str = str(type(self.model)).replace("'", "").replace("<", "").replace(">", "").split(".")[-1] - if self.shap == 'tree': - if safe_isinstance(self.model, - "XGBClassifier", "LGBMClassifier", "CatBoostClassifier", - "GradientBoostingClassifier", "HistGradientBoostingClassifier"): - if self.model_output == "probability": - if self.X_background is None: - print( - f"Note: model_output=='probability'. For {model_str} shap values normally get " - "calculated against X_background, but paramater X_background=None, " - "so using X instead") - print("Generating self.shap_explainer = shap.TreeExplainer(model, " - f"{'X_background' if self.X_background is not None else 'X'}" - ", model_output='probability', feature_perturbation='interventional')...") - print("Note: Shap interaction values will not be available. " - "If shap values in probability space are not necessary you can " - "pass model_output='logodds' to get shap values in logodds without the need for " - "a background dataset and also working shap interaction values...") - self._shap_explainer = shap.TreeExplainer( - self.model, - self.X_background if self.X_background is not None else self.X, - model_output="probability", - feature_perturbation="interventional") - self.interactions_should_work = False - else: - self.model_output = "logodds" - print(f"Generating self.shap_explainer = shap.TreeExplainer(model{', X_background' if self.X_background is not None else ''})") - self._shap_explainer = shap.TreeExplainer(self.model, self.X_background) - else: - if self.model_output == "probability": - print(f"Note: model_output=='probability', so assuming that raw shap output of {model_str} is in probability space...") - print(f"Generating self.shap_explainer = shap.TreeExplainer(model{', X_background' if self.X_background is not None else ''})") - self._shap_explainer = shap.TreeExplainer(self.model, self.X_background) - - - elif self.shap=='linear': - if self.model_output == "probability": - print( - "Note: model_output='probability' is currently not supported for linear classifiers " - "models with shap. So defaulting to model_output='logodds' " - "If you really need probability outputs use shap='kernel' instead." - ) - self.model_output = "logodds" - if self.X_background is None: - print( - "Note: shap values for shap='linear' get calculated against " - "X_background, but paramater X_background=None, so using X instead...") - print("Generating self.shap_explainer = shap.LinearExplainer(model, " - f"{'X_background' if self.X_background is not None else 'X'})...") - - self._shap_explainer = shap.LinearExplainer(self.model, - self.X_background if self.X_background is not None else self.X) - elif self.shap=='deep': - print("Generating self.shap_explainer = shap.DeepExplainer(model{', X_background' if self.X_background is not None else ''})") - self._shap_explainer = shap.DeepExplainer(self.model, self.X_background) - elif self.shap=='kernel': - if self.X_background is None: - print( - "Note: shap values for shap='kernel' normally get calculated against " - "X_background, but paramater X_background=None, so using X instead...") - if self.model_output != "probability": - print( - "Note: for ClassifierExplainer shap='kernel' defaults to model_output='probability" - ) - self.model_output = 'probability' - print("Generating self.shap_explainer = shap.KernelExplainer(model, " - f"{'X_background' if self.X_background is not None else 'X'}" - ", link='identity')") - self._shap_explainer = shap.KernelExplainer(self.model.predict_proba, - self.X_background if self.X_background is not None else self.X, - link="identity") - return self._shap_explainer @property def pos_label(self): @@ -1728,6 +1635,86 @@ def permutation_importances(self, pos_label=None): return self._perm_imps[pos_label] + @property + def shap_explainer(self): + """Initialize SHAP explainer. + + Taking into account model type and model_output + """ + if not hasattr(self, '_shap_explainer'): + model_str = str(type(self.model)).replace("'", "").replace("<", "").replace(">", "").split(".")[-1] + if self.shap == 'tree': + if safe_isinstance(self.model, + "XGBClassifier", "LGBMClassifier", "CatBoostClassifier", + "GradientBoostingClassifier", "HistGradientBoostingClassifier"): + if self.model_output == "probability": + if self.X_background is None: + print( + f"Note: model_output=='probability'. For {model_str} shap values normally get " + "calculated against X_background, but paramater X_background=None, " + "so using X instead") + print("Generating self.shap_explainer = shap.TreeExplainer(model, " + f"{'X_background' if self.X_background is not None else 'X'}" + ", model_output='probability', feature_perturbation='interventional')...") + print("Note: Shap interaction values will not be available. " + "If shap values in probability space are not necessary you can " + "pass model_output='logodds' to get shap values in logodds without the need for " + "a background dataset and also working shap interaction values...") + self._shap_explainer = shap.TreeExplainer( + self.model, + self.X_background if self.X_background is not None else self.X, + model_output="probability", + feature_perturbation="interventional") + self.interactions_should_work = False + else: + self.model_output = "logodds" + print(f"Generating self.shap_explainer = shap.TreeExplainer(model{', X_background' if self.X_background is not None else ''})") + self._shap_explainer = shap.TreeExplainer(self.model, self.X_background) + else: + if self.model_output == "probability": + print(f"Note: model_output=='probability', so assuming that raw shap output of {model_str} is in probability space...") + print(f"Generating self.shap_explainer = shap.TreeExplainer(model{', X_background' if self.X_background is not None else ''})") + self._shap_explainer = shap.TreeExplainer(self.model, self.X_background) + + + elif self.shap=='linear': + if self.model_output == "probability": + print( + "Note: model_output='probability' is currently not supported for linear classifiers " + "models with shap. So defaulting to model_output='logodds' " + "If you really need probability outputs use shap='kernel' instead." + ) + self.model_output = "logodds" + if self.X_background is None: + print( + "Note: shap values for shap='linear' get calculated against " + "X_background, but paramater X_background=None, so using X instead...") + print("Generating self.shap_explainer = shap.LinearExplainer(model, " + f"{'X_background' if self.X_background is not None else 'X'})...") + + self._shap_explainer = shap.LinearExplainer(self.model, + self.X_background if self.X_background is not None else self.X) + elif self.shap=='deep': + print("Generating self.shap_explainer = shap.DeepExplainer(model{', X_background' if self.X_background is not None else ''})") + self._shap_explainer = shap.DeepExplainer(self.model, self.X_background) + elif self.shap=='kernel': + if self.X_background is None: + print( + "Note: shap values for shap='kernel' normally get calculated against " + "X_background, but paramater X_background=None, so using X instead...") + if self.model_output != "probability": + print( + "Note: for ClassifierExplainer shap='kernel' defaults to model_output='probability" + ) + self.model_output = 'probability' + print("Generating self.shap_explainer = shap.KernelExplainer(model, " + f"{'X_background' if self.X_background is not None else 'X'}" + ", link='identity')") + self._shap_explainer = shap.KernelExplainer(self.model.predict_proba, + self.X_background if self.X_background is not None else self.X, + link="identity") + return self._shap_explainer + @insert_pos_label def shap_base_value(self, pos_label=None): """SHAP base value: average outcome of population""" @@ -2361,29 +2348,6 @@ def random_index(self, y_min=None, y_max=None, pred_min=None, pred_max=None, return idx return self.idxs.get_loc(idx) - def prediction_result_markdown(self, index, include_percentile=True, round=2): - """markdown of prediction result - - Args: - index: row index to be predicted - include_percentile (bool): include line about prediciton percentile - round: (Default value = 2) - - Returns: - str: markdown summary of prediction for index - - """ - int_idx = self.get_int_idx(index) - model_prediction = "###### Prediction:\n" - model_prediction += f"Predicted {self.target}: {np.round(self.preds[int_idx], round)} {self.units}\n\n" - if not self.y_missing: - model_prediction += f"Observed {self.target}: {np.round(self.y[int_idx], round)} {self.units}\n\n" - model_prediction += f"Residual: {np.round(self.residuals[int_idx], round)} {self.units}\n\n" - if include_percentile: - percentile = np.round(100*(1-self.pred_percentiles[int_idx])) - model_prediction += f"\nIn top {percentile}% percentile predicted {self.target}" - return model_prediction - def prediction_result_df(self, index=None, X_row=None, round=3): """prediction result in dataframe format diff --git a/tests/test_cats_only.py b/tests/test_cats_only.py index 469b2fe..91b7b36 100644 --- a/tests/test_cats_only.py +++ b/tests/test_cats_only.py @@ -179,70 +179,70 @@ def test_plot_importances(self): fig = self.explainer.plot_importances(cats=True) self.assertIsInstance(fig, go.Figure) - def test_plot_shap_summary(self): - fig = self.explainer.plot_shap_summary() + def test_plot_shap_detailed(self): + fig = self.explainer.plot_shap_detailed() self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_summary(topx=3) + fig = self.explainer.plot_shap_detailed(topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_summary(cats=True) + fig = self.explainer.plot_shap_detailed(cats=True) self.assertIsInstance(fig, go.Figure) - def test_plot_shap_dependence(self): - fig = self.explainer.plot_shap_dependence("Age") + def test_plot_dependence(self): + fig = self.explainer.plot_dependence("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Sex") + fig = self.explainer.plot_dependence("Sex") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Age", "Sex") + fig = self.explainer.plot_dependence("Age", "Sex") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Sex_female", "Age") + fig = self.explainer.plot_dependence("Sex_female", "Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Age", highlight_index=0) + fig = self.explainer.plot_dependence("Age", highlight_index=0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Sex", highlight_index=0) + fig = self.explainer.plot_dependence("Sex", highlight_index=0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Deck", topx=3, sort="freq") + fig = self.explainer.plot_dependence("Deck", topx=3, sort="freq") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Deck", topx=3, sort="shap") + fig = self.explainer.plot_dependence("Deck", topx=3, sort="shap") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Deck", sort="freq") + fig = self.explainer.plot_dependence("Deck", sort="freq") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Deck", sort="shap") + fig = self.explainer.plot_dependence("Deck", sort="shap") self.assertIsInstance(fig, go.Figure) - def test_plot_shap_contributions(self): - fig = self.explainer.plot_shap_contributions(0) + def test_plot_contributions(self): + fig = self.explainer.plot_contributions(0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, cats=False) + fig = self.explainer.plot_contributions(0, cats=False) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, topx=3) + fig = self.explainer.plot_contributions(0, topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, sort='high-to-low') + fig = self.explainer.plot_contributions(0, sort='high-to-low') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, sort='low-to-high') + fig = self.explainer.plot_contributions(0, sort='low-to-high') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, sort='importance') + fig = self.explainer.plot_contributions(0, sort='importance') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(X_row=self.explainer.X.iloc[[0]]) + fig = self.explainer.plot_contributions(X_row=self.explainer.X.iloc[[0]]) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(X_row=self.explainer.X_cats.iloc[[0]]) + fig = self.explainer.plot_contributions(X_row=self.explainer.X_cats.iloc[[0]]) self.assertIsInstance(fig, go.Figure) def test_plot_pdp(self): @@ -528,73 +528,73 @@ def test_plot_importances(self): fig = self.explainer.plot_importances(cats=True) self.assertIsInstance(fig, go.Figure) - def test_plot_shap_contributions(self): - fig = self.explainer.plot_shap_contributions(0) + def test_plot_contributions(self): + fig = self.explainer.plot_contributions(0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, cats=False) + fig = self.explainer.plot_contributions(0, cats=False) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, topx=3) + fig = self.explainer.plot_contributions(0, topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, cutoff=0.05) + fig = self.explainer.plot_contributions(0, cutoff=0.05) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, sort='high-to-low') + fig = self.explainer.plot_contributions(0, sort='high-to-low') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, sort='low-to-high') + fig = self.explainer.plot_contributions(0, sort='low-to-high') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, sort='importance') + fig = self.explainer.plot_contributions(0, sort='importance') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(X_row=self.explainer.X.iloc[[0]], sort='importance') + fig = self.explainer.plot_contributions(X_row=self.explainer.X.iloc[[0]], sort='importance') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(X_row=self.explainer.X_cats.iloc[[0]], sort='importance') + fig = self.explainer.plot_contributions(X_row=self.explainer.X_cats.iloc[[0]], sort='importance') self.assertIsInstance(fig, go.Figure) - def test_plot_shap_summary(self): - fig = self.explainer.plot_shap_summary() + def test_plot_shap_detailed(self): + fig = self.explainer.plot_shap_detailed() self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_summary(topx=3) + fig = self.explainer.plot_shap_detailed(topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_summary(cats=True) + fig = self.explainer.plot_shap_detailed(cats=True) self.assertIsInstance(fig, go.Figure) - def test_plot_shap_dependence(self): - fig = self.explainer.plot_shap_dependence("Age") + def test_plot_dependence(self): + fig = self.explainer.plot_dependence("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Sex_female") + fig = self.explainer.plot_dependence("Sex_female") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Age", "Sex") + fig = self.explainer.plot_dependence("Age", "Sex") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Sex_female", "Age") + fig = self.explainer.plot_dependence("Sex_female", "Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Age", highlight_index=0) + fig = self.explainer.plot_dependence("Age", highlight_index=0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Sex", highlight_index=0) + fig = self.explainer.plot_dependence("Sex", highlight_index=0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Deck", topx=3, sort="freq") + fig = self.explainer.plot_dependence("Deck", topx=3, sort="freq") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Deck", topx=3, sort="shap") + fig = self.explainer.plot_dependence("Deck", topx=3, sort="shap") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Deck", sort="freq") + fig = self.explainer.plot_dependence("Deck", sort="freq") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Deck", sort="shap") + fig = self.explainer.plot_dependence("Deck", sort="shap") self.assertIsInstance(fig, go.Figure) def test_plot_pdp(self): diff --git a/tests/test_classifier_base.py b/tests/test_classifier_base.py index 4a85e89..b6402be 100644 --- a/tests/test_classifier_base.py +++ b/tests/test_classifier_base.py @@ -196,105 +196,105 @@ def test_plot_importances(self): self.assertIsInstance(fig, go.Figure) def test_plot_interactions(self): - fig = self.explainer.plot_interactions("Age") + fig = self.explainer.plot_interactions_importance("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions("Sex_female") + fig = self.explainer.plot_interactions_importance("Sex_female") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions("Age") + fig = self.explainer.plot_interactions_importance("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions("Gender") + fig = self.explainer.plot_interactions_importance("Gender") self.assertIsInstance(fig, go.Figure) - def test_plot_shap_contributions(self): - fig = self.explainer.plot_shap_contributions(0) + def test_plot_contributions(self): + fig = self.explainer.plot_contributions(0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, cats=False) + fig = self.explainer.plot_contributions(0, cats=False) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, topx=3) + fig = self.explainer.plot_contributions(0, topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, cutoff=0.05) + fig = self.explainer.plot_contributions(0, cutoff=0.05) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, sort='high-to-low') + fig = self.explainer.plot_contributions(0, sort='high-to-low') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, sort='low-to-high') + fig = self.explainer.plot_contributions(0, sort='low-to-high') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, sort='importance') + fig = self.explainer.plot_contributions(0, sort='importance') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(X_row=self.explainer.X.iloc[[0]], sort='importance') + fig = self.explainer.plot_contributions(X_row=self.explainer.X.iloc[[0]], sort='importance') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(X_row=self.explainer.X_cats.iloc[[0]], sort='importance') + fig = self.explainer.plot_contributions(X_row=self.explainer.X_cats.iloc[[0]], sort='importance') self.assertIsInstance(fig, go.Figure) - def test_plot_shap_summary(self): - fig = self.explainer.plot_shap_summary() + def test_plot_shap_detailed(self): + fig = self.explainer.plot_shap_detailed() self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_summary(topx=3) + fig = self.explainer.plot_shap_detailed(topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_summary(cats=True) + fig = self.explainer.plot_shap_detailed(cats=True) self.assertIsInstance(fig, go.Figure) - def test_plot_shap_interaction_summary(self): - fig = self.explainer.plot_shap_interaction_summary("Age") + def test_plot_interactions_detailed(self): + fig = self.explainer.plot_interactions_detailed("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_interaction_summary("Age", topx=3) + fig = self.explainer.plot_interactions_detailed("Age", topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_interaction_summary("Age") + fig = self.explainer.plot_interactions_detailed("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_interaction_summary("Sex_female", topx=3) + fig = self.explainer.plot_interactions_detailed("Sex_female", topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_interaction_summary("Gender") + fig = self.explainer.plot_interactions_detailed("Gender") self.assertIsInstance(fig, go.Figure) - def test_plot_shap_dependence(self): - fig = self.explainer.plot_shap_dependence("Age") + def test_plot_dependence(self): + fig = self.explainer.plot_dependence("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Sex_female") + fig = self.explainer.plot_dependence("Sex_female") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Age", "Gender") + fig = self.explainer.plot_dependence("Age", "Gender") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Sex_female", "Age") + fig = self.explainer.plot_dependence("Sex_female", "Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Age", highlight_index=0) + fig = self.explainer.plot_dependence("Age", highlight_index=0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Gender", highlight_index=0) + fig = self.explainer.plot_dependence("Gender", highlight_index=0) self.assertIsInstance(fig, go.Figure) - def test_plot_shap_interaction(self): - fig = self.explainer.plot_shap_dependence("Age", "Sex_female") + def test_plot_interaction(self): + fig = self.explainer.plot_dependence("Age", "Sex_female") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Sex_female", "Age") + fig = self.explainer.plot_dependence("Sex_female", "Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Gender", "Age") + fig = self.explainer.plot_dependence("Gender", "Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Age", "Gender") + fig = self.explainer.plot_dependence("Age", "Gender") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Age", "Sex_female", highlight_index=0) + fig = self.explainer.plot_dependence("Age", "Sex_female", highlight_index=0) self.assertIsInstance(fig, go.Figure) def test_plot_pdp(self): diff --git a/tests/test_multiclass.py b/tests/test_multiclass.py index 99b0868..637f681 100644 --- a/tests/test_multiclass.py +++ b/tests/test_multiclass.py @@ -143,90 +143,90 @@ def test_plot_importances(self): self.assertIsInstance(fig, go.Figure) def test_plot_interactions(self): - fig = self.explainer.plot_interactions("Age") + fig = self.explainer.plot_interactions_importance("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions("Sex_female") + fig = self.explainer.plot_interactions_importance("Sex_female") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions("Age") + fig = self.explainer.plot_interactions_importance("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions("Gender") + fig = self.explainer.plot_interactions_importance("Gender") self.assertIsInstance(fig, go.Figure) - def test_plot_shap_contributions(self): - fig = self.explainer.plot_shap_contributions(0) + def test_plot_contributions(self): + fig = self.explainer.plot_contributions(0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, cats=False) + fig = self.explainer.plot_contributions(0, cats=False) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, topx=3) + fig = self.explainer.plot_contributions(0, topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, cutoff=0.05) + fig = self.explainer.plot_contributions(0, cutoff=0.05) self.assertIsInstance(fig, go.Figure) - def test_plot_shap_summary(self): - fig = self.explainer.plot_shap_summary() + def test_plot_shap_detailed(self): + fig = self.explainer.plot_shap_detailed() self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_summary(topx=3) + fig = self.explainer.plot_shap_detailed(topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_summary(cats=True) + fig = self.explainer.plot_shap_detailed(cats=True) self.assertIsInstance(fig, go.Figure) - def test_plot_shap_interaction_summary(self): - fig = self.explainer.plot_shap_interaction_summary("Age") + def test_plot_interactions_detailed(self): + fig = self.explainer.plot_interactions_detailed("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_interaction_summary("Age", topx=3) + fig = self.explainer.plot_interactions_detailed("Age", topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_interaction_summary("Age") + fig = self.explainer.plot_interactions_detailed("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_interaction_summary("Sex_female", topx=3) + fig = self.explainer.plot_interactions_detailed("Sex_female", topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_interaction_summary("Gender") + fig = self.explainer.plot_interactions_detailed("Gender") self.assertIsInstance(fig, go.Figure) - def test_plot_shap_dependence(self): - fig = self.explainer.plot_shap_dependence("Age") + def test_plot_dependence(self): + fig = self.explainer.plot_dependence("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Sex_female") + fig = self.explainer.plot_dependence("Sex_female") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Age", "Gender") + fig = self.explainer.plot_dependence("Age", "Gender") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Sex_female", "Age") + fig = self.explainer.plot_dependence("Sex_female", "Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Age", highlight_index=0) + fig = self.explainer.plot_dependence("Age", highlight_index=0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Gender", highlight_index=0) + fig = self.explainer.plot_dependence("Gender", highlight_index=0) self.assertIsInstance(fig, go.Figure) - def test_plot_shap_interaction(self): - fig = self.explainer.plot_shap_dependence("Age", "Sex_female") + def test_plot_interaction(self): + fig = self.explainer.plot_dependence("Age", "Sex_female") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Sex_female", "Age") + fig = self.explainer.plot_dependence("Sex_female", "Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Gender", "Age") + fig = self.explainer.plot_dependence("Gender", "Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Age", "Gender") + fig = self.explainer.plot_dependence("Age", "Gender") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Age", "Sex_female", highlight_index=0) + fig = self.explainer.plot_dependence("Age", "Sex_female", highlight_index=0) self.assertIsInstance(fig, go.Figure) def test_plot_pdp(self): diff --git a/tests/test_randomforest_explainer.py b/tests/test_randomforest_explainer.py index c668c47..d61bb89 100644 --- a/tests/test_randomforest_explainer.py +++ b/tests/test_randomforest_explainer.py @@ -39,10 +39,10 @@ def test_decision_trees(self): self.assertIsInstance(dt[0], dtreeviz.models.shadow_decision_tree.ShadowDecTree) def test_decisiontree_df(self): - df = self.explainer.decisiontree_df(tree_idx=0, index=0) + df = self.explainer.decisionpath_df(tree_idx=0, index=0) self.assertIsInstance(df, pd.DataFrame) - df = self.explainer.decisiontree_df(tree_idx=0, index=self.names[0]) + df = self.explainer.decisionpath_df(tree_idx=0, index=self.names[0]) self.assertIsInstance(df, pd.DataFrame) def test_plot_trees(self): @@ -85,10 +85,10 @@ def test_decision_trees(self): self.assertIsInstance(dt[0], dtreeviz.models.shadow_decision_tree.ShadowDecTree) def test_decisiontree_df(self): - df = self.explainer.decisiontree_df(tree_idx=0, index=0) + df = self.explainer.decisionpath_df(tree_idx=0, index=0) self.assertIsInstance(df, pd.DataFrame) - df = self.explainer.decisiontree_df(tree_idx=0, index=self.names[0]) + df = self.explainer.decisionpath_df(tree_idx=0, index=self.names[0]) self.assertIsInstance(df, pd.DataFrame) def test_plot_trees(self): diff --git a/tests/test_regression_base.py b/tests/test_regression_base.py index 3c09a05..bcd972f 100644 --- a/tests/test_regression_base.py +++ b/tests/test_regression_base.py @@ -193,121 +193,121 @@ def test_plot_importances(self): self.assertIsInstance(fig, go.Figure) def test_plot_interactions(self): - fig = self.explainer.plot_interactions("Age") + fig = self.explainer.plot_interactions_importance("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions("Sex_female") + fig = self.explainer.plot_interactions_importance("Sex_female") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions("Age") + fig = self.explainer.plot_interactions_importance("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions("Gender") + fig = self.explainer.plot_interactions_importance("Gender") self.assertIsInstance(fig, go.Figure) def test_plot_shap_interactions(self): - fig = self.explainer.plot_shap_contributions(0) + fig = self.explainer.plot_contributions(0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, cats=False) + fig = self.explainer.plot_contributions(0, cats=False) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, topx=3) + fig = self.explainer.plot_contributions(0, topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, cutoff=0.05) + fig = self.explainer.plot_contributions(0, cutoff=0.05) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, sort='high-to-low') + fig = self.explainer.plot_contributions(0, sort='high-to-low') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, sort='low-to-high') + fig = self.explainer.plot_contributions(0, sort='low-to-high') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, sort='importance') + fig = self.explainer.plot_contributions(0, sort='importance') self.assertIsInstance(fig, go.Figure) - def test_plot_shap_summary(self): - fig = self.explainer.plot_shap_summary() + def test_plot_shap_detailed(self): + fig = self.explainer.plot_shap_detailed() self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_summary(topx=3) + fig = self.explainer.plot_shap_detailed(topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_summary(cats=True) + fig = self.explainer.plot_shap_detailed(cats=True) self.assertIsInstance(fig, go.Figure) - def test_plot_shap_interaction_summary(self): - fig = self.explainer.plot_shap_interaction_summary("Age") + def test_plot_interactions_detailed(self): + fig = self.explainer.plot_interactions_detailed("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_interaction_summary("Age", topx=3) + fig = self.explainer.plot_interactions_detailed("Age", topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_interaction_summary("Age", cats=True) + fig = self.explainer.plot_interactions_detailed("Age", cats=True) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_interaction_summary("Sex_female", topx=3) + fig = self.explainer.plot_interactions_detailed("Sex_female", topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_interaction_summary("Gender", cats=True) + fig = self.explainer.plot_interactions_detailed("Gender", cats=True) self.assertIsInstance(fig, go.Figure) - def test_plot_shap_dependence(self): - fig = self.explainer.plot_shap_dependence("Age") + def test_plot_dependence(self): + fig = self.explainer.plot_dependence("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Gender") + fig = self.explainer.plot_dependence("Gender") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Age", "Gender") + fig = self.explainer.plot_dependence("Age", "Gender") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Sex_female", "Age") + fig = self.explainer.plot_dependence("Sex_female", "Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Age", highlight_index=0) + fig = self.explainer.plot_dependence("Age", highlight_index=0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_dependence("Gender", highlight_index=0) + fig = self.explainer.plot_dependence("Gender", highlight_index=0) self.assertIsInstance(fig, go.Figure) - def test_plot_shap_contributions(self): - fig = self.explainer.plot_shap_contributions(0) + def test_plot_contributions(self): + fig = self.explainer.plot_contributions(0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, cats=False) + fig = self.explainer.plot_contributions(0, cats=False) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, topx=3) + fig = self.explainer.plot_contributions(0, topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, sort='high-to-low') + fig = self.explainer.plot_contributions(0, sort='high-to-low') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, sort='low-to-high') + fig = self.explainer.plot_contributions(0, sort='low-to-high') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(0, sort='importance') + fig = self.explainer.plot_contributions(0, sort='importance') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(X_row=self.explainer.X.iloc[[0]]) + fig = self.explainer.plot_contributions(X_row=self.explainer.X.iloc[[0]]) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_contributions(X_row=self.explainer.X_cats.iloc[[0]]) + fig = self.explainer.plot_contributions(X_row=self.explainer.X_cats.iloc[[0]]) self.assertIsInstance(fig, go.Figure) - def test_plot_shap_interaction(self): - fig = self.explainer.plot_shap_interaction("Age", "Sex_female") + def test_plot_interaction(self): + fig = self.explainer.plot_interaction("Age", "Sex_female") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_interaction("Sex_female", "Age") + fig = self.explainer.plot_interaction("Sex_female", "Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_interaction("Gender", "Age") + fig = self.explainer.plot_interaction("Gender", "Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_interaction("Age", "Sex_female", highlight_index=0) + fig = self.explainer.plot_interaction("Age", "Sex_female", highlight_index=0) self.assertIsInstance(fig, go.Figure) def test_plot_pdp(self): diff --git a/tests/test_xgboost_explainer.py b/tests/test_xgboost_explainer.py index 765ed4a..e551ad4 100644 --- a/tests/test_xgboost_explainer.py +++ b/tests/test_xgboost_explainer.py @@ -37,10 +37,10 @@ def test_decision_trees(self): self.assertIsInstance(dt[0], dtreeviz.models.shadow_decision_tree.ShadowDecTree) def test_decisiontree_df(self): - df = self.explainer.decisiontree_df(tree_idx=0, index=0) + df = self.explainer.decisionpath_df(tree_idx=0, index=0) self.assertIsInstance(df, pd.DataFrame) - df = self.explainer.decisiontree_df(tree_idx=0, index=self.names[0]) + df = self.explainer.decisionpath_df(tree_idx=0, index=self.names[0]) self.assertIsInstance(df, pd.DataFrame) def test_plot_trees(self): @@ -81,13 +81,13 @@ def test_decision_trees(self): self.assertIsInstance(dt[0], dtreeviz.models.shadow_decision_tree.ShadowDecTree) def test_decisiontree_df(self): - df = self.explainer.decisiontree_df(tree_idx=0, index=0) + df = self.explainer.decisionpath_df(tree_idx=0, index=0) self.assertIsInstance(df, pd.DataFrame) - df = self.explainer.decisiontree_df(tree_idx=0, index=self.names[0]) + df = self.explainer.decisionpath_df(tree_idx=0, index=self.names[0]) self.assertIsInstance(df, pd.DataFrame) - df = self.explainer.decisiontree_df(tree_idx=0, index=self.names[0], pos_label=0) + df = self.explainer.decisionpath_df(tree_idx=0, index=self.names[0], pos_label=0) self.assertIsInstance(df, pd.DataFrame) @@ -134,10 +134,10 @@ def test_decision_trees(self): self.assertIsInstance(dt[0], dtreeviz.models.shadow_decision_tree.ShadowDecTree) def test_decisiontree_df(self): - df = self.explainer.decisiontree_df(tree_idx=0, index=0) + df = self.explainer.decisionpath_df(tree_idx=0, index=0) self.assertIsInstance(df, pd.DataFrame) - df = self.explainer.decisiontree_df(tree_idx=0, index=self.names[0]) + df = self.explainer.decisionpath_df(tree_idx=0, index=self.names[0]) self.assertIsInstance(df, pd.DataFrame) def test_plot_trees(self): From 9880921f915f402911be66c8e1f96eb53e2fef4e Mon Sep 17 00:00:00 2001 From: Oege Dijk Date: Wed, 20 Jan 2021 16:31:11 +0100 Subject: [PATCH 09/28] fixed 0.3 tests --- RELEASE_NOTES.md | 3 + TODO.md | 7 +- explainerdashboard/explainers.py | 17 +- requirements.txt | 2 +- setup.py | 2 +- tests/integration_tests/test_dashboards.py | 8 +- tests/test_boosting_models.py | 173 ++++++--------- tests/test_cats_only.py | 243 ++++----------------- tests/test_classifier_base.py | 126 +++-------- tests/test_classifier_explainer.py | 20 +- tests/test_decisiontrees.py | 108 ++++----- tests/test_linear_model.py | 75 ++----- tests/test_multiclass.py | 101 ++------- tests/test_njobs.py | 6 +- tests/test_pickle.py | 97 -------- tests/test_pipelines.py | 18 +- tests/test_randomforest_explainer.py | 19 +- tests/test_regression_base.py | 117 +++------- tests/test_regression_explainer.py | 11 +- tests/test_xgboost_explainer.py | 18 +- 20 files changed, 282 insertions(+), 889 deletions(-) delete mode 100644 tests/test_pickle.py diff --git a/RELEASE_NOTES.md b/RELEASE_NOTES.md index 38574fc..85b99c6 100644 --- a/RELEASE_NOTES.md +++ b/RELEASE_NOTES.md @@ -14,8 +14,11 @@ - `BaseExplainer`: - `self.shap_values_cats` - `self.shap_interaction_values_cats` + - `self.get_dfs()` + - `self.to_sql()` - `ClassifierExplainer`: - `get_prop_for_label` + - Naming changes: - `BaseExplainer`: - `self.get_int_idx(index)` -> `self.get_idx(index)` diff --git a/TODO.md b/TODO.md index bfde36a..629e974 100644 --- a/TODO.md +++ b/TODO.md @@ -4,9 +4,10 @@ ## Version 0.3: - check all register_dependencies() - add option drop encoded cols -- add options drop non-pos label -- reorder methods -- remove plot_SHAP_dependence, etc +- add v03 check +- add deprecation warnings for old methods +- update tutorial notebooks + ## Bugs: diff --git a/explainerdashboard/explainers.py b/explainerdashboard/explainers.py index eec0021..958ced7 100644 --- a/explainerdashboard/explainers.py +++ b/explainerdashboard/explainers.py @@ -209,7 +209,6 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, else: self.idxs.name = index_name.capitalize() self.index_name = index_name.capitalize() - self.descriptions = {} if descriptions is None else descriptions self.target = target if target is not None else self.y.name self.n_jobs = n_jobs @@ -225,6 +224,7 @@ def __init__(self, model, X, y=None, permutation_metric=r2_score, self.interactions_should_work = False if not hasattr(self, "interactions_should_work"): self.interactions_should_work = True + self.__version__ = "0.3" @classmethod def from_file(cls, filepath): @@ -586,10 +586,10 @@ def ordered_cats(self, col, topx=None, sort='alphabet', pos_label=None): return X[col].value_counts().nlargest(topx).index.tolist() elif sort=='shap': if topx is None: - return (pd.Series(self.shap_values_df(pos_label)[col].values, index=self.X_cats[col].values) + return (pd.Series(self.shap_values_df(pos_label)[col].values, index=self.get_col(col)) .abs().groupby(level=0).mean().sort_values(ascending=False).index.tolist()) else: - return (pd.Series(self.shap_values_df(pos_label)[col].values, index=self.X_cats[col].values) + return (pd.Series(self.shap_values_df(pos_label)[col].values, index=self.get_col(col)) .abs().groupby(level=0).mean().sort_values(ascending=False).nlargest(topx).index.tolist()) else: raise ValueError(f"sort='{sort}', but should be in {{'alphabet', 'freq', 'shap'}}") @@ -696,7 +696,7 @@ def shap_base_value(self, pos_label=None): if not hasattr(self, '_shap_base_value'): # CatBoost needs shap values calculated before expected value if not hasattr(self, "_shap_values"): - _ = self.shap_values_df + _ = self.shap_values_df() self._shap_base_value = self.shap_explainer.expected_value if isinstance(self._shap_base_value, np.ndarray): # shap library now returns an array instead of float @@ -1520,7 +1520,8 @@ def __init__(self, model, X, y=None, permutation_metric=roc_auc_score, self._params_dict = {**self._params_dict, **dict( labels=labels, pos_label=pos_label)} - self.y = self.y.astype("int16") + + self.y = self.y.astype('Int64') if self.categorical_cols and model_output == 'probability': print("Warning: Models that deal with categorical features directly " f"such as {self.model.__class__.__name__} are incompatible with model_output='probability'" @@ -1557,7 +1558,7 @@ def pos_label(self, label): if label is None or (isinstance(label, int) and label >=0 and label =0.24 scikit-learn shap>=0.37 shortuuid diff --git a/setup.py b/setup.py index 8b2e895..858116d 100644 --- a/setup.py +++ b/setup.py @@ -69,7 +69,7 @@ "Intended Audience :: Education", "Topic :: Scientific/Engineering :: Artificial Intelligence"], install_requires=['dash', 'dash-bootstrap-components', 'jupyter_dash', 'dash-auth', - 'dtreeviz>=1.0', 'numpy', 'pandas', 'scikit-learn', + 'dtreeviz>=1.0', 'numpy', 'pandas>=0.24', 'scikit-learn', 'shap>=0.37', 'shortuuid', 'joblib', 'oyaml', 'click', 'waitress', 'flask_simplelogin'], entry_points={ diff --git a/tests/integration_tests/test_dashboards.py b/tests/integration_tests/test_dashboards.py index 0ec9fc7..8dde1f6 100644 --- a/tests/integration_tests/test_dashboards.py +++ b/tests/integration_tests/test_dashboards.py @@ -99,9 +99,9 @@ def get_catboost_classifier(): labels=['Not survived', 'Survived'], idxs=test_names) - X_cats, y_cats = explainer.X_cats, explainer.y + X_cats, y_cats = explainer.X_merged, explainer.y model = CatBoostClassifier(iterations=5, verbose=0).fit(X_cats, y_cats, cat_features=[5, 6, 7]) - explainer = ClassifierExplainer(model, X_cats, y_cats) + explainer = ClassifierExplainer(model, X_cats, y_cats, idxs=X_test.index) explainer.calculate_properties(include_interactions=False) return explainer @@ -112,9 +112,9 @@ def get_catboost_regressor(): model = CatBoostRegressor(iterations=5, verbose=0).fit(X_train, y_train) explainer = RegressionExplainer(model, X_test, y_test, cats=["Sex", 'Deck', 'Embarked']) - X_cats, y_cats = explainer.X_cats, explainer.y + X_cats, y_cats = explainer.X_merged, explainer.y model = CatBoostRegressor(iterations=5, verbose=0).fit(X_cats, y_cats, cat_features=[5, 6, 7]) - explainer = RegressionExplainer(model, X_cats, y_cats) + explainer = RegressionExplainer(model, X_cats, y_cats, idxs=X_test.index) explainer.calculate_properties(include_interactions=False) return explainer diff --git a/tests/test_boosting_models.py b/tests/test_boosting_models.py index c242f76..75fa6d5 100644 --- a/tests/test_boosting_models.py +++ b/tests/test_boosting_models.py @@ -3,7 +3,6 @@ import pandas as pd import numpy as np -from sklearn.metrics import r2_score, roc_auc_score from xgboost import XGBClassifier, XGBRegressor from lightgbm.sklearn import LGBMClassifier, LGBMRegressor @@ -24,35 +23,27 @@ def setUp(self): model = XGBRegressor() model.fit(X_train, y_train) self.explainer = RegressionExplainer(model, X_test, y_test, - cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, - 'Deck', 'Embarked'], - units="$") + cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, + 'Deck', 'Embarked'], + units="$") def test_preds(self): self.assertIsInstance(self.explainer.preds, np.ndarray) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) - - # @unittest.expectedFailure - # def test_shap_interaction_values(self): - # self.assertIsInstance(self.explainer.shap_interaction_values, np.ndarray) - # self.assertIsInstance(self.explainer.shap_interaction_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) def test_mean_abs_shap(self): - self.assertIsInstance(self.explainer.mean_abs_shap, pd.DataFrame) - self.assertIsInstance(self.explainer.mean_abs_shap_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_calculate_properties(self): self.explainer.calculate_properties(include_interactions=False) @@ -74,7 +65,7 @@ def setUp(self): model = LGBMRegressor() model.fit(X_train, y_train) - self.explainer = RegressionExplainer(model, X_test, y_test, r2_score, + self.explainer = RegressionExplainer(model, X_test, y_test, shap='tree', cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, 'Deck', 'Embarked'], @@ -84,29 +75,22 @@ def test_preds(self): self.assertIsInstance(self.explainer.preds, np.ndarray) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) - - # def test_shap_interaction_values(self): - # self.assertIsInstance(self.explainer.shap_interaction_values, np.ndarray) - # self.assertIsInstance(self.explainer.shap_interaction_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) def test_mean_abs_shap(self): - self.assertIsInstance(self.explainer.mean_abs_shap, pd.DataFrame) - self.assertIsInstance(self.explainer.mean_abs_shap_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_calculate_properties(self): - self.explainer.calculate_properties(include_interactions=True) + self.explainer.calculate_properties(include_interactions=False) def test_pdp_df(self): self.assertIsInstance(self.explainer.pdp_df("Age"), pd.DataFrame) @@ -115,6 +99,7 @@ def test_pdp_df(self): self.assertIsInstance(self.explainer.pdp_df("Age", index=0), pd.DataFrame) self.assertIsInstance(self.explainer.pdp_df("Gender", index=0), pd.DataFrame) + class CatBoostRegressionTests(unittest.TestCase): def setUp(self): X_train, y_train, X_test, y_test = titanic_fare() @@ -123,10 +108,10 @@ def setUp(self): train_names, test_names = titanic_names() _, self.names = titanic_names() - model = CatBoostRegressor(iterations=100, learning_rate=0.1, verbose=0) + model = CatBoostRegressor(iterations=5, learning_rate=0.1, verbose=0) model.fit(X_train, y_train) - self.explainer = RegressionExplainer(model, X_test, y_test, r2_score, + self.explainer = RegressionExplainer(model, X_test, y_test, cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, 'Deck', 'Embarked'], idxs=test_names, units="$") @@ -135,27 +120,19 @@ def test_preds(self): self.assertIsInstance(self.explainer.preds, np.ndarray) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) - - # @unittest.expectedFailure - # def test_shap_interaction_values(self): - # self.assertIsInstance(self.explainer.shap_interaction_values, np.ndarray) - # self.assertIsInstance(self.explainer.shap_interaction_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) def test_mean_abs_shap(self): - self.assertIsInstance(self.explainer.mean_abs_shap, pd.DataFrame) - self.assertIsInstance(self.explainer.mean_abs_shap_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_calculate_properties(self): self.explainer.calculate_properties(include_interactions=False) @@ -186,35 +163,28 @@ def test_preds(self): self.assertIsInstance(self.explainer.preds, np.ndarray) def test_pred_probas(self): - self.assertIsInstance(self.explainer.pred_probas, np.ndarray) + self.assertIsInstance(self.explainer.pred_probas(), np.ndarray) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) def test_shap_values_all_probabilities(self): - self.assertTrue(self.explainer.shap_base_value >= 0) - self.assertTrue(self.explainer.shap_base_value <= 1) - self.assertTrue(np.all(self.explainer.shap_values.sum(axis=1) + self.explainer.shap_base_value >= 0)) - self.assertTrue(np.all(self.explainer.shap_values.sum(axis=1) + self.explainer.shap_base_value <= 1)) - - # def test_shap_interaction_values(self): - # self.assertIsInstance(self.explainer.shap_interaction_values, np.ndarray) - # self.assertIsInstance(self.explainer.shap_interaction_values_cats, np.ndarray) + self.assertTrue(self.explainer.shap_base_value() >= 0) + self.assertTrue(self.explainer.shap_base_value() <= 1) + self.assertTrue(np.all(self.explainer.shap_values_df().sum(axis=1) + self.explainer.shap_base_value() >= 0)) + self.assertTrue(np.all(self.explainer.shap_values_df().sum(axis=1) + self.explainer.shap_base_value() <= 1)) def test_mean_abs_shap(self): - self.assertIsInstance(self.explainer.mean_abs_shap, pd.DataFrame) - self.assertIsInstance(self.explainer.mean_abs_shap_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_calculate_properties(self): self.explainer.calculate_properties(include_interactions=False) @@ -238,8 +208,9 @@ def test_precision_df(self): def test_lift_curve_df(self): self.assertIsInstance(self.explainer.lift_curve_df(), pd.DataFrame) - def test_prediction_result_markdown(self): - self.assertIsInstance(self.explainer.prediction_result_markdown(0), str) + def test_prediction_result_df(self): + self.assertIsInstance(self.explainer.prediction_result_df(0), pd.DataFrame) + class LGBMClassifierTests(unittest.TestCase): @@ -251,7 +222,7 @@ def setUp(self): model.fit(X_train, y_train) self.explainer = ClassifierExplainer( - model, X_test, y_test, roc_auc_score, + model, X_test, y_test, cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, 'Deck', 'Embarked'], labels=['Not survived', 'Survived'], @@ -261,36 +232,28 @@ def test_preds(self): self.assertIsInstance(self.explainer.preds, np.ndarray) def test_pred_probas(self): - self.assertIsInstance(self.explainer.pred_probas, np.ndarray) + self.assertIsInstance(self.explainer.pred_probas(), np.ndarray) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) - - # @unittest.expectedFailure - # def test_shap_interaction_values(self): - # self.assertIsInstance(self.explainer.shap_interaction_values, np.ndarray) - # self.assertIsInstance(self.explainer.shap_interaction_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) def test_shap_values_all_probabilities(self): - self.assertTrue(self.explainer.shap_base_value >= 0) - self.assertTrue(self.explainer.shap_base_value <= 1) - self.assertTrue(np.all(self.explainer.shap_values.sum(axis=1) + self.explainer.shap_base_value >= 0)) - self.assertTrue(np.all(self.explainer.shap_values.sum(axis=1) + self.explainer.shap_base_value <= 1)) + self.assertTrue(self.explainer.shap_base_value() >= 0) + self.assertTrue(self.explainer.shap_base_value() <= 1) + self.assertTrue(np.all(self.explainer.shap_values_df().sum(axis=1) + self.explainer.shap_base_value() >= 0)) + self.assertTrue(np.all(self.explainer.shap_values_df().sum(axis=1) + self.explainer.shap_base_value() <= 1)) def test_mean_abs_shap(self): - self.assertIsInstance(self.explainer.mean_abs_shap, pd.DataFrame) - self.assertIsInstance(self.explainer.mean_abs_shap_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_calculate_properties(self): self.explainer.calculate_properties(include_interactions=False) @@ -314,8 +277,9 @@ def test_precision_df(self): def test_lift_curve_df(self): self.assertIsInstance(self.explainer.lift_curve_df(), pd.DataFrame) - def test_prediction_result_markdown(self): - self.assertIsInstance(self.explainer.prediction_result_markdown(0), str) + def test_prediction_result_df(self): + self.assertIsInstance(self.explainer.prediction_result_df(0), pd.DataFrame) + class CatBoostClassifierTests(unittest.TestCase): @@ -327,7 +291,7 @@ def setUp(self): model.fit(X_train, y_train) self.explainer = ClassifierExplainer( - model, X_test, y_test, roc_auc_score, + model, X_test, y_test, cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, 'Deck', 'Embarked'], labels=['Not survived', 'Survived'], @@ -337,36 +301,28 @@ def test_preds(self): self.assertIsInstance(self.explainer.preds, np.ndarray) def test_pred_probas(self): - self.assertIsInstance(self.explainer.pred_probas, np.ndarray) + self.assertIsInstance(self.explainer.pred_probas(), np.ndarray) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) - - def test_shap_values_all_probabilities(self): - self.assertTrue(self.explainer.shap_base_value >= 0) - self.assertTrue(self.explainer.shap_base_value <= 1) - self.assertTrue(np.all(self.explainer.shap_values.sum(axis=1) + self.explainer.shap_base_value >= 0)) - self.assertTrue(np.all(self.explainer.shap_values.sum(axis=1) + self.explainer.shap_base_value <= 1)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) - # @unittest.expectedFailure - # def test_shap_interaction_values(self): - # self.assertIsInstance(self.explainer.shap_interaction_values, np.ndarray) - # self.assertIsInstance(self.explainer.shap_interaction_values_cats, np.ndarray) + def test_shap_values_all_probabilities(self): + self.assertTrue(self.explainer.shap_base_value() >= 0) + self.assertTrue(self.explainer.shap_base_value() <= 1) + self.assertTrue(np.all(self.explainer.shap_values_df().sum(axis=1) + self.explainer.shap_base_value() >= 0)) + self.assertTrue(np.all(self.explainer.shap_values_df().sum(axis=1) + self.explainer.shap_base_value() <= 1)) def test_mean_abs_shap(self): - self.assertIsInstance(self.explainer.mean_abs_shap, pd.DataFrame) - self.assertIsInstance(self.explainer.mean_abs_shap_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_calculate_properties(self): self.explainer.calculate_properties(include_interactions=False) @@ -390,8 +346,9 @@ def test_precision_df(self): def test_lift_curve_df(self): self.assertIsInstance(self.explainer.lift_curve_df(), pd.DataFrame) - def test_prediction_result_markdown(self): - self.assertIsInstance(self.explainer.prediction_result_markdown(0), str) + def test_prediction_result_df(self): + self.assertIsInstance(self.explainer.prediction_result_df(0), pd.DataFrame) + \ No newline at end of file diff --git a/tests/test_cats_only.py b/tests/test_cats_only.py index 91b7b36..211996a 100644 --- a/tests/test_cats_only.py +++ b/tests/test_cats_only.py @@ -2,6 +2,7 @@ import pandas as pd import numpy as np +from pandas.api.types import is_categorical_dtype, is_numeric_dtype import plotly.graph_objs as go @@ -20,16 +21,16 @@ def setUp(self): model = CatBoostRegressor(iterations=5, verbose=0).fit(X_train, y_train) explainer = RegressionExplainer(model, X_test, y_test, cats=['Deck', 'Embarked']) - X_cats, y_cats = explainer.X_cats, explainer.y + X_cats, y_cats = explainer.X_merged, explainer.y model = CatBoostRegressor(iterations=5, verbose=0).fit(X_cats, y_cats, cat_features=[8, 9]) - self.explainer = RegressionExplainer(model, X_cats, y_cats, cats=['Sex']) + self.explainer = RegressionExplainer(model, X_cats, y_cats, cats=['Sex'], idxs=X_test.index) def test_explainer_len(self): self.assertEqual(len(self.explainer), self.test_len) def test_int_idx(self): - self.assertEqual(self.explainer.get_int_idx(self.names[0]), 0) + self.assertEqual(self.explainer.get_idx(self.names[0]), 0) def test_random_index(self): self.assertIsInstance(self.explainer.random_index(), int) @@ -39,20 +40,10 @@ def test_row_from_input(self): input_row = self.explainer.get_row_from_input( self.explainer.X.iloc[[0]].values.tolist()) self.assertIsInstance(input_row, pd.DataFrame) - - input_row = self.explainer.get_row_from_input( - self.explainer.X_cats.iloc[[0]].values.tolist()) - self.assertIsInstance(input_row, pd.DataFrame) - - input_row = self.explainer.get_row_from_input( - self.explainer.X_cats - [self.explainer.columns_ranked_by_shap(cats=True)] - .iloc[[0]].values.tolist(), ranked_by_shap=True) - self.assertIsInstance(input_row, pd.DataFrame) input_row = self.explainer.get_row_from_input( - self.explainer.X - [self.explainer.columns_ranked_by_shap(cats=False)] + self.explainer.X_merged + [self.explainer.columns_ranked_by_shap()] .iloc[[0]].values.tolist(), ranked_by_shap=True) self.assertIsInstance(input_row, pd.DataFrame) @@ -64,16 +55,10 @@ def test_preds(self): self.assertIsInstance(self.explainer.preds, np.ndarray) def test_pred_percentiles(self): - self.assertIsInstance(self.explainer.pred_percentiles, np.ndarray) + self.assertIsInstance(self.explainer.pred_percentiles(), np.ndarray) def test_columns_ranked_by_shap(self): self.assertIsInstance(self.explainer.columns_ranked_by_shap(), list) - self.assertIsInstance(self.explainer.columns_ranked_by_shap(cats=True), list) - - def test_equivalent_col(self): - self.assertEqual(self.explainer.equivalent_col("Sex_female"), "Sex") - self.assertEqual(self.explainer.equivalent_col("Sex"), "Sex_female") - self.assertIsNone(self.explainer.equivalent_col("random")) def test_ordered_cats(self): self.assertEqual(self.explainer.ordered_cats("Sex"), ['Sex_female', 'Sex_male']) @@ -86,69 +71,57 @@ def test_ordered_cats(self): def test_get_col(self): self.assertIsInstance(self.explainer.get_col("Sex"), pd.Series) - self.assertEqual(self.explainer.get_col("Sex").dtype, "object") + self.assertTrue(is_categorical_dtype(self.explainer.get_col("Sex"))) self.assertIsInstance(self.explainer.get_col("Age"), pd.Series) - self.assertEqual(self.explainer.get_col("Age").dtype, np.float) + self.assertTrue(is_numeric_dtype(self.explainer.get_col("Age"))) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) def test_X_cats(self): self.assertIsInstance(self.explainer.X_cats, pd.DataFrame) - def test_columns_cats(self): - self.assertIsInstance(self.explainer.columns_cats, list) - def test_metrics(self): self.assertIsInstance(self.explainer.metrics(), dict) self.assertIsInstance(self.explainer.metrics_descriptions(), dict) def test_mean_abs_shap_df(self): - self.assertIsInstance(self.explainer.mean_abs_shap_df(), pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_permutation_importances_df(self): - self.assertIsInstance(self.explainer.permutation_importances_df(), pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_df(topx=3), pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_df(cats=True), pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_df(cutoff=0.01), pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(topx=3), pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(cutoff=0.01), pd.DataFrame) def test_contrib_df(self): self.assertIsInstance(self.explainer.contrib_df(0), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, cats=False), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(0, topx=3), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, sort='high-to-low'), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, sort='low-to-high'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(0, sort='importance'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(X_row=self.explainer.X.iloc[[0]]), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(X_row=self.explainer.X_cats.iloc[[0]]), pd.DataFrame) + def test_contrib_summary_df(self): self.assertIsInstance(self.explainer.contrib_summary_df(0), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_summary_df(0, cats=False), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(0, topx=3), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(0, round=3), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(0, sort='high-to-low'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(0, sort='low-to-high'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(0, sort='importance'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(X_row=self.explainer.X.iloc[[0]]), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_summary_df(X_row=self.explainer.X_cats.iloc[[0]]), pd.DataFrame) def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) def test_mean_abs_shap(self): - self.assertIsInstance(self.explainer.mean_abs_shap, pd.DataFrame) - self.assertIsInstance(self.explainer.mean_abs_shap_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_calculate_properties(self): self.explainer.calculate_properties() @@ -160,12 +133,6 @@ def test_pdp_df(self): self.assertIsInstance(self.explainer.pdp_df("Age", index=0), pd.DataFrame) self.assertIsInstance(self.explainer.pdp_df("Sex", index=0), pd.DataFrame) - def test_get_dfs(self): - cols_df, shap_df, contribs_df = self.explainer.get_dfs() - self.assertIsInstance(cols_df, pd.DataFrame) - self.assertIsInstance(shap_df, pd.DataFrame) - self.assertIsInstance(contribs_df, pd.DataFrame) - def test_plot_importances(self): fig = self.explainer.plot_importances() self.assertIsInstance(fig, go.Figure) @@ -176,9 +143,6 @@ def test_plot_importances(self): fig = self.explainer.plot_importances(topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_importances(cats=True) - self.assertIsInstance(fig, go.Figure) - def test_plot_shap_detailed(self): fig = self.explainer.plot_shap_detailed() self.assertIsInstance(fig, go.Figure) @@ -186,9 +150,6 @@ def test_plot_shap_detailed(self): fig = self.explainer.plot_shap_detailed(topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_detailed(cats=True) - self.assertIsInstance(fig, go.Figure) - def test_plot_dependence(self): fig = self.explainer.plot_dependence("Age") self.assertIsInstance(fig, go.Figure) @@ -199,9 +160,6 @@ def test_plot_dependence(self): fig = self.explainer.plot_dependence("Age", "Sex") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Sex_female", "Age") - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Age", highlight_index=0) self.assertIsInstance(fig, go.Figure) @@ -224,9 +182,6 @@ def test_plot_contributions(self): fig = self.explainer.plot_contributions(0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_contributions(0, cats=False) - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_contributions(0, topx=3) self.assertIsInstance(fig, go.Figure) @@ -242,9 +197,6 @@ def test_plot_contributions(self): fig = self.explainer.plot_contributions(X_row=self.explainer.X.iloc[[0]]) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_contributions(X_row=self.explainer.X_cats.iloc[[0]]) - self.assertIsInstance(fig, go.Figure) - def test_plot_pdp(self): fig = self.explainer.plot_pdp("Age") self.assertIsInstance(fig, go.Figure) @@ -261,9 +213,6 @@ def test_plot_pdp(self): fig = self.explainer.plot_pdp("Age", X_row=self.explainer.X.iloc[[0]]) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_pdp("Age", X_row=self.explainer.X_cats.iloc[[0]]) - self.assertIsInstance(fig, go.Figure) - def test_yaml(self): yaml = self.explainer.to_yaml() self.assertIsInstance(yaml, str) @@ -271,12 +220,6 @@ def test_yaml(self): def test_residuals(self): self.assertIsInstance(self.explainer.residuals, pd.Series) - def test_prediction_result_markdown(self): - result_index = self.explainer.prediction_result_markdown(0) - self.assertIsInstance(result_index, str) - result_name = self.explainer.prediction_result_markdown(self.names[0]) - self.assertIsInstance(result_name, str) - def test_metrics(self): metrics_dict = self.explainer.metrics() self.assertIsInstance(metrics_dict, dict) @@ -365,16 +308,18 @@ def setUp(self): cats=['Deck', 'Embarked'], labels=['Not survived', 'Survived']) - X_cats, y_cats = explainer.X_cats, explainer.y + X_cats, y_cats = explainer.X_merged, explainer.y model = CatBoostClassifier(iterations=5, verbose=0).fit(X_cats, y_cats, cat_features=[8, 9]) self.explainer = ClassifierExplainer(model, X_cats, y_cats, - cats=['Sex'], labels=['Not survived', 'Survived']) + cats=['Sex'], + labels=['Not survived', 'Survived'], + idxs=X_test.index) def test_explainer_len(self): self.assertEqual(len(self.explainer), len(titanic_survive()[2])) def test_int_idx(self): - self.assertEqual(self.explainer.get_int_idx(titanic_names()[1][0]), 0) + self.assertEqual(self.explainer.get_idx(titanic_names()[1][0]), 0) def test_random_index(self): self.assertIsInstance(self.explainer.random_index(), int) @@ -399,105 +344,51 @@ def test_row_from_input(self): self.assertIsInstance(input_row, pd.DataFrame) input_row = self.explainer.get_row_from_input( - self.explainer.X_cats.iloc[[0]].values.tolist()) - self.assertIsInstance(input_row, pd.DataFrame) - - input_row = self.explainer.get_row_from_input( - self.explainer.X_cats - [self.explainer.columns_ranked_by_shap(cats=True)] + self.explainer.X_merged + [self.explainer.columns_ranked_by_shap()] .iloc[[0]].values.tolist(), ranked_by_shap=True) self.assertIsInstance(input_row, pd.DataFrame) - input_row = self.explainer.get_row_from_input( - self.explainer.X - [self.explainer.columns_ranked_by_shap(cats=False)] - .iloc[[0]].values.tolist(), ranked_by_shap=True) - self.assertIsInstance(input_row, pd.DataFrame) def test_pred_percentiles(self): - self.assertIsInstance(self.explainer.pred_percentiles, np.ndarray) + self.assertIsInstance(self.explainer.pred_percentiles(), np.ndarray) def test_columns_ranked_by_shap(self): self.assertIsInstance(self.explainer.columns_ranked_by_shap(), list) - self.assertIsInstance(self.explainer.columns_ranked_by_shap(cats=True), list) - - def test_equivalent_col(self): - self.assertEqual(self.explainer.equivalent_col("Sex_female"), "Sex") - self.assertEqual(self.explainer.equivalent_col("Sex"), "Sex_female") - self.assertIsNone(self.explainer.equivalent_col("random")) - - def test_get_col(self): - self.assertIsInstance(self.explainer.get_col("Sex"), pd.Series) - self.assertEqual(self.explainer.get_col("Sex").dtype, "object") - - self.assertIsInstance(self.explainer.get_col("Deck"), pd.Series) - self.assertEqual(self.explainer.get_col("Deck").dtype, "object") - - self.assertIsInstance(self.explainer.get_col("Age"), pd.Series) - self.assertEqual(self.explainer.get_col("Age").dtype, np.float) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) def test_X_cats(self): self.assertIsInstance(self.explainer.X_cats, pd.DataFrame) - def test_columns_cats(self): - self.assertIsInstance(self.explainer.columns_cats, list) - def test_metrics(self): self.assertIsInstance(self.explainer.metrics(), dict) def test_mean_abs_shap_df(self): - self.assertIsInstance(self.explainer.mean_abs_shap_df(), pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_top_interactions(self): self.assertIsInstance(self.explainer.top_shap_interactions("Age"), list) self.assertIsInstance(self.explainer.top_shap_interactions("Age", topx=4), list) - self.assertIsInstance(self.explainer.top_shap_interactions("Age", cats=True), list) - self.assertIsInstance(self.explainer.top_shap_interactions("Sex", cats=True), list) def test_permutation_importances_df(self): - self.assertIsInstance(self.explainer.permutation_importances_df(), pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_df(topx=3), pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_df(cats=True), pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_df(cutoff=0.01), pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(topx=3), pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(cutoff=0.01), pd.DataFrame) def test_contrib_df(self): self.assertIsInstance(self.explainer.contrib_df(0), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, cats=False), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, topx=3), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, sort='high-to-low'), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, sort='low-to-high'), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, sort='importance'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(X_row=self.explainer.X.iloc[[0]]), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(X_row=self.explainer.X_cats.iloc[[0]]), pd.DataFrame) - - def test_contrib_summary_df(self): - self.assertIsInstance(self.explainer.contrib_summary_df(0), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_summary_df(0, cats=False), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_summary_df(0, topx=3), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_summary_df(0, round=3), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_summary_df(0, sort='low-to-high'), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_summary_df(0, sort='high-to-low'), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_summary_df(0, sort='importance'), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_summary_df(X_row=self.explainer.X.iloc[[0]]), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_summary_df(X_row=self.explainer.X_cats.iloc[[0]]), pd.DataFrame) def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) - - def test_mean_abs_shap(self): - self.assertIsInstance(self.explainer.mean_abs_shap, pd.DataFrame) - self.assertIsInstance(self.explainer.mean_abs_shap_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) def test_calculate_properties(self): self.explainer.calculate_properties() @@ -508,12 +399,9 @@ def test_prediction_result_df(self): def test_pdp_df(self): self.assertIsInstance(self.explainer.pdp_df("Age"), pd.DataFrame) - self.assertIsInstance(self.explainer.pdp_df("Sex"), pd.DataFrame) self.assertIsInstance(self.explainer.pdp_df("Deck"), pd.DataFrame) self.assertIsInstance(self.explainer.pdp_df("Age", index=0), pd.DataFrame) - self.assertIsInstance(self.explainer.pdp_df("Sex_male", index=0), pd.DataFrame) self.assertIsInstance(self.explainer.pdp_df("Age", X_row=self.explainer.X.iloc[[0]]), pd.DataFrame) - self.assertIsInstance(self.explainer.pdp_df("Age", X_row=self.explainer.X_cats.iloc[[0]]), pd.DataFrame) def test_plot_importances(self): fig = self.explainer.plot_importances() @@ -525,77 +413,33 @@ def test_plot_importances(self): fig = self.explainer.plot_importances(topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_importances(cats=True) - self.assertIsInstance(fig, go.Figure) - def test_plot_contributions(self): fig = self.explainer.plot_contributions(0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_contributions(0, cats=False) - self.assertIsInstance(fig, go.Figure) - - fig = self.explainer.plot_contributions(0, topx=3) - self.assertIsInstance(fig, go.Figure) - - fig = self.explainer.plot_contributions(0, cutoff=0.05) - self.assertIsInstance(fig, go.Figure) - - fig = self.explainer.plot_contributions(0, sort='high-to-low') - self.assertIsInstance(fig, go.Figure) - - fig = self.explainer.plot_contributions(0, sort='low-to-high') - self.assertIsInstance(fig, go.Figure) - - fig = self.explainer.plot_contributions(0, sort='importance') - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_contributions(X_row=self.explainer.X.iloc[[0]], sort='importance') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_contributions(X_row=self.explainer.X_cats.iloc[[0]], sort='importance') - self.assertIsInstance(fig, go.Figure) def test_plot_shap_detailed(self): fig = self.explainer.plot_shap_detailed() self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_detailed(topx=3) - self.assertIsInstance(fig, go.Figure) - - fig = self.explainer.plot_shap_detailed(cats=True) - self.assertIsInstance(fig, go.Figure) def test_plot_dependence(self): fig = self.explainer.plot_dependence("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Sex_female") + fig = self.explainer.plot_dependence("Sex") self.assertIsInstance(fig, go.Figure) fig = self.explainer.plot_dependence("Age", "Sex") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Sex_female", "Age") - self.assertIsInstance(fig, go.Figure) - - fig = self.explainer.plot_dependence("Age", highlight_index=0) - self.assertIsInstance(fig, go.Figure) - - fig = self.explainer.plot_dependence("Sex", highlight_index=0) - self.assertIsInstance(fig, go.Figure) - - fig = self.explainer.plot_dependence("Deck", topx=3, sort="freq") - self.assertIsInstance(fig, go.Figure) - - fig = self.explainer.plot_dependence("Deck", topx=3, sort="shap") + fig = self.explainer.plot_dependence("Sex", "Sex") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Deck", sort="freq") - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Deck", sort="shap") - self.assertIsInstance(fig, go.Figure) def test_plot_pdp(self): fig = self.explainer.plot_pdp("Age") @@ -613,8 +457,6 @@ def test_plot_pdp(self): fig = self.explainer.plot_pdp("Age", X_row=self.explainer.X.iloc[[0]]) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_pdp("Age", X_row=self.explainer.X_cats.iloc[[0]]) - self.assertIsInstance(fig, go.Figure) def test_yaml(self): yaml = self.explainer.to_yaml() @@ -628,14 +470,8 @@ def test_pos_label(self): self.assertEqual(self.explainer.pos_label, 0) self.assertEqual(self.explainer.pos_label_str, "Not survived") - def test_get_prop_for_label(self): - self.explainer.pos_label = 1 - tmp = self.explainer.pred_percentiles - self.explainer.pos_label = 0 - self.assertTrue(np.alltrue(self.explainer.get_prop_for_label("pred_percentiles", 1)==tmp)) - def test_pred_probas(self): - self.assertIsInstance(self.explainer.pred_probas, np.ndarray) + self.assertIsInstance(self.explainer.pred_probas(), np.ndarray) def test_metrics(self): @@ -652,9 +488,6 @@ def test_precision_df(self): def test_lift_curve_df(self): self.assertIsInstance(self.explainer.lift_curve_df(), pd.DataFrame) - def test_prediction_result_markdown(self): - self.assertIsInstance(self.explainer.prediction_result_markdown(0), str) - def test_calculate_properties(self): self.explainer.calculate_properties() diff --git a/tests/test_classifier_base.py b/tests/test_classifier_base.py index b6402be..613e4e4 100644 --- a/tests/test_classifier_base.py +++ b/tests/test_classifier_base.py @@ -2,9 +2,9 @@ import pandas as pd import numpy as np +from pandas.api.types import is_categorical_dtype, is_numeric_dtype from sklearn.ensemble import RandomForestClassifier -from sklearn.metrics import roc_auc_score import plotly.graph_objects as go @@ -21,7 +21,7 @@ def setUp(self): model.fit(X_train, y_train) self.explainer = ClassifierExplainer( - model, X_test, y_test, roc_auc_score, + model, X_test, y_test, cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, 'Deck', 'Embarked'], target='Survival', @@ -32,7 +32,7 @@ def test_explainer_len(self): self.assertEqual(len(self.explainer), len(titanic_survive()[2])) def test_int_idx(self): - self.assertEqual(self.explainer.get_int_idx(titanic_names()[1][0]), 0) + self.assertEqual(self.explainer.get_idx(titanic_names()[1][0]), 0) def test_random_index(self): self.assertIsInstance(self.explainer.random_index(), int) @@ -47,55 +47,37 @@ def test_row_from_input(self): self.assertIsInstance(input_row, pd.DataFrame) input_row = self.explainer.get_row_from_input( - self.explainer.X_cats.iloc[[0]].values.tolist()) + self.explainer.X_merged.iloc[[0]].values.tolist()) self.assertIsInstance(input_row, pd.DataFrame) input_row = self.explainer.get_row_from_input( - self.explainer.X_cats - [self.explainer.columns_ranked_by_shap(cats=True)] + self.explainer.X_merged + [self.explainer.columns_ranked_by_shap()] .iloc[[0]].values.tolist(), ranked_by_shap=True) self.assertIsInstance(input_row, pd.DataFrame) - input_row = self.explainer.get_row_from_input( - self.explainer.X - [self.explainer.columns_ranked_by_shap(cats=False)] - .iloc[[0]].values.tolist(), ranked_by_shap=True) - self.assertIsInstance(input_row, pd.DataFrame) - def test_pred_percentiles(self): - self.assertIsInstance(self.explainer.pred_percentiles, np.ndarray) + self.assertIsInstance(self.explainer.pred_percentiles(), np.ndarray) def test_columns_ranked_by_shap(self): self.assertIsInstance(self.explainer.columns_ranked_by_shap(), list) - self.assertIsInstance(self.explainer.columns_ranked_by_shap(cats=True), list) - - def test_equivalent_col(self): - self.assertEqual(self.explainer.equivalent_col("Sex_female"), "Gender") - self.assertEqual(self.explainer.equivalent_col("Gender"), "Sex_female") - self.assertEqual(self.explainer.equivalent_col("Deck"), "Deck_A") - self.assertEqual(self.explainer.equivalent_col("Deck_A"), "Deck") - self.assertIsNone(self.explainer.equivalent_col("random")) def test_get_col(self): self.assertIsInstance(self.explainer.get_col("Gender"), pd.Series) - self.assertEqual(self.explainer.get_col("Gender").dtype, "object") + self.assertTrue(is_categorical_dtype(self.explainer.get_col("Gender"))) self.assertIsInstance(self.explainer.get_col("Deck"), pd.Series) - self.assertEqual(self.explainer.get_col("Deck").dtype, "object") + self.assertTrue(is_categorical_dtype(self.explainer.get_col("Deck"))) self.assertIsInstance(self.explainer.get_col("Age"), pd.Series) - self.assertEqual(self.explainer.get_col("Age").dtype, np.float) + self.assertTrue(is_numeric_dtype(self.explainer.get_col("Age"))) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.permutation_importances(), pd.DataFrame) def test_X_cats(self): self.assertIsInstance(self.explainer.X_cats, pd.DataFrame) - def test_columns_cats(self): - self.assertIsInstance(self.explainer.columns_cats, list) - def test_metrics(self): self.assertIsInstance(self.explainer.metrics(), dict) @@ -105,63 +87,52 @@ def test_mean_abs_shap_df(self): def test_top_interactions(self): self.assertIsInstance(self.explainer.top_shap_interactions("Age"), list) self.assertIsInstance(self.explainer.top_shap_interactions("Age", topx=4), list) - self.assertIsInstance(self.explainer.top_shap_interactions("Age", cats=True), list) - self.assertIsInstance(self.explainer.top_shap_interactions("Gender", cats=True), list) + def test_permutation_importances_df(self): - self.assertIsInstance(self.explainer.permutation_importances_df(), pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_df(topx=3), pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_df(cats=True), pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_df(cutoff=0.01), pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(topx=3), pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(cutoff=0.01), pd.DataFrame) def test_contrib_df(self): self.assertIsInstance(self.explainer.contrib_df(0), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, cats=False), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(0, topx=3), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(0, sort='high-to-low'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(0, sort='low-to-high'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(0, sort='importance'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(X_row=self.explainer.X.iloc[[0]]), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(X_row=self.explainer.X_cats.iloc[[0]]), pd.DataFrame) def test_contrib_summary_df(self): self.assertIsInstance(self.explainer.contrib_summary_df(0), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_summary_df(0, cats=False), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(0, topx=3), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(0, round=3), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(0, sort='low-to-high'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(0, sort='high-to-low'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(0, sort='importance'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(X_row=self.explainer.X.iloc[[0]]), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_summary_df(X_row=self.explainer.X_cats.iloc[[0]]), pd.DataFrame) def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) def test_shap_interaction_values(self): - self.assertIsInstance(self.explainer.shap_interaction_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_interaction_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_interaction_values(), np.ndarray) - def test_mean_abs_shap(self): - self.assertIsInstance(self.explainer.mean_abs_shap, pd.DataFrame) - self.assertIsInstance(self.explainer.mean_abs_shap_cats, pd.DataFrame) + def test_mean_abs_shap_df(self): + self.assertIsInstance(self.explainer.mean_abs_shap_df(), pd.DataFrame) def test_calculate_properties(self): self.explainer.calculate_properties() def test_shap_interaction_values_by_col(self): - self.assertIsInstance(self.explainer.shap_interaction_values_by_col("Age"), np.ndarray) - self.assertEqual(self.explainer.shap_interaction_values_by_col("Age").shape, - self.explainer.shap_values.shape) - self.assertEqual(self.explainer.shap_interaction_values_by_col("Age", cats=True).shape, - self.explainer.shap_values_cats.shape) + self.assertIsInstance(self.explainer.shap_interaction_values_for_col("Age"), np.ndarray) + self.assertEqual(self.explainer.shap_interaction_values_for_col("Age").shape, + self.explainer.shap_values_df().shape) def test_prediction_result_df(self): df = self.explainer.prediction_result_df(0) @@ -174,13 +145,6 @@ def test_pdp_df(self): self.assertIsInstance(self.explainer.pdp_df("Age", index=0), pd.DataFrame) self.assertIsInstance(self.explainer.pdp_df("Gender", index=0), pd.DataFrame) self.assertIsInstance(self.explainer.pdp_df("Age", X_row=self.explainer.X.iloc[[0]]), pd.DataFrame) - self.assertIsInstance(self.explainer.pdp_df("Age", X_row=self.explainer.X_cats.iloc[[0]]), pd.DataFrame) - - def test_get_dfs(self): - cols_df, shap_df, contribs_df = self.explainer.get_dfs() - self.assertIsInstance(cols_df, pd.DataFrame) - self.assertIsInstance(shap_df, pd.DataFrame) - self.assertIsInstance(contribs_df, pd.DataFrame) def test_plot_importances(self): fig = self.explainer.plot_importances() @@ -192,19 +156,10 @@ def test_plot_importances(self): fig = self.explainer.plot_importances(topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_importances(cats=True) - self.assertIsInstance(fig, go.Figure) - def test_plot_interactions(self): fig = self.explainer.plot_interactions_importance("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions_importance("Sex_female") - self.assertIsInstance(fig, go.Figure) - - fig = self.explainer.plot_interactions_importance("Age") - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions_importance("Gender") self.assertIsInstance(fig, go.Figure) @@ -212,9 +167,6 @@ def test_plot_contributions(self): fig = self.explainer.plot_contributions(0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_contributions(0, cats=False) - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_contributions(0, topx=3) self.assertIsInstance(fig, go.Figure) @@ -233,9 +185,6 @@ def test_plot_contributions(self): fig = self.explainer.plot_contributions(X_row=self.explainer.X.iloc[[0]], sort='importance') self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_contributions(X_row=self.explainer.X_cats.iloc[[0]], sort='importance') - self.assertIsInstance(fig, go.Figure) - def test_plot_shap_detailed(self): fig = self.explainer.plot_shap_detailed() self.assertIsInstance(fig, go.Figure) @@ -243,9 +192,6 @@ def test_plot_shap_detailed(self): fig = self.explainer.plot_shap_detailed(topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_detailed(cats=True) - self.assertIsInstance(fig, go.Figure) - def test_plot_interactions_detailed(self): fig = self.explainer.plot_interactions_detailed("Age") self.assertIsInstance(fig, go.Figure) @@ -256,9 +202,6 @@ def test_plot_interactions_detailed(self): fig = self.explainer.plot_interactions_detailed("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions_detailed("Sex_female", topx=3) - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions_detailed("Gender") self.assertIsInstance(fig, go.Figure) @@ -266,15 +209,9 @@ def test_plot_dependence(self): fig = self.explainer.plot_dependence("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Sex_female") - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Age", "Gender") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Sex_female", "Age") - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Age", highlight_index=0) self.assertIsInstance(fig, go.Figure) @@ -282,19 +219,11 @@ def test_plot_dependence(self): self.assertIsInstance(fig, go.Figure) def test_plot_interaction(self): - fig = self.explainer.plot_dependence("Age", "Sex_female") - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Sex_female", "Age") + fig = self.explainer.plot_interaction("Gender", "Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Gender", "Age") - self.assertIsInstance(fig, go.Figure) - - fig = self.explainer.plot_dependence("Age", "Gender") - self.assertIsInstance(fig, go.Figure) - - fig = self.explainer.plot_dependence("Age", "Sex_female", highlight_index=0) + fig = self.explainer.plot_interaction("Age", "Gender", highlight_index=0) self.assertIsInstance(fig, go.Figure) def test_plot_pdp(self): @@ -313,9 +242,6 @@ def test_plot_pdp(self): fig = self.explainer.plot_pdp("Age", X_row=self.explainer.X.iloc[[0]]) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_pdp("Age", X_row=self.explainer.X_cats.iloc[[0]]) - self.assertIsInstance(fig, go.Figure) - def test_yaml(self): yaml = self.explainer.to_yaml() self.assertIsInstance(yaml, str) diff --git a/tests/test_classifier_explainer.py b/tests/test_classifier_explainer.py index 8e7acb1..e0110f8 100644 --- a/tests/test_classifier_explainer.py +++ b/tests/test_classifier_explainer.py @@ -2,9 +2,9 @@ import pandas as pd import numpy as np +from pandas.api.types import is_categorical_dtype, is_numeric_dtype from sklearn.ensemble import RandomForestClassifier -from sklearn.metrics import roc_auc_score import plotly.graph_objects as go @@ -12,7 +12,7 @@ from explainerdashboard.datasets import titanic_survive, titanic_names -class ClassifierBunchTests(unittest.TestCase): +class ClassifierExplainerTests(unittest.TestCase): def setUp(self): X_train, y_train, X_test, y_test = titanic_survive() train_names, test_names = titanic_names() @@ -34,22 +34,16 @@ def test_pos_label(self): self.assertEqual(self.explainer.pos_label, 0) self.assertEqual(self.explainer.pos_label_str, "Not survived") - def test_get_prop_for_label(self): - self.explainer.pos_label = 1 - tmp = self.explainer.pred_percentiles - self.explainer.pos_label = 0 - self.assertTrue(np.alltrue(self.explainer.get_prop_for_label("pred_percentiles", 1)==tmp)) - def test_pred_probas(self): - self.assertIsInstance(self.explainer.pred_probas, np.ndarray) + self.assertIsInstance(self.explainer.pred_probas(), np.ndarray) + self.assertIsInstance(self.explainer.pred_probas(1), np.ndarray) + self.assertIsInstance(self.explainer.pred_probas("Survived"), np.ndarray) - def test_metrics(self): self.assertIsInstance(self.explainer.metrics(), dict) self.assertIsInstance(self.explainer.metrics(cutoff=0.9), dict) self.assertIsInstance(self.explainer.metrics_descriptions(cutoff=0.9), dict) - def test_precision_df(self): self.assertIsInstance(self.explainer.precision_df(), pd.DataFrame) self.assertIsInstance(self.explainer.precision_df(multiclass=True), pd.DataFrame) @@ -58,9 +52,6 @@ def test_precision_df(self): def test_lift_curve_df(self): self.assertIsInstance(self.explainer.lift_curve_df(), pd.DataFrame) - def test_prediction_result_markdown(self): - self.assertIsInstance(self.explainer.prediction_result_markdown(0), str) - def test_calculate_properties(self): self.explainer.calculate_properties() @@ -158,7 +149,6 @@ def test_plot_prediction_result(self): self.assertIsInstance(fig, go.Figure) - if __name__ == '__main__': unittest.main() diff --git a/tests/test_decisiontrees.py b/tests/test_decisiontrees.py index e0a2dea..f5d724c 100644 --- a/tests/test_decisiontrees.py +++ b/tests/test_decisiontrees.py @@ -3,8 +3,6 @@ import pandas as pd import numpy as np -from sklearn.metrics import r2_score, roc_auc_score - from sklearn.tree import DecisionTreeClassifier, DecisionTreeRegressor from sklearn.ensemble import ExtraTreesClassifier, ExtraTreesRegressor @@ -22,7 +20,7 @@ def setUp(self): model = DecisionTreeRegressor() model.fit(X_train, y_train) - self.explainer = RegressionExplainer(model, X_test, y_test, r2_score, + self.explainer = RegressionExplainer(model, X_test, y_test, cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, 'Deck', 'Embarked'], idxs=test_names, units="$") @@ -31,27 +29,19 @@ def test_preds(self): self.assertIsInstance(self.explainer.preds, np.ndarray) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) - - # @unittest.expectedFailure - # def test_shap_interaction_values(self): - # self.assertIsInstance(self.explainer.shap_interaction_values, np.ndarray) - # self.assertIsInstance(self.explainer.shap_interaction_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) def test_mean_abs_shap(self): - self.assertIsInstance(self.explainer.mean_abs_shap, pd.DataFrame) - self.assertIsInstance(self.explainer.mean_abs_shap_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_calculate_properties(self): self.explainer.calculate_properties(include_interactions=False) @@ -73,7 +63,7 @@ def setUp(self): model.fit(X_train, y_train) self.explainer = ClassifierExplainer( - model, X_test, y_test, roc_auc_score, + model, X_test, y_test, cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, 'Deck', 'Embarked'], labels=['Not survived', 'Survived'], @@ -83,35 +73,28 @@ def test_preds(self): self.assertIsInstance(self.explainer.preds, np.ndarray) def test_pred_probas(self): - self.assertIsInstance(self.explainer.pred_probas, np.ndarray) + self.assertIsInstance(self.explainer.pred_probas(), np.ndarray) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) def test_shap_values_all_probabilities(self): - self.assertTrue(self.explainer.shap_base_value >= 0) - self.assertTrue(self.explainer.shap_base_value <= 1) - self.assertTrue(np.all(self.explainer.shap_values.sum(axis=1) + self.explainer.shap_base_value >= -0.00001)) - self.assertTrue(np.all(self.explainer.shap_values.sum(axis=1) + self.explainer.shap_base_value <= 1.00001)) - - # def test_shap_interaction_values(self): - # self.assertIsInstance(self.explainer.shap_interaction_values, np.ndarray) - # self.assertIsInstance(self.explainer.shap_interaction_values_cats, np.ndarray) + self.assertTrue(self.explainer.shap_base_value() >= 0) + self.assertTrue(self.explainer.shap_base_value() <= 1) + self.assertTrue(np.all(self.explainer.shap_values_df().sum(axis=1) + self.explainer.shap_base_value() >= -0.001)) + self.assertTrue(np.all(self.explainer.shap_values_df().sum(axis=1) + self.explainer.shap_base_value() <= 1.001)) def test_mean_abs_shap(self): - self.assertIsInstance(self.explainer.mean_abs_shap, pd.DataFrame) - self.assertIsInstance(self.explainer.mean_abs_shap_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_calculate_properties(self): self.explainer.calculate_properties(include_interactions=False) @@ -135,8 +118,8 @@ def test_precision_df(self): def test_lift_curve_df(self): self.assertIsInstance(self.explainer.lift_curve_df(), pd.DataFrame) - def test_prediction_result_markdown(self): - self.assertIsInstance(self.explainer.prediction_result_markdown(0), str) + def test_prediction_result_df(self): + self.assertIsInstance(self.explainer.prediction_result_df(0), pd.DataFrame) class ExtraTreesRegressorTests(unittest.TestCase): @@ -149,7 +132,7 @@ def setUp(self): model = ExtraTreesRegressor() model.fit(X_train, y_train) - self.explainer = RegressionExplainer(model, X_test, y_test, r2_score, + self.explainer = RegressionExplainer(model, X_test, y_test, cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, 'Deck', 'Embarked'], idxs=test_names, units="$") @@ -158,27 +141,19 @@ def test_preds(self): self.assertIsInstance(self.explainer.preds, np.ndarray) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) - - # @unittest.expectedFailure - # def test_shap_interaction_values(self): - # self.assertIsInstance(self.explainer.shap_interaction_values, np.ndarray) - # self.assertIsInstance(self.explainer.shap_interaction_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) def test_mean_abs_shap(self): - self.assertIsInstance(self.explainer.mean_abs_shap, pd.DataFrame) - self.assertIsInstance(self.explainer.mean_abs_shap_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_calculate_properties(self): self.explainer.calculate_properties(include_interactions=False) @@ -200,7 +175,7 @@ def setUp(self): model.fit(X_train, y_train) self.explainer = ClassifierExplainer( - model, X_test, y_test, roc_auc_score, + model, X_test, y_test, cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, 'Deck', 'Embarked'], labels=['Not survived', 'Survived'], @@ -210,35 +185,28 @@ def test_preds(self): self.assertIsInstance(self.explainer.preds, np.ndarray) def test_pred_probas(self): - self.assertIsInstance(self.explainer.pred_probas, np.ndarray) + self.assertIsInstance(self.explainer.pred_probas(), np.ndarray) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) def test_shap_values_all_probabilities(self): - self.assertTrue(self.explainer.shap_base_value >= 0) - self.assertTrue(self.explainer.shap_base_value <= 1) - self.assertTrue(np.all(self.explainer.shap_values.sum(axis=1) + self.explainer.shap_base_value >= -0.00001)) - self.assertTrue(np.all(self.explainer.shap_values.sum(axis=1) + self.explainer.shap_base_value <= 1.00001)) - - # def test_shap_interaction_values(self): - # self.assertIsInstance(self.explainer.shap_interaction_values, np.ndarray) - # self.assertIsInstance(self.explainer.shap_interaction_values_cats, np.ndarray) + self.assertTrue(self.explainer.shap_base_value() >= 0) + self.assertTrue(self.explainer.shap_base_value() <= 1) + self.assertTrue(np.all(self.explainer.shap_values_df().sum(axis=1) + self.explainer.shap_base_value() >= -0.001)) + self.assertTrue(np.all(self.explainer.shap_values_df().sum(axis=1) + self.explainer.shap_base_value() <= 1.001)) def test_mean_abs_shap(self): - self.assertIsInstance(self.explainer.mean_abs_shap, pd.DataFrame) - self.assertIsInstance(self.explainer.mean_abs_shap_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_calculate_properties(self): self.explainer.calculate_properties(include_interactions=False) @@ -262,5 +230,5 @@ def test_precision_df(self): def test_lift_curve_df(self): self.assertIsInstance(self.explainer.lift_curve_df(), pd.DataFrame) - def test_prediction_result_markdown(self): - self.assertIsInstance(self.explainer.prediction_result_markdown(0), str) \ No newline at end of file + def test_prediction_result_df(self): + self.assertIsInstance(self.explainer.prediction_result_df(0), pd.DataFrame) \ No newline at end of file diff --git a/tests/test_linear_model.py b/tests/test_linear_model.py index 9fe5b7f..8817dcc 100644 --- a/tests/test_linear_model.py +++ b/tests/test_linear_model.py @@ -3,8 +3,6 @@ import pandas as pd import numpy as np -from sklearn.metrics import r2_score, roc_auc_score - import shap import plotly.graph_objects as go @@ -25,7 +23,7 @@ def setUp(self): model = LinearRegression() model.fit(X_train, y_train) - self.explainer = RegressionExplainer(model, X_test, y_test, r2_score, + self.explainer = RegressionExplainer(model, X_test, y_test, shap='linear', cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, 'Deck', 'Embarked'], @@ -35,7 +33,7 @@ def test_explainer_len(self): self.assertEqual(len(self.explainer), self.test_len) def test_int_idx(self): - self.assertEqual(self.explainer.get_int_idx(self.names[0]), 0) + self.assertEqual(self.explainer.get_idx(self.names[0]), 0) def test_random_index(self): self.assertIsInstance(self.explainer.random_index(), int) @@ -45,43 +43,37 @@ def test_preds(self): self.assertIsInstance(self.explainer.preds, np.ndarray) def test_pred_percentiles(self): - self.assertIsInstance(self.explainer.pred_percentiles, np.ndarray) + self.assertIsInstance(self.explainer.pred_percentiles(), np.ndarray) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) def test_metrics(self): self.assertIsInstance(self.explainer.metrics(), dict) self.assertIsInstance(self.explainer.metrics_descriptions(), dict) def test_mean_abs_shap_df(self): - self.assertIsInstance(self.explainer.mean_abs_shap_df(), pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_top_interactions(self): self.assertIsInstance(self.explainer.top_shap_interactions("Age"), list) self.assertIsInstance(self.explainer.top_shap_interactions("Age", topx=4), list) - self.assertIsInstance(self.explainer.top_shap_interactions("Age", cats=True), list) - self.assertIsInstance(self.explainer.top_shap_interactions("Gender", cats=True), list) def test_contrib_df(self): self.assertIsInstance(self.explainer.contrib_df(0), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, cats=False), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(0, topx=3), pd.DataFrame) def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) def test_mean_abs_shap(self): - self.assertIsInstance(self.explainer.mean_abs_shap, pd.DataFrame) - self.assertIsInstance(self.explainer.mean_abs_shap_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_calculate_properties(self): self.explainer.calculate_properties(include_interactions=False) @@ -93,13 +85,6 @@ def test_pdp_df(self): self.assertIsInstance(self.explainer.pdp_df("Age", index=0), pd.DataFrame) self.assertIsInstance(self.explainer.pdp_df("Gender", index=0), pd.DataFrame) - def test_get_dfs(self): - cols_df, shap_df, contribs_df = self.explainer.get_dfs() - self.assertIsInstance(cols_df, pd.DataFrame) - self.assertIsInstance(shap_df, pd.DataFrame) - self.assertIsInstance(contribs_df, pd.DataFrame) - - class LogisticRegressionTests(unittest.TestCase): def setUp(self): @@ -110,7 +95,7 @@ def setUp(self): model.fit(X_train, y_train) self.explainer = ClassifierExplainer( - model, X_test, y_test, roc_auc_score, + model, X_test, y_test, shap='linear', cats=['Sex', 'Deck', 'Embarked'], labels=['Not survived', 'Survived'], @@ -120,41 +105,36 @@ def test_preds(self): self.assertIsInstance(self.explainer.preds, np.ndarray) def test_pred_percentiles(self): - self.assertIsInstance(self.explainer.pred_percentiles, np.ndarray) + self.assertIsInstance(self.explainer.pred_percentiles(), np.ndarray) def test_columns_ranked_by_shap(self): self.assertIsInstance(self.explainer.columns_ranked_by_shap(), list) - self.assertIsInstance(self.explainer.columns_ranked_by_shap(cats=True), list) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) def test_metrics(self): self.assertIsInstance(self.explainer.metrics(), dict) self.assertIsInstance(self.explainer.metrics_descriptions(), dict) def test_mean_abs_shap_df(self): - self.assertIsInstance(self.explainer.mean_abs_shap_df(), pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_contrib_df(self): self.assertIsInstance(self.explainer.contrib_df(0), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, cats=False), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(0, topx=3), pd.DataFrame) def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) def test_mean_abs_shap(self): - self.assertIsInstance(self.explainer.mean_abs_shap, pd.DataFrame) - self.assertIsInstance(self.explainer.mean_abs_shap_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_calculate_properties(self): self.explainer.calculate_properties(include_interactions=False) @@ -174,14 +154,8 @@ def test_pos_label(self): self.assertEqual(self.explainer.pos_label, 0) self.assertEqual(self.explainer.pos_label_str, "Not survived") - def test_get_prop_for_label(self): - self.explainer.pos_label = 1 - tmp = self.explainer.pred_percentiles - self.explainer.pos_label = 0 - self.assertTrue(np.alltrue(self.explainer.get_prop_for_label("pred_percentiles", 1)==tmp)) - def test_pred_probas(self): - self.assertIsInstance(self.explainer.pred_probas, np.ndarray) + self.assertIsInstance(self.explainer.pred_probas(), np.ndarray) def test_metrics(self): self.assertIsInstance(self.explainer.metrics(), dict) @@ -195,9 +169,6 @@ def test_precision_df(self): def test_lift_curve_df(self): self.assertIsInstance(self.explainer.lift_curve_df(), pd.DataFrame) - def test_prediction_result_markdown(self): - self.assertIsInstance(self.explainer.prediction_result_markdown(0), str) - class LogisticRegressionKernelTests(unittest.TestCase): def setUp(self): @@ -217,10 +188,6 @@ def setUp(self): idxs=test_names) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) - - - + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) \ No newline at end of file diff --git a/tests/test_multiclass.py b/tests/test_multiclass.py index 637f681..096312e 100644 --- a/tests/test_multiclass.py +++ b/tests/test_multiclass.py @@ -30,91 +30,64 @@ def test_preds(self): self.assertIsInstance(self.explainer.preds, np.ndarray) def test_pred_percentiles(self): - self.assertIsInstance(self.explainer.pred_percentiles, np.ndarray) + self.assertIsInstance(self.explainer.pred_percentiles(), np.ndarray) def test_columns_ranked_by_shap(self): self.assertIsInstance(self.explainer.columns_ranked_by_shap(), list) - self.assertIsInstance(self.explainer.columns_ranked_by_shap(cats=True), list) - - def test_equivalent_col(self): - self.assertEqual(self.explainer.equivalent_col("Sex_female"), "Gender") - self.assertEqual(self.explainer.equivalent_col("Gender"), "Sex_female") - self.assertIsNone(self.explainer.equivalent_col("random")) - - def test_get_col(self): - self.assertIsInstance(self.explainer.get_col("Gender"), pd.Series) - self.assertEqual(self.explainer.get_col("Gender").dtype, "object") - - self.assertIsInstance(self.explainer.get_col("Age"), pd.Series) - self.assertEqual(self.explainer.get_col("Age").dtype, np.float) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) def test_X_cats(self): self.assertIsInstance(self.explainer.X_cats, pd.DataFrame) - def test_columns_cats(self): - self.assertIsInstance(self.explainer.columns_cats, list) - def test_metrics(self): self.assertIsInstance(self.explainer.metrics(), dict) self.assertIsInstance(self.explainer.metrics_descriptions(), dict) def test_mean_abs_shap_df(self): - self.assertIsInstance(self.explainer.mean_abs_shap_df(), pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_top_interactions(self): self.assertIsInstance(self.explainer.top_shap_interactions("Age"), list) self.assertIsInstance(self.explainer.top_shap_interactions("Age", topx=4), list) - self.assertIsInstance(self.explainer.top_shap_interactions("Age", cats=True), list) - self.assertIsInstance(self.explainer.top_shap_interactions("Gender", cats=True), list) def test_permutation_importances_df(self): - self.assertIsInstance(self.explainer.permutation_importances_df(), pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_df(topx=3), pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_df(cats=True), pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_df(cutoff=0.01), pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(topx=3), pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(cutoff=0.01), pd.DataFrame) def test_contrib_df(self): self.assertIsInstance(self.explainer.contrib_df(0), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, cats=False), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(0, topx=3), pd.DataFrame) def test_contrib_summary_df(self): self.assertIsInstance(self.explainer.contrib_summary_df(0), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_summary_df(0, cats=False), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(0, topx=3), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(0, round=3), pd.DataFrame) def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) def test_shap_interaction_values(self): - self.assertIsInstance(self.explainer.shap_interaction_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_interaction_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_interaction_values(), np.ndarray) def test_mean_abs_shap(self): - self.assertIsInstance(self.explainer.mean_abs_shap, pd.DataFrame) - self.assertIsInstance(self.explainer.mean_abs_shap_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_calculate_properties(self): self.explainer.calculate_properties() def test_shap_interaction_values_by_col(self): - self.assertIsInstance(self.explainer.shap_interaction_values_by_col("Age"), np.ndarray) - self.assertEqual(self.explainer.shap_interaction_values_by_col("Age").shape, - self.explainer.shap_values.shape) - self.assertEqual(self.explainer.shap_interaction_values_by_col("Age", cats=True).shape, - self.explainer.shap_values_cats.shape) + self.assertIsInstance(self.explainer.shap_interaction_values_for_col("Age"), np.ndarray) + self.assertEqual(self.explainer.shap_interaction_values_for_col("Age").shape, + self.explainer.shap_values_df().shape) def test_pdp_df(self): self.assertIsInstance(self.explainer.pdp_df("Age"), pd.DataFrame) @@ -123,12 +96,6 @@ def test_pdp_df(self): self.assertIsInstance(self.explainer.pdp_df("Age", index=0), pd.DataFrame) self.assertIsInstance(self.explainer.pdp_df("Gender", index=0), pd.DataFrame) - def test_get_dfs(self): - cols_df, shap_df, contribs_df = self.explainer.get_dfs() - self.assertIsInstance(cols_df, pd.DataFrame) - self.assertIsInstance(shap_df, pd.DataFrame) - self.assertIsInstance(contribs_df, pd.DataFrame) - def test_plot_importances(self): fig = self.explainer.plot_importances() self.assertIsInstance(fig, go.Figure) @@ -139,16 +106,10 @@ def test_plot_importances(self): fig = self.explainer.plot_importances(topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_importances(cats=True) - self.assertIsInstance(fig, go.Figure) - def test_plot_interactions(self): fig = self.explainer.plot_interactions_importance("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions_importance("Sex_female") - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions_importance("Age") self.assertIsInstance(fig, go.Figure) @@ -159,9 +120,6 @@ def test_plot_contributions(self): fig = self.explainer.plot_contributions(0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_contributions(0, cats=False) - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_contributions(0, topx=3) self.assertIsInstance(fig, go.Figure) @@ -175,9 +133,6 @@ def test_plot_shap_detailed(self): fig = self.explainer.plot_shap_detailed(topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_detailed(cats=True) - self.assertIsInstance(fig, go.Figure) - def test_plot_interactions_detailed(self): fig = self.explainer.plot_interactions_detailed("Age") self.assertIsInstance(fig, go.Figure) @@ -188,9 +143,6 @@ def test_plot_interactions_detailed(self): fig = self.explainer.plot_interactions_detailed("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions_detailed("Sex_female", topx=3) - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions_detailed("Gender") self.assertIsInstance(fig, go.Figure) @@ -198,15 +150,9 @@ def test_plot_dependence(self): fig = self.explainer.plot_dependence("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Sex_female") - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Age", "Gender") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Sex_female", "Age") - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Age", highlight_index=0) self.assertIsInstance(fig, go.Figure) @@ -214,19 +160,13 @@ def test_plot_dependence(self): self.assertIsInstance(fig, go.Figure) def test_plot_interaction(self): - fig = self.explainer.plot_dependence("Age", "Sex_female") - self.assertIsInstance(fig, go.Figure) - - fig = self.explainer.plot_dependence("Sex_female", "Age") - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Gender", "Age") self.assertIsInstance(fig, go.Figure) fig = self.explainer.plot_dependence("Age", "Gender") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Age", "Sex_female", highlight_index=0) + fig = self.explainer.plot_dependence("Age", "Gender", highlight_index=0) self.assertIsInstance(fig, go.Figure) def test_plot_pdp(self): @@ -250,14 +190,8 @@ def test_pos_label(self): self.assertEqual(self.explainer.pos_label, 1) self.assertEqual(self.explainer.pos_label_str, "Southampton") - def test_get_prop_for_label(self): - self.explainer.pos_label = 1 - tmp = self.explainer.pred_percentiles - self.explainer.pos_label = 0 - self.assertTrue(np.alltrue(self.explainer.get_prop_for_label("pred_percentiles", 1)==tmp)) - def test_pred_probas(self): - self.assertIsInstance(self.explainer.pred_probas, np.ndarray) + self.assertIsInstance(self.explainer.pred_probas(), np.ndarray) def test_metrics(self): @@ -272,9 +206,6 @@ def test_precision_df(self): def test_lift_curve_df(self): self.assertIsInstance(self.explainer.lift_curve_df(), pd.DataFrame) - def test_prediction_result_markdown(self): - self.assertIsInstance(self.explainer.prediction_result_markdown(0), str) - def test_calculate_properties(self): self.explainer.calculate_properties() diff --git a/tests/test_njobs.py b/tests/test_njobs.py index cc79778..731d509 100644 --- a/tests/test_njobs.py +++ b/tests/test_njobs.py @@ -22,8 +22,7 @@ def setUp(self): model, X_test, y_test, roc_auc_score, n_jobs=5) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) class NJobsMinusOneExplainerTests(unittest.TestCase): @@ -38,5 +37,4 @@ def setUp(self): model, X_test, y_test, roc_auc_score, n_jobs=-1) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) \ No newline at end of file + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) \ No newline at end of file diff --git a/tests/test_pickle.py b/tests/test_pickle.py deleted file mode 100644 index 46ed5a5..0000000 --- a/tests/test_pickle.py +++ /dev/null @@ -1,97 +0,0 @@ -import unittest -from pathlib import Path -import pickle - -import pandas as pd -import numpy as np - -from sklearn.ensemble import RandomForestClassifier, RandomForestRegressor -from xgboost import XGBClassifier, XGBRegressor - -from explainerdashboard.explainers import ClassifierExplainer, RegressionExplainer -from explainerdashboard.datasets import titanic_survive, titanic_fare, titanic_names - - -class TestRFClassifierExplainerPicklable(unittest.TestCase): - def setUp(self): - X_train, y_train, X_test, y_test = titanic_survive() - train_names, test_names = titanic_names() - - model = RandomForestClassifier(n_estimators=5, max_depth=2) - model.fit(X_train, y_train) - - self.explainer = ClassifierExplainer( - model, X_test, y_test, - cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, - 'Deck', 'Embarked'], - labels=['Not survived', 'Survived'], - idxs=test_names) - - def test_rf_pickle(self): - pickle_location = Path.cwd() / "rf_pickle_test.pkl" - pickle.dump(self.explainer, open(str(pickle_location), "wb")) - assert pickle_location.exists - pickle_location.unlink() - - -class TestXGBClassifierExplainerPicklable(unittest.TestCase): - def setUp(self): - X_train, y_train, X_test, y_test = titanic_survive() - train_names, test_names = titanic_names() - - model = XGBClassifier(n_estimators=5, max_depth=2) - model.fit(X_train, y_train) - - self.explainer = ClassifierExplainer( - model, X_test, y_test, - cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, - 'Deck', 'Embarked'], - labels=['Not survived', 'Survived'], - idxs=test_names) - - def test_xgb_pickle(self): - pickle_location = Path.cwd() / "xgb_pickle_test.pkl" - pickle.dump(self.explainer, open(str(pickle_location), "wb")) - assert pickle_location.exists - pickle_location.unlink() - -class TestRFRegressionExplainerPicklable(unittest.TestCase): - def setUp(self): - X_train, y_train, X_test, y_test = titanic_fare() - train_names, test_names = titanic_names() - - model = RandomForestRegressor(n_estimators=5, max_depth=2) - model.fit(X_train, y_train) - - self.explainer = RegressionExplainer( - model, X_test, y_test, - cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, - 'Deck', 'Embarked'], - idxs=test_names) - - def test_rf_pickle(self): - pickle_location = Path.cwd() / "rf_reg_pickle_test.pkl" - pickle.dump(self.explainer, open(str(pickle_location), "wb")) - assert pickle_location.exists - pickle_location.unlink() - - -class TestXGBRegressionExplainerPicklable(unittest.TestCase): - def setUp(self): - X_train, y_train, X_test, y_test = titanic_fare() - train_names, test_names = titanic_names() - - model = XGBRegressor(n_estimators=5, max_depth=2) - model.fit(X_train, y_train) - - self.explainer = RegressionExplainer( - model, X_test, y_test, - cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, - 'Deck', 'Embarked'], - idxs=test_names) - - def test_xgb_pickle(self): - pickle_location = Path.cwd() / "xgb_reg_pickle_test.pkl" - pickle.dump(self.explainer, open(str(pickle_location), "wb")) - assert pickle_location.exists - pickle_location.unlink() \ No newline at end of file diff --git a/tests/test_pipelines.py b/tests/test_pipelines.py index 2f7d61f..afdc310 100644 --- a/tests/test_pipelines.py +++ b/tests/test_pipelines.py @@ -5,7 +5,6 @@ import numpy as np from sklearn.compose import ColumnTransformer -from sklearn.datasets import fetch_openml from sklearn.pipeline import Pipeline from sklearn.impute import SimpleImputer from sklearn.preprocessing import StandardScaler, OrdinalEncoder @@ -55,34 +54,27 @@ def test_columns_ranked_by_shap(self): self.assertIsInstance(self.explainer.columns_ranked_by_shap(), list) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) def test_metrics(self): self.assertIsInstance(self.explainer.metrics(), dict) self.assertIsInstance(self.explainer.metrics_descriptions(), dict) def test_mean_abs_shap_df(self): - self.assertIsInstance(self.explainer.mean_abs_shap_df(), pd.DataFrame) + self.assertIsInstance(self.explainer.get_mean_abs_shap_df(), pd.DataFrame) def test_contrib_df(self): self.assertIsInstance(self.explainer.contrib_df(0), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, cats=False), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, topx=3), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, sort='high-to-low'), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, sort='low-to-high'), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, sort='importance'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(X_row=self.explainer.X.iloc[[0]]), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(X_row=self.explainer.X_cats.iloc[[0]]), pd.DataFrame) def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) def test_pdp_df(self): self.assertIsInstance(self.explainer.pdp_df("age"), pd.DataFrame) diff --git a/tests/test_randomforest_explainer.py b/tests/test_randomforest_explainer.py index d61bb89..351f246 100644 --- a/tests/test_randomforest_explainer.py +++ b/tests/test_randomforest_explainer.py @@ -4,7 +4,6 @@ import numpy as np from sklearn.ensemble import RandomForestRegressor, RandomForestClassifier -from sklearn.metrics import r2_score, roc_auc_score import plotly.graph_objects as go import dtreeviz @@ -24,21 +23,19 @@ def setUp(self): model.fit(X_train, y_train) self.explainer = ClassifierExplainer( - model, X_test, y_test, roc_auc_score, - shap='tree', + model, X_test, y_test, cats=['Sex', 'Cabin', 'Embarked'], - idxs=test_names, labels=['Not survived', 'Survived']) def test_graphviz_available(self): self.assertIsInstance(self.explainer.graphviz_available, bool) - def test_decision_trees(self): - dt = self.explainer.decision_trees + def test_shadow_trees(self): + dt = self.explainer.shadow_trees self.assertIsInstance(dt, list) self.assertIsInstance(dt[0], dtreeviz.models.shadow_decision_tree.ShadowDecTree) - def test_decisiontree_df(self): + def test_decisionpath_df(self): df = self.explainer.decisionpath_df(tree_idx=0, index=0) self.assertIsInstance(df, pd.DataFrame) @@ -71,7 +68,7 @@ def setUp(self): model.fit(X_train, y_train) self.explainer = RegressionExplainer( - model, X_test, y_test, r2_score, + model, X_test, y_test, cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, 'Deck', 'Embarked'], idxs=test_names) @@ -79,12 +76,12 @@ def setUp(self): def test_graphviz_available(self): self.assertIsInstance(self.explainer.graphviz_available, bool) - def test_decision_trees(self): - dt = self.explainer.decision_trees + def test_shadow_trees(self): + dt = self.explainer.shadow_trees self.assertIsInstance(dt, list) self.assertIsInstance(dt[0], dtreeviz.models.shadow_decision_tree.ShadowDecTree) - def test_decisiontree_df(self): + def test_decisionpath_df(self): df = self.explainer.decisionpath_df(tree_idx=0, index=0) self.assertIsInstance(df, pd.DataFrame) diff --git a/tests/test_regression_base.py b/tests/test_regression_base.py index bcd972f..d7011d3 100644 --- a/tests/test_regression_base.py +++ b/tests/test_regression_base.py @@ -2,6 +2,7 @@ import pandas as pd import numpy as np +from pandas.api.types import is_categorical_dtype, is_numeric_dtype from sklearn.ensemble import RandomForestRegressor from sklearn.metrics import r2_score @@ -20,8 +21,7 @@ def setUp(self): train_names, test_names = titanic_names() _, self.names = titanic_names() - model = RandomForestRegressor(n_estimators=5, max_depth=2) - model.fit(X_train, y_train) + model = RandomForestRegressor(n_estimators=5, max_depth=2).fit(X_train, y_train) self.explainer = RegressionExplainer( model, X_test, y_test, r2_score, @@ -33,7 +33,7 @@ def test_explainer_len(self): self.assertEqual(len(self.explainer), self.test_len) def test_int_idx(self): - self.assertEqual(self.explainer.get_int_idx(self.names[0]), 0) + self.assertEqual(self.explainer.get_idx(self.names[0]), 0) def test_random_index(self): self.assertIsInstance(self.explainer.random_index(), int) @@ -45,21 +45,15 @@ def test_row_from_input(self): self.assertIsInstance(input_row, pd.DataFrame) input_row = self.explainer.get_row_from_input( - self.explainer.X_cats.iloc[[0]].values.tolist()) + self.explainer.X_merged.iloc[[0]].values.tolist()) self.assertIsInstance(input_row, pd.DataFrame) input_row = self.explainer.get_row_from_input( - self.explainer.X_cats - [self.explainer.columns_ranked_by_shap(cats=True)] + self.explainer.X_merged + [self.explainer.columns_ranked_by_shap()] .iloc[[0]].values.tolist(), ranked_by_shap=True) self.assertIsInstance(input_row, pd.DataFrame) - input_row = self.explainer.get_row_from_input( - self.explainer.X - [self.explainer.columns_ranked_by_shap(cats=False)] - .iloc[[0]].values.tolist(), ranked_by_shap=True) - self.assertIsInstance(input_row, pd.DataFrame) - def test_prediction_result_df(self): df = self.explainer.prediction_result_df(0) self.assertIsInstance(df, pd.DataFrame) @@ -68,34 +62,24 @@ def test_preds(self): self.assertIsInstance(self.explainer.preds, np.ndarray) def test_pred_percentiles(self): - self.assertIsInstance(self.explainer.pred_percentiles, np.ndarray) + self.assertIsInstance(self.explainer.pred_percentiles(), np.ndarray) def test_columns_ranked_by_shap(self): self.assertIsInstance(self.explainer.columns_ranked_by_shap(), list) - self.assertIsInstance(self.explainer.columns_ranked_by_shap(cats=True), list) - - def test_equivalent_col(self): - self.assertEqual(self.explainer.equivalent_col("Sex_female"), "Gender") - self.assertEqual(self.explainer.equivalent_col("Gender"), "Sex_female") - self.assertIsNone(self.explainer.equivalent_col("random")) def test_get_col(self): self.assertIsInstance(self.explainer.get_col("Gender"), pd.Series) - self.assertEqual(self.explainer.get_col("Gender").dtype, "object") + self.assertTrue(is_categorical_dtype(self.explainer.get_col("Gender"))) self.assertIsInstance(self.explainer.get_col("Age"), pd.Series) - self.assertEqual(self.explainer.get_col("Age").dtype, np.float) + self.assertTrue(is_numeric_dtype(self.explainer.get_col("Age"))) def test_permutation_importances(self): - self.assertIsInstance(self.explainer.permutation_importances, pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.permutation_importances(), pd.DataFrame) def test_X_cats(self): self.assertIsInstance(self.explainer.X_cats, pd.DataFrame) - def test_columns_cats(self): - self.assertIsInstance(self.explainer.columns_cats, list) - def test_metrics(self): self.assertIsInstance(self.explainer.metrics(), dict) self.assertIsInstance(self.explainer.metrics_descriptions(), dict) @@ -106,65 +90,51 @@ def test_mean_abs_shap_df(self): def test_top_interactions(self): self.assertIsInstance(self.explainer.top_shap_interactions("Age"), list) self.assertIsInstance(self.explainer.top_shap_interactions("Age", topx=4), list) - self.assertIsInstance(self.explainer.top_shap_interactions("Age", cats=True), list) - self.assertIsInstance(self.explainer.top_shap_interactions("Gender", cats=True), list) def test_permutation_importances_df(self): - self.assertIsInstance(self.explainer.permutation_importances_df(), pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_df(topx=3), pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_df(cats=True), pd.DataFrame) - self.assertIsInstance(self.explainer.permutation_importances_df(cutoff=0.01), pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(), pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(topx=3), pd.DataFrame) + self.assertIsInstance(self.explainer.get_permutation_importances_df(cutoff=0.01), pd.DataFrame) def test_contrib_df(self): self.assertIsInstance(self.explainer.contrib_df(0), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(0, cats=False), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(0, topx=3), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(0, sort='high-to-low'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(0, sort='low-to-high'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(0, sort='importance'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_df(X_row=self.explainer.X.iloc[[0]]), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_df(X_row=self.explainer.X_cats.iloc[[0]]), pd.DataFrame) - def test_contrib_summary_df(self): self.assertIsInstance(self.explainer.contrib_summary_df(0), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_summary_df(0, cats=False), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(0, topx=3), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(0, round=3), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(0, sort='high-to-low'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(0, sort='low-to-high'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(0, sort='importance'), pd.DataFrame) self.assertIsInstance(self.explainer.contrib_summary_df(X_row=self.explainer.X.iloc[[0]]), pd.DataFrame) - self.assertIsInstance(self.explainer.contrib_summary_df(X_row=self.explainer.X_cats.iloc[[0]]), pd.DataFrame) - def test_shap_base_value(self): - self.assertIsInstance(self.explainer.shap_base_value, (np.floating, float)) + self.assertIsInstance(self.explainer.shap_base_value(), (np.floating, float)) def test_shap_values_shape(self): - self.assertTrue(self.explainer.shap_values.shape == (len(self.explainer), len(self.explainer.columns))) + self.assertTrue(self.explainer.shap_values_df().shape == (len(self.explainer), len(self.explainer.merged_cols))) def test_shap_values(self): - self.assertIsInstance(self.explainer.shap_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_values_df(), pd.DataFrame) def test_shap_interaction_values(self): - self.assertIsInstance(self.explainer.shap_interaction_values, np.ndarray) - self.assertIsInstance(self.explainer.shap_interaction_values_cats, np.ndarray) + self.assertIsInstance(self.explainer.shap_interaction_values(), np.ndarray) def test_mean_abs_shap(self): - self.assertIsInstance(self.explainer.mean_abs_shap, pd.DataFrame) - self.assertIsInstance(self.explainer.mean_abs_shap_cats, pd.DataFrame) + self.assertIsInstance(self.explainer.mean_abs_shap_df(), pd.DataFrame) def test_calculate_properties(self): self.explainer.calculate_properties() - def test_shap_interaction_values_by_col(self): - self.assertIsInstance(self.explainer.shap_interaction_values_by_col("Age"), np.ndarray) - self.assertEqual(self.explainer.shap_interaction_values_by_col("Age").shape, - self.explainer.shap_values.shape) - self.assertEqual(self.explainer.shap_interaction_values_by_col("Age", cats=True).shape, - self.explainer.shap_values_cats.shape) + def test_shap_interaction_values_for_col(self): + self.assertIsInstance(self.explainer.shap_interaction_values_for_col("Age"), np.ndarray) + self.assertEqual(self.explainer.shap_interaction_values_for_col("Age").shape, + self.explainer.shap_values_df().shape) def test_pdp_df(self): self.assertIsInstance(self.explainer.pdp_df("Age"), pd.DataFrame) @@ -173,12 +143,6 @@ def test_pdp_df(self): self.assertIsInstance(self.explainer.pdp_df("Age", index=0), pd.DataFrame) self.assertIsInstance(self.explainer.pdp_df("Gender", index=0), pd.DataFrame) - def test_get_dfs(self): - cols_df, shap_df, contribs_df = self.explainer.get_dfs() - self.assertIsInstance(cols_df, pd.DataFrame) - self.assertIsInstance(shap_df, pd.DataFrame) - self.assertIsInstance(contribs_df, pd.DataFrame) - def test_plot_importances(self): fig = self.explainer.plot_importances() self.assertIsInstance(fig, go.Figure) @@ -189,16 +153,10 @@ def test_plot_importances(self): fig = self.explainer.plot_importances(topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_importances(cats=True) - self.assertIsInstance(fig, go.Figure) - def test_plot_interactions(self): fig = self.explainer.plot_interactions_importance("Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions_importance("Sex_female") - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions_importance("Age") self.assertIsInstance(fig, go.Figure) @@ -209,9 +167,6 @@ def test_plot_shap_interactions(self): fig = self.explainer.plot_contributions(0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_contributions(0, cats=False) - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_contributions(0, topx=3) self.assertIsInstance(fig, go.Figure) @@ -234,8 +189,6 @@ def test_plot_shap_detailed(self): fig = self.explainer.plot_shap_detailed(topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_shap_detailed(cats=True) - self.assertIsInstance(fig, go.Figure) def test_plot_interactions_detailed(self): fig = self.explainer.plot_interactions_detailed("Age") @@ -244,15 +197,6 @@ def test_plot_interactions_detailed(self): fig = self.explainer.plot_interactions_detailed("Age", topx=3) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interactions_detailed("Age", cats=True) - self.assertIsInstance(fig, go.Figure) - - fig = self.explainer.plot_interactions_detailed("Sex_female", topx=3) - self.assertIsInstance(fig, go.Figure) - - fig = self.explainer.plot_interactions_detailed("Gender", cats=True) - self.assertIsInstance(fig, go.Figure) - def test_plot_dependence(self): fig = self.explainer.plot_dependence("Age") self.assertIsInstance(fig, go.Figure) @@ -263,9 +207,6 @@ def test_plot_dependence(self): fig = self.explainer.plot_dependence("Age", "Gender") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Sex_female", "Age") - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_dependence("Age", highlight_index=0) self.assertIsInstance(fig, go.Figure) @@ -276,9 +217,6 @@ def test_plot_contributions(self): fig = self.explainer.plot_contributions(0) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_contributions(0, cats=False) - self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_contributions(0, topx=3) self.assertIsInstance(fig, go.Figure) @@ -294,20 +232,18 @@ def test_plot_contributions(self): fig = self.explainer.plot_contributions(X_row=self.explainer.X.iloc[[0]]) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_contributions(X_row=self.explainer.X_cats.iloc[[0]]) - self.assertIsInstance(fig, go.Figure) def test_plot_interaction(self): - fig = self.explainer.plot_interaction("Age", "Sex_female") + fig = self.explainer.plot_interaction("Age", "Gender") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interaction("Sex_female", "Age") + fig = self.explainer.plot_interaction("Gender", "Age") self.assertIsInstance(fig, go.Figure) fig = self.explainer.plot_interaction("Gender", "Age") self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_interaction("Age", "Sex_female", highlight_index=0) + fig = self.explainer.plot_interaction("Age", "Gender", highlight_index=0) self.assertIsInstance(fig, go.Figure) def test_plot_pdp(self): @@ -326,9 +262,6 @@ def test_plot_pdp(self): fig = self.explainer.plot_pdp("Age", X_row=self.explainer.X.iloc[[0]]) self.assertIsInstance(fig, go.Figure) - fig = self.explainer.plot_pdp("Age", X_row=self.explainer.X_cats.iloc[[0]]) - self.assertIsInstance(fig, go.Figure) - def test_yaml(self): yaml = self.explainer.to_yaml() self.assertIsInstance(yaml, str) diff --git a/tests/test_regression_explainer.py b/tests/test_regression_explainer.py index fd580b4..9d1db43 100644 --- a/tests/test_regression_explainer.py +++ b/tests/test_regression_explainer.py @@ -1,10 +1,9 @@ import unittest import pandas as pd +from pandas.api.types import is_categorical_dtype, is_numeric_dtype from sklearn.ensemble import RandomForestRegressor -from sklearn.metrics import r2_score - import plotly.graph_objects as go from explainerdashboard.explainers import RegressionExplainer @@ -23,7 +22,7 @@ def setUp(self): model.fit(X_train, y_train) self.explainer = RegressionExplainer( - model, X_test, y_test, r2_score, + model, X_test, y_test, cats=[{'Gender': ['Sex_female', 'Sex_male', 'Sex_nan']}, 'Deck', 'Embarked'], idxs=test_names) @@ -31,12 +30,6 @@ def setUp(self): def test_residuals(self): self.assertIsInstance(self.explainer.residuals, pd.Series) - def test_prediction_result_markdown(self): - result_index = self.explainer.prediction_result_markdown(0) - self.assertIsInstance(result_index, str) - result_name = self.explainer.prediction_result_markdown(self.names[0]) - self.assertIsInstance(result_name, str) - def test_metrics(self): metrics_dict = self.explainer.metrics() self.assertIsInstance(metrics_dict, dict) diff --git a/tests/test_xgboost_explainer.py b/tests/test_xgboost_explainer.py index e551ad4..c9756c4 100644 --- a/tests/test_xgboost_explainer.py +++ b/tests/test_xgboost_explainer.py @@ -31,12 +31,12 @@ def setUp(self): def test_graphviz_available(self): self.assertIsInstance(self.explainer.graphviz_available, bool) - def test_decision_trees(self): - dt = self.explainer.decision_trees + def test_shadow_trees(self): + dt = self.explainer.shadow_trees self.assertIsInstance(dt, list) self.assertIsInstance(dt[0], dtreeviz.models.shadow_decision_tree.ShadowDecTree) - def test_decisiontree_df(self): + def test_decisionpath_df(self): df = self.explainer.decisionpath_df(tree_idx=0, index=0) self.assertIsInstance(df, pd.DataFrame) @@ -75,12 +75,12 @@ def setUp(self): def test_graphviz_available(self): self.assertIsInstance(self.explainer.graphviz_available, bool) - def test_decision_trees(self): - dt = self.explainer.decision_trees + def test_shadow_trees(self): + dt = self.explainer.shadow_trees self.assertIsInstance(dt, list) self.assertIsInstance(dt[0], dtreeviz.models.shadow_decision_tree.ShadowDecTree) - def test_decisiontree_df(self): + def test_decisionpath_df(self): df = self.explainer.decisionpath_df(tree_idx=0, index=0) self.assertIsInstance(df, pd.DataFrame) @@ -128,12 +128,12 @@ def setUp(self): def test_graphviz_available(self): self.assertIsInstance(self.explainer.graphviz_available, bool) - def test_decision_trees(self): - dt = self.explainer.decision_trees + def test_shadow_trees(self): + dt = self.explainer.shadow_trees self.assertIsInstance(dt, list) self.assertIsInstance(dt[0], dtreeviz.models.shadow_decision_tree.ShadowDecTree) - def test_decisiontree_df(self): + def test_decisionpath_df(self): df = self.explainer.decisionpath_df(tree_idx=0, index=0) self.assertIsInstance(df, pd.DataFrame) From 71ff22e389056283f9875730c6996ef6f38b1b9f Mon Sep 17 00:00:00 2001 From: Oege Dijk Date: Wed, 20 Jan 2021 17:24:01 +0100 Subject: [PATCH 10/28] updated notebook examples --- RELEASE_NOTES.md | 10 +- TODO.md | 2 +- custom_examples.ipynb | 552 +- dashboard_examples.ipynb | 683 +- explainer_examples.ipynb | 152619 ++++++++++------------------ explainerdashboard/dashboards.py | 8 + explainerdashboard/explainers.py | 66 + requirements.txt | 7 +- 8 files changed, 56743 insertions(+), 97204 deletions(-) diff --git a/RELEASE_NOTES.md b/RELEASE_NOTES.md index 85b99c6..af2d948 100644 --- a/RELEASE_NOTES.md +++ b/RELEASE_NOTES.md @@ -31,11 +31,11 @@ - `plot_interactions()` -> `plot_interactions_importance()` -`TreeExplainers`: - `self.decision_trees` -> `self.shadow_trees` - - `self.decisiontree_df` -> `self.decisionpath_df` - - `self.decisiontree_summary_df` -> `self.decisionpath_summary_df` - - `self.decision_path_file` -> `self.decisiontree_file` - - `self.decision_path` -> `self.decisiontree` - - `self.decision_path_encoded` -> `self.decisiontree_encoded` + - `self.decisiontree_df()` -> `self.decisionpath_df()` + - `self.decisiontree_summary_df()` -> `self.decisionpath_summary_df()` + - `self.decision_path_file()` -> `self.decisiontree_file()` + - `self.decision_path()` -> `self.decisiontree()` + - `self.decision_path_encoded()` -> `self.decisiontree_encoded()` ### New Features - new `Explainer` parameter `precision`: defaults to `'float64'`. Can be set to diff --git a/TODO.md b/TODO.md index 629e974..a01b239 100644 --- a/TODO.md +++ b/TODO.md @@ -7,7 +7,7 @@ - add v03 check - add deprecation warnings for old methods - update tutorial notebooks - +- check InlineExplainer ## Bugs: diff --git a/custom_examples.ipynb b/custom_examples.ipynb index 09b73e4..52d31dd 100644 --- a/custom_examples.ipynb +++ b/custom_examples.ipynb @@ -21,8 +21,8 @@ "execution_count": 1, "metadata": { "ExecuteTime": { - "end_time": "2020-10-12T09:05:06.986556Z", - "start_time": "2020-10-12T09:05:06.974710Z" + "end_time": "2021-01-20T16:17:23.055000Z", + "start_time": "2021-01-20T16:17:23.050915Z" } }, "outputs": [], @@ -39,8 +39,13 @@ }, { "cell_type": "code", - "execution_count": null, - "metadata": {}, + "execution_count": 2, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T16:17:24.297328Z", + "start_time": "2021-01-20T16:17:24.292798Z" + } + }, "outputs": [], "source": [ "from IPython.core.interactiveshell import InteractiveShell\n", @@ -49,22 +54,22 @@ }, { "cell_type": "code", - "execution_count": null, - "metadata": {}, + "execution_count": 4, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T16:17:56.270605Z", + "start_time": "2021-01-20T16:17:52.395582Z" + } + }, "outputs": [], "source": [ "from sklearn.ensemble import RandomForestClassifier\n", "\n", "from jupyter_dash import JupyterDash\n", "\n", - "import dash_html_components as html\n", - "import dash_bootstrap_components as dbc\n", - "\n", - "\n", - "from explainerdashboard.explainers import *\n", + "from explainerdashboard import *\n", "from explainerdashboard.datasets import *\n", - "from explainerdashboard.dashboard_components import *\n", - "from explainerdashboard.dashboards import *" + "from explainerdashboard.custom import *" ] }, { @@ -76,11 +81,11 @@ }, { "cell_type": "code", - "execution_count": 2, + "execution_count": 5, "metadata": { "ExecuteTime": { - "end_time": "2020-10-12T09:06:49.129644Z", - "start_time": "2020-10-12T09:06:46.438802Z" + "end_time": "2021-01-20T16:18:40.518834Z", + "start_time": "2021-01-20T16:18:39.584750Z" } }, "outputs": [ @@ -89,9 +94,9 @@ "output_type": "stream", "text": [ "Note: shap=='guess' so guessing for RandomForestClassifier shap='tree'...\n", + "Detected RandomForestClassifier model: Changing class type to RandomForestClassifierExplainer...\n", "Note: model_output=='probability', so assuming that raw shap output of RandomForestClassifier is in probability space...\n", "Generating self.shap_explainer = shap.TreeExplainer(model)\n", - "Detected RandomForestClassifier model: Changing class type to RandomForestClassifierExplainer...\n", "Calculating shap values...\n" ] }, @@ -105,12 +110,12 @@ " require.undef(\"plotly\");\n", " define('plotly', function(require, exports, module) {\n", " /**\n", - "* plotly.js v1.55.2\n", + "* plotly.js v1.56.0\n", "* Copyright 2012-2020, Plotly, Inc.\n", "* All rights reserved.\n", "* Licensed under the MIT license\n", "*/\n", - "!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 a(o,s){if(!r[o]){if(!e[o]){var l=\"function\"==typeof require&&require;if(!s&&l)return l(o,!0);if(i)return i(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 a(e[o][1][t]||t)}),u,u.exports,t,e,r,n)}return r[o].exports}for(var i=\"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 i in a){var o=i.replace(/^,/,\" ,\").replace(/X/g,\".js-plotly-plot .plotly\").replace(/Y/g,\".plotly-notifier\");n.addStyleRule(o,a[i])}},{\"../src/lib\":749}],2:[function(t,e,r){\"use strict\";e.exports=t(\"../src/transforms/aggregate\")},{\"../src/transforms/aggregate\":1332}],3:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/bar\")},{\"../src/traces/bar\":898}],4:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/barpolar\")},{\"../src/traces/barpolar\":911}],5:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/box\")},{\"../src/traces/box\":921}],6:[function(t,e,r){\"use strict\";e.exports=t(\"../src/components/calendars\")},{\"../src/components/calendars\":613}],7:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/candlestick\")},{\"../src/traces/candlestick\":930}],8:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/carpet\")},{\"../src/traces/carpet\":949}],9:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/choropleth\")},{\"../src/traces/choropleth\":963}],10:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/choroplethmapbox\")},{\"../src/traces/choroplethmapbox\":970}],11:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/cone\")},{\"../src/traces/cone\":976}],12:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/contour\")},{\"../src/traces/contour\":991}],13:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/contourcarpet\")},{\"../src/traces/contourcarpet\":1002}],14:[function(t,e,r){\"use strict\";e.exports=t(\"../src/core\")},{\"../src/core\":726}],15:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/densitymapbox\")},{\"../src/traces/densitymapbox\":1010}],16:[function(t,e,r){\"use strict\";e.exports=t(\"../src/transforms/filter\")},{\"../src/transforms/filter\":1333}],17:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/funnel\")},{\"../src/traces/funnel\":1020}],18:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/funnelarea\")},{\"../src/traces/funnelarea\":1029}],19:[function(t,e,r){\"use strict\";e.exports=t(\"../src/transforms/groupby\")},{\"../src/transforms/groupby\":1334}],20:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/heatmap\")},{\"../src/traces/heatmap\":1042}],21:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/heatmapgl\")},{\"../src/traces/heatmapgl\":1052}],22:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/histogram\")},{\"../src/traces/histogram\":1064}],23:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/histogram2d\")},{\"../src/traces/histogram2d\":1070}],24:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/histogram2dcontour\")},{\"../src/traces/histogram2dcontour\":1074}],25:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/image\")},{\"../src/traces/image\":1081}],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\":1089}],28:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/isosurface\")},{\"../src/traces/isosurface\":1095}],29:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/mesh3d\")},{\"../src/traces/mesh3d\":1100}],30:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/ohlc\")},{\"../src/traces/ohlc\":1105}],31:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/parcats\")},{\"../src/traces/parcats\":1114}],32:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/parcoords\")},{\"../src/traces/parcoords\":1124}],33:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/pie\")},{\"../src/traces/pie\":1135}],34:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/pointcloud\")},{\"../src/traces/pointcloud\":1144}],35:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/sankey\")},{\"../src/traces/sankey\":1150}],36:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scatter3d\")},{\"../src/traces/scatter3d\":1187}],37:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scattercarpet\")},{\"../src/traces/scattercarpet\":1194}],38:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scattergeo\")},{\"../src/traces/scattergeo\":1202}],39:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scattergl\")},{\"../src/traces/scattergl\":1215}],40:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scattermapbox\")},{\"../src/traces/scattermapbox\":1225}],41:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scatterpolar\")},{\"../src/traces/scatterpolar\":1233}],42:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scatterpolargl\")},{\"../src/traces/scatterpolargl\":1240}],43:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scatterternary\")},{\"../src/traces/scatterternary\":1248}],44:[function(t,e,r){\"use strict\";e.exports=t(\"../src/transforms/sort\")},{\"../src/transforms/sort\":1336}],45:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/splom\")},{\"../src/traces/splom\":1257}],46:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/streamtube\")},{\"../src/traces/streamtube\":1265}],47:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/sunburst\")},{\"../src/traces/sunburst\":1273}],48:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/surface\")},{\"../src/traces/surface\":1282}],49:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/table\")},{\"../src/traces/table\":1290}],50:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/treemap\")},{\"../src/traces/treemap\":1299}],51:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/violin\")},{\"../src/traces/violin\":1311}],52:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/volume\")},{\"../src/traces/volume\":1319}],53:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/waterfall\")},{\"../src/traces/waterfall\":1327}],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(),h=a(),f=i();return u.setDistanceLimits(l[0],l[1]),u.lookAt(0,e,r,s),h.setDistanceLimits(l[0],l[1]),h.lookAt(0,e,r,s),f.setDistanceLimits(l[0],l[1]),f.lookAt(0,e,r,s),new o({turntable:u,orbit:h,matrix:f},c)};var n=t(\"turntable-camera-controller\"),a=t(\"orbit-camera-controller\"),i=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||a>1)}function A(t,e,r){return t.sort(E),t.forEach((function(n,a){var i,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,a,i){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,i),A(t.links.filter((function(t){return\"bottom\"==t.circularLinkType})),r,i),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,i)&&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(I):c.sort(P),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(a,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 h=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=h(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 P(t,e){return t.y1-e.y1}function I(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(a){if(!a.circular&&a.target.column-a.source.column>1){var i=a.source.column+1,o=a.target.column-1,s=1,l=o-i+1;for(s=1;i<=o;i++,s++)t.nodes.forEach((function(o){if(o.column==i){var c,u=s/(l+1),h=Math.pow(1-u,3),f=3*u*Math.pow(1-u,2),p=3*Math.pow(u,2)*(1-u),d=Math.pow(u,3),g=h*a.y0+f*a.y0+p*a.y1+d*a.y1,m=g-a.width/2,v=g+a.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(a){n&&a.y+(a.y1-a.y0)>e&&(a.y=a.y-(a.y+(a.y1-a.y0)-e));var i=t.links.filter((function(t){return b(t.source,r)==b(a,r)})),o=i.length;o>1&&i.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=a.y0;i.forEach((function(t){t.y0=s+t.width/2,s+=t.width})),i.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 a=t.nodes,i=t.links,o=!1,s=!1;if(i.forEach((function(t){\"top\"==t.circularLinkType?o=!0:\"bottom\"==t.circularLinkType&&(s=!0)})),0==o||0==s){var l=e.min(a,(function(t){return t.y0})),c=(n-r)/(e.max(a,(function(t){return t.y1}))-l);a.forEach((function(t){var e=(t.y1-t.y0)*c;t.y0=(t.y0-l)*c,t.y1=t.y0+e})),i.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,a=0,i=0,b=1,T=1,M=24,A=m,E=o,C=v,L=y,P=32,I=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,P,A),V(t);for(var e=4,r=0;r0?r+25+10:r,bottom:n=n>0?n+25+10:n,left:i=i>0?i+25+10:i,right:a=a>0?a+25+10:a}}(o),h=function(t,r){var n=e.max(t.nodes,(function(t){return t.column})),o=b-a,s=T-i,l=o/(o+r.right+r.left),c=s/(s+r.top+r.bottom);return a=a*l+r.left,b=0==r.right?b:b*l,i=i*c+r.top,T*=c,t.nodes.forEach((function(t){t.x0=a+t.column*((b-a-M)/n),t.x1=t.x0+M})),c}(o,u);l*=h,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=i+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-i)/e*n,t.y1=t.y0+t.value*l):(t.y0=(T-i)/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(a){var i=a.length,o=a[0].depth;a.forEach((function(a){var s;if(a.sourceLinks.length||a.targetLinks.length)if(a.partOfCycle&&k(a,r)>0);else if(0==o&&1==i)s=a.y1-a.y0,a.y0=T/2-s/2,a.y1=T/2+s/2;else if(o==n-1&&1==i)s=a.y1-a.y0,a.y0=T/2-s/2,a.y1=T/2+s/2;else{var l=e.mean(a.sourceLinks,g),c=e.mean(a.targetLinks,d),u=((l&&c?(l+c)/2:l||c)-p(a))*t;a.y0+=u,a.y1+=u}}))}))}function y(){c.forEach((function(e){var r,n,a,o=i,s=e.length;for(e.sort(h),a=0;a0&&(r.y0+=n,r.y1+=n),o=r.y1+t;if((n=o-t-T)>0)for(o=r.y0-=n,r.y1-=n,a=s-2;a>=0;--a)(n=(r=e[a]).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,a=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=a-t.width/2,a-=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?(a=i=0,b=+t[0],T=+t[1],O):[b-a,T-i]},O.extent=function(t){return arguments.length?(a=+t[0][0],b=+t[1][0],i=+t[0][1],T=+t[1][1],O):[[a,i],[b,T]]},O.iterations=function(t){return arguments.length?(P=+t,O):P},O.circularLinkGap=function(t){return arguments.length?(I=+t,O):I},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.y1i&&(b=i);var o=e.min(a,(function(t){return(y-n-(t.length-1)*b)/e.sum(t,u)}));a.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 i=1,o=M;o>0;--o)l(i*=.99),d(),s(i),d();function s(t){a.forEach((function(r){r.forEach((function(r){if(r.targetLinks.length){var n=(e.sum(r.targetLinks,f)/e.sum(r.targetLinks,u)-h(r))*t;r.y0+=n,r.y1+=n}}))}))}function l(t){a.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)-h(r))*t;r.y0+=n,r.y1+=n}}))}))}function d(){a.forEach((function(t){var e,r,a,i=n,o=t.length;for(t.sort(c),a=0;a0&&(e.y0+=r,e.y1+=r),i=e.y1+b;if((r=i-b-y)>0)for(i=e.y0-=r,e.y1-=r,a=o-2;a>=0;--a)(r=(e=t[a]).y1+b-i)>0&&(e.y0-=r,e.y1-=r),i=e.y0}))}}function P(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 P(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,a=+e[0],y=+e[1],A):[a-t,y-n]},A.extent=function(e){return arguments.length?(t=+e[0][0],a=+e[1][0],n=+e[0][1],y=+e[1][1],A):[[t,n],[a,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,a)-1:0},t.sankeyLeft=function(t){return t.depth},t.sankeyRight=function(t,e){return e-1-t.height},t.sankeyJustify=i,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\"),a=t(\"clamp\"),i=t(\"parse-rect\"),o=t(\"array-bounds\"),s=t(\"pick-by-alias\"),l=t(\"defined\"),c=t(\"flatten-vertex-data\"),u=t(\"is-obj\"),h=t(\"dtype\"),f=t(\"math-log2\");function p(t,e){for(var r=e[0],n=e[1],i=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(h(e.dtype))(m):e.dtype&&(d=e.dtype,Array.isArray(d)&&(d.length=m));for(var v=0;vr||s>1073741824){for(var f=0;fe+n||w>r+n||T=M||i===o)){var s=y[a];void 0===o&&(o=s.length);for(var l=i;l=d&&u<=m&&h>=g&&h<=v&&S.push(c)}var f=x[a],p=f[4*i+0],b=f[4*i+1],A=f[4*i+2],E=f[4*i+3],P=L(f,i+1),I=.5*n,z=a+1;C(e,r,I,z,p,b||A||E||P),C(e,r+I,I,z,b,A||E||P),C(e+I,r,I,z,A,E||P),C(e+I,r+I,I,z,E,P)}}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,a,i){for(var o=[],s=0;s0){e+=Math.abs(i(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=h,r.lengthToRadians=f,r.lengthToDegrees=function(t,e){return p(f(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 h(f(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 a=r.areaFactors[e];if(!a)throw new Error(\"invalid original units\");var i=r.areaFactors[n];if(!i)throw new Error(\"invalid final units\");return t/a*i},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 a(t,e,r){if(null!==t)for(var n,i,o,s,l,c,u,h,f=0,p=0,d=t.type,g=\"FeatureCollection\"===d,m=\"Feature\"===d,v=g?t.features.length:1,y=0;yc||p>u||d>h)return l=a,c=r,u=p,h=d,void(o=0);var g=n.lineString([l,a],t.properties);if(!1===e(g,r,i,d,o))return!1;o++,l=a}))&&void 0}}}))}function u(t,e){if(!t)throw new Error(\"geojson is required\");l(t,(function(t,r,a){if(null!==t.geometry){var i=t.geometry.type,o=t.geometry.coordinates;switch(i){case\"LineString\":if(!1===e(t,r,a,0,0))return!1;break;case\"Polygon\":for(var s=0;sa&&(a=t[o]),t[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 i in a){var o=i.replace(/^,/,\" ,\").replace(/X/g,\".js-plotly-plot .plotly\").replace(/Y/g,\".plotly-notifier\");n.addStyleRule(o,a[i])}},{\"../src/lib\":749}],2:[function(t,e,r){\"use strict\";e.exports=t(\"../src/transforms/aggregate\")},{\"../src/transforms/aggregate\":1334}],3:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/bar\")},{\"../src/traces/bar\":899}],4:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/barpolar\")},{\"../src/traces/barpolar\":912}],5:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/box\")},{\"../src/traces/box\":922}],6:[function(t,e,r){\"use strict\";e.exports=t(\"../src/components/calendars\")},{\"../src/components/calendars\":613}],7:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/candlestick\")},{\"../src/traces/candlestick\":931}],8:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/carpet\")},{\"../src/traces/carpet\":950}],9:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/choropleth\")},{\"../src/traces/choropleth\":964}],10:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/choroplethmapbox\")},{\"../src/traces/choroplethmapbox\":971}],11:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/cone\")},{\"../src/traces/cone\":977}],12:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/contour\")},{\"../src/traces/contour\":992}],13:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/contourcarpet\")},{\"../src/traces/contourcarpet\":1003}],14:[function(t,e,r){\"use strict\";e.exports=t(\"../src/core\")},{\"../src/core\":726}],15:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/densitymapbox\")},{\"../src/traces/densitymapbox\":1011}],16:[function(t,e,r){\"use strict\";e.exports=t(\"../src/transforms/filter\")},{\"../src/transforms/filter\":1335}],17:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/funnel\")},{\"../src/traces/funnel\":1021}],18:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/funnelarea\")},{\"../src/traces/funnelarea\":1030}],19:[function(t,e,r){\"use strict\";e.exports=t(\"../src/transforms/groupby\")},{\"../src/transforms/groupby\":1336}],20:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/heatmap\")},{\"../src/traces/heatmap\":1043}],21:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/heatmapgl\")},{\"../src/traces/heatmapgl\":1053}],22:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/histogram\")},{\"../src/traces/histogram\":1065}],23:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/histogram2d\")},{\"../src/traces/histogram2d\":1071}],24:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/histogram2dcontour\")},{\"../src/traces/histogram2dcontour\":1075}],25:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/image\")},{\"../src/traces/image\":1082}],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\":1090}],28:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/isosurface\")},{\"../src/traces/isosurface\":1096}],29:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/mesh3d\")},{\"../src/traces/mesh3d\":1101}],30:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/ohlc\")},{\"../src/traces/ohlc\":1106}],31:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/parcats\")},{\"../src/traces/parcats\":1115}],32:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/parcoords\")},{\"../src/traces/parcoords\":1125}],33:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/pie\")},{\"../src/traces/pie\":1136}],34:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/pointcloud\")},{\"../src/traces/pointcloud\":1145}],35:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/sankey\")},{\"../src/traces/sankey\":1151}],36:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scatter3d\")},{\"../src/traces/scatter3d\":1189}],37:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scattercarpet\")},{\"../src/traces/scattercarpet\":1196}],38:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scattergeo\")},{\"../src/traces/scattergeo\":1204}],39:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scattergl\")},{\"../src/traces/scattergl\":1217}],40:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scattermapbox\")},{\"../src/traces/scattermapbox\":1227}],41:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scatterpolar\")},{\"../src/traces/scatterpolar\":1235}],42:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scatterpolargl\")},{\"../src/traces/scatterpolargl\":1242}],43:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scatterternary\")},{\"../src/traces/scatterternary\":1250}],44:[function(t,e,r){\"use strict\";e.exports=t(\"../src/transforms/sort\")},{\"../src/transforms/sort\":1338}],45:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/splom\")},{\"../src/traces/splom\":1259}],46:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/streamtube\")},{\"../src/traces/streamtube\":1267}],47:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/sunburst\")},{\"../src/traces/sunburst\":1275}],48:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/surface\")},{\"../src/traces/surface\":1284}],49:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/table\")},{\"../src/traces/table\":1292}],50:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/treemap\")},{\"../src/traces/treemap\":1301}],51:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/violin\")},{\"../src/traces/violin\":1313}],52:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/volume\")},{\"../src/traces/volume\":1321}],53:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/waterfall\")},{\"../src/traces/waterfall\":1329}],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(),h=a(),f=i();return u.setDistanceLimits(l[0],l[1]),u.lookAt(0,e,r,s),h.setDistanceLimits(l[0],l[1]),h.lookAt(0,e,r,s),f.setDistanceLimits(l[0],l[1]),f.lookAt(0,e,r,s),new o({turntable:u,orbit:h,matrix:f},c)};var n=t(\"turntable-camera-controller\"),a=t(\"orbit-camera-controller\"),i=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||a>1)}function A(t,e,r){return t.sort(E),t.forEach((function(n,a){var i,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,a,i){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,i),A(t.links.filter((function(t){return\"bottom\"==t.circularLinkType})),r,i),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,i)&&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(I):c.sort(P),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(a,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 h=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=h(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 P(t,e){return t.y1-e.y1}function I(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(a){if(!a.circular&&a.target.column-a.source.column>1){var i=a.source.column+1,o=a.target.column-1,s=1,l=o-i+1;for(s=1;i<=o;i++,s++)t.nodes.forEach((function(o){if(o.column==i){var c,u=s/(l+1),h=Math.pow(1-u,3),f=3*u*Math.pow(1-u,2),p=3*Math.pow(u,2)*(1-u),d=Math.pow(u,3),g=h*a.y0+f*a.y0+p*a.y1+d*a.y1,m=g-a.width/2,v=g+a.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(a){n&&a.y+(a.y1-a.y0)>e&&(a.y=a.y-(a.y+(a.y1-a.y0)-e));var i=t.links.filter((function(t){return b(t.source,r)==b(a,r)})),o=i.length;o>1&&i.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=a.y0;i.forEach((function(t){t.y0=s+t.width/2,s+=t.width})),i.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 a=t.nodes,i=t.links,o=!1,s=!1;if(i.forEach((function(t){\"top\"==t.circularLinkType?o=!0:\"bottom\"==t.circularLinkType&&(s=!0)})),0==o||0==s){var l=e.min(a,(function(t){return t.y0})),c=(n-r)/(e.max(a,(function(t){return t.y1}))-l);a.forEach((function(t){var e=(t.y1-t.y0)*c;t.y0=(t.y0-l)*c,t.y1=t.y0+e})),i.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,a=0,i=0,b=1,T=1,M=24,A=m,E=o,C=v,L=y,P=32,I=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,P,A),V(t);for(var e=4,r=0;r0?r+25+10:r,bottom:n=n>0?n+25+10:n,left:i=i>0?i+25+10:i,right:a=a>0?a+25+10:a}}(o),h=function(t,r){var n=e.max(t.nodes,(function(t){return t.column})),o=b-a,s=T-i,l=o/(o+r.right+r.left),c=s/(s+r.top+r.bottom);return a=a*l+r.left,b=0==r.right?b:b*l,i=i*c+r.top,T*=c,t.nodes.forEach((function(t){t.x0=a+t.column*((b-a-M)/n),t.x1=t.x0+M})),c}(o,u);l*=h,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=i+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-i)/e*n,t.y1=t.y0+t.value*l):(t.y0=(T-i)/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(a){var i=a.length,o=a[0].depth;a.forEach((function(a){var s;if(a.sourceLinks.length||a.targetLinks.length)if(a.partOfCycle&&k(a,r)>0);else if(0==o&&1==i)s=a.y1-a.y0,a.y0=T/2-s/2,a.y1=T/2+s/2;else if(o==n-1&&1==i)s=a.y1-a.y0,a.y0=T/2-s/2,a.y1=T/2+s/2;else{var l=e.mean(a.sourceLinks,g),c=e.mean(a.targetLinks,d),u=((l&&c?(l+c)/2:l||c)-p(a))*t;a.y0+=u,a.y1+=u}}))}))}function y(){c.forEach((function(e){var r,n,a,o=i,s=e.length;for(e.sort(h),a=0;a0&&(r.y0+=n,r.y1+=n),o=r.y1+t;if((n=o-t-T)>0)for(o=r.y0-=n,r.y1-=n,a=s-2;a>=0;--a)(n=(r=e[a]).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,a=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=a-t.width/2,a-=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?(a=i=0,b=+t[0],T=+t[1],O):[b-a,T-i]},O.extent=function(t){return arguments.length?(a=+t[0][0],b=+t[1][0],i=+t[0][1],T=+t[1][1],O):[[a,i],[b,T]]},O.iterations=function(t){return arguments.length?(P=+t,O):P},O.circularLinkGap=function(t){return arguments.length?(I=+t,O):I},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.y1i&&(b=i);var o=e.min(a,(function(t){return(y-n-(t.length-1)*b)/e.sum(t,u)}));a.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 i=1,o=M;o>0;--o)l(i*=.99),d(),s(i),d();function s(t){a.forEach((function(r){r.forEach((function(r){if(r.targetLinks.length){var n=(e.sum(r.targetLinks,f)/e.sum(r.targetLinks,u)-h(r))*t;r.y0+=n,r.y1+=n}}))}))}function l(t){a.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)-h(r))*t;r.y0+=n,r.y1+=n}}))}))}function d(){a.forEach((function(t){var e,r,a,i=n,o=t.length;for(t.sort(c),a=0;a0&&(e.y0+=r,e.y1+=r),i=e.y1+b;if((r=i-b-y)>0)for(i=e.y0-=r,e.y1-=r,a=o-2;a>=0;--a)(r=(e=t[a]).y1+b-i)>0&&(e.y0-=r,e.y1-=r),i=e.y0}))}}function P(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 P(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,a=+e[0],y=+e[1],A):[a-t,y-n]},A.extent=function(e){return arguments.length?(t=+e[0][0],a=+e[1][0],n=+e[0][1],y=+e[1][1],A):[[t,n],[a,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,a)-1:0},t.sankeyLeft=function(t){return t.depth},t.sankeyRight=function(t,e){return e-1-t.height},t.sankeyJustify=i,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\"),a=t(\"clamp\"),i=t(\"parse-rect\"),o=t(\"array-bounds\"),s=t(\"pick-by-alias\"),l=t(\"defined\"),c=t(\"flatten-vertex-data\"),u=t(\"is-obj\"),h=t(\"dtype\"),f=t(\"math-log2\");function p(t,e){for(var r=e[0],n=e[1],i=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(h(e.dtype))(m):e.dtype&&(d=e.dtype,Array.isArray(d)&&(d.length=m));for(var v=0;vr||s>1073741824){for(var f=0;fe+n||w>r+n||T=M||i===o)){var s=y[a];void 0===o&&(o=s.length);for(var l=i;l=d&&u<=m&&h>=g&&h<=v&&S.push(c)}var f=x[a],p=f[4*i+0],b=f[4*i+1],A=f[4*i+2],E=f[4*i+3],P=L(f,i+1),I=.5*n,z=a+1;C(e,r,I,z,p,b||A||E||P),C(e,r+I,I,z,b,A||E||P),C(e+I,r,I,z,A,E||P),C(e+I,r+I,I,z,E,P)}}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,a,i){for(var o=[],s=0;s0){e+=Math.abs(i(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=h,r.lengthToRadians=f,r.lengthToDegrees=function(t,e){return p(f(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 h(f(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 a=r.areaFactors[e];if(!a)throw new Error(\"invalid original units\");var i=r.areaFactors[n];if(!i)throw new Error(\"invalid final units\");return t/a*i},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 a(t,e,r){if(null!==t)for(var n,i,o,s,l,c,u,h,f=0,p=0,d=t.type,g=\"FeatureCollection\"===d,m=\"Feature\"===d,v=g?t.features.length:1,y=0;yc||p>u||d>h)return l=a,c=r,u=p,h=d,void(o=0);var g=n.lineString([l,a],t.properties);if(!1===e(g,r,i,d,o))return!1;o++,l=a}))&&void 0}}}))}function u(t,e){if(!t)throw new Error(\"geojson is required\");l(t,(function(t,r,a){if(null!==t.geometry){var i=t.geometry.type,o=t.geometry.coordinates;switch(i){case\"LineString\":if(!1===e(t,r,a,0,0))return!1;break;case\"Polygon\":for(var s=0;sa&&(a=t[o]),t[o]\n", " * @license MIT\n", " */\n", - "\"use strict\";var n=t(\"base64-js\"),a=t(\"ieee754\");r.Buffer=e,r.SlowBuffer=function(t){+t!=t&&(t=0);return e.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 r=new Uint8Array(t);return r.__proto__=e.prototype,r}function e(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,r,n){if(\"string\"==typeof t)return function(t,r){\"string\"==typeof r&&\"\"!==r||(r=\"utf8\");if(!e.isEncoding(r))throw new TypeError(\"Unknown encoding: \"+r);var n=0|h(t,r),a=i(n),o=a.write(t,r);o!==n&&(a=a.slice(0,o));return a}(t,r);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,r,n){if(r<0||t.byteLength=2147483647)throw new RangeError(\"Attempt to allocate Buffer larger than maximum size: 0x\"+2147483647..toString(16)+\" bytes\");return 0|t}function h(t,r){if(e.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 n=t.length,a=arguments.length>2&&!0===arguments[2];if(!a&&0===n)return 0;for(var i=!1;;)switch(r){case\"ascii\":case\"latin1\":case\"binary\":return n;case\"utf8\":case\"utf-8\":return D(t).length;case\"ucs2\":case\"ucs-2\":case\"utf16le\":case\"utf-16le\":return 2*n;case\"hex\":return n>>>1;case\"base64\":return R(t).length;default:if(i)return a?-1:D(t).length;r=(\"\"+r).toLowerCase(),i=!0}}function f(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,r,n,a,i){if(0===t.length)return-1;if(\"string\"==typeof n?(a=n,n=0):n>2147483647?n=2147483647:n<-2147483648&&(n=-2147483648),N(n=+n)&&(n=i?0:t.length-1),n<0&&(n=t.length+n),n>=t.length){if(i)return-1;n=t.length-1}else if(n<0){if(!i)return-1;n=0}if(\"string\"==typeof r&&(r=e.from(r,a)),e.isBuffer(r))return 0===r.length?-1:g(t,r,n,a,i);if(\"number\"==typeof r)return r&=255,\"function\"==typeof Uint8Array.prototype.indexOf?i?Uint8Array.prototype.indexOf.call(t,r,n):Uint8Array.prototype.lastIndexOf.call(t,r,n):g(t,[r],n,a,i);throw new TypeError(\"val must be string, number or Buffer\")}function g(t,e,r,n,a){var i,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(a){var u=-1;for(i=r;is&&(r=s-l),i=r;i>=0;i--){for(var h=!0,f=0;fa&&(n=a):n=a;var i=e.length;n>i/2&&(n=i/2);for(var o=0;o>8,a=r%256,i.push(a),i.push(n);return i}(e,t.length-r),t,r,n)}function w(t,e,r){return 0===e&&r===t.length?n.fromByteArray(t):n.fromByteArray(t.slice(e,r))}function T(t,e,r){r=Math.min(t.length,r);for(var n=[],a=e;a239?4:c>223?3:c>191?2:1;if(a+h<=r)switch(h){case 1:c<128&&(u=c);break;case 2:128==(192&(i=t[a+1]))&&(l=(31&c)<<6|63&i)>127&&(u=l);break;case 3:i=t[a+1],o=t[a+2],128==(192&i)&&128==(192&o)&&(l=(15&c)<<12|(63&i)<<6|63&o)>2047&&(l<55296||l>57343)&&(u=l);break;case 4:i=t[a+1],o=t[a+2],s=t[a+3],128==(192&i)&&128==(192&o)&&128==(192&s)&&(l=(15&c)<<18|(63&i)<<12|(63&o)<<6|63&s)>65535&&l<1114112&&(u=l)}null===u?(u=65533,h=1):u>65535&&(u-=65536,n.push(u>>>10&1023|55296),u=56320|1023&u),n.push(u),a+=h}return function(t){var e=t.length;if(e<=4096)return String.fromCharCode.apply(String,t);var r=\"\",n=0;for(;ne&&(t+=\" ... \"),\"\"},e.prototype.compare=function(t,r,n,a,i){if(B(t,Uint8Array)&&(t=e.from(t,t.offset,t.byteLength)),!e.isBuffer(t))throw new TypeError('The \"target\" argument must be one of type Buffer or Uint8Array. Received type '+typeof t);if(void 0===r&&(r=0),void 0===n&&(n=t?t.length:0),void 0===a&&(a=0),void 0===i&&(i=this.length),r<0||n>t.length||a<0||i>this.length)throw new RangeError(\"out of range index\");if(a>=i&&r>=n)return 0;if(a>=i)return-1;if(r>=n)return 1;if(this===t)return 0;for(var o=(i>>>=0)-(a>>>=0),s=(n>>>=0)-(r>>>=0),l=Math.min(o,s),c=this.slice(a,i),u=t.slice(r,n),h=0;h>>=0,isFinite(r)?(r>>>=0,void 0===n&&(n=\"utf8\")):(n=r,r=void 0)}var a=this.length-e;if((void 0===r||r>a)&&(r=a),t.length>0&&(r<0||e<0)||e>this.length)throw new RangeError(\"Attempt to write outside buffer bounds\");n||(n=\"utf8\");for(var i=!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(i)throw new TypeError(\"Unknown encoding: \"+n);n=(\"\"+n).toLowerCase(),i=!0}},e.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 a=e;an)&&(r=n);for(var a=\"\",i=e;ir)throw new RangeError(\"Trying to access beyond buffer length\")}function C(t,r,n,a,i,o){if(!e.isBuffer(t))throw new TypeError('\"buffer\" argument must be a Buffer instance');if(r>i||rt.length)throw new RangeError(\"Index out of range\")}function L(t,e,r,n,a,i){if(r+n>t.length)throw new RangeError(\"Index out of range\");if(r<0)throw new RangeError(\"Index out of range\")}function P(t,e,r,n,i){return e=+e,r>>>=0,i||L(t,0,r,4),a.write(t,e,r,n,23,4),r+4}function I(t,e,r,n,i){return e=+e,r>>>=0,i||L(t,0,r,8),a.write(t,e,r,n,52,8),r+8}e.prototype.slice=function(t,r){var n=this.length;(t=~~t)<0?(t+=n)<0&&(t=0):t>n&&(t=n),(r=void 0===r?n:~~r)<0?(r+=n)<0&&(r=0):r>n&&(r=n),r>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t],a=1,i=0;++i>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t+--e],a=1;e>0&&(a*=256);)n+=this[t+--e]*a;return n},e.prototype.readUInt8=function(t,e){return t>>>=0,e||E(t,1,this.length),this[t]},e.prototype.readUInt16LE=function(t,e){return t>>>=0,e||E(t,2,this.length),this[t]|this[t+1]<<8},e.prototype.readUInt16BE=function(t,e){return t>>>=0,e||E(t,2,this.length),this[t]<<8|this[t+1]},e.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]},e.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])},e.prototype.readIntLE=function(t,e,r){t>>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t],a=1,i=0;++i=(a*=128)&&(n-=Math.pow(2,8*e)),n},e.prototype.readIntBE=function(t,e,r){t>>>=0,e>>>=0,r||E(t,e,this.length);for(var n=e,a=1,i=this[t+--n];n>0&&(a*=256);)i+=this[t+--n]*a;return i>=(a*=128)&&(i-=Math.pow(2,8*e)),i},e.prototype.readInt8=function(t,e){return t>>>=0,e||E(t,1,this.length),128&this[t]?-1*(255-this[t]+1):this[t]},e.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},e.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},e.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},e.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]},e.prototype.readFloatLE=function(t,e){return t>>>=0,e||E(t,4,this.length),a.read(this,t,!0,23,4)},e.prototype.readFloatBE=function(t,e){return t>>>=0,e||E(t,4,this.length),a.read(this,t,!1,23,4)},e.prototype.readDoubleLE=function(t,e){return t>>>=0,e||E(t,8,this.length),a.read(this,t,!0,52,8)},e.prototype.readDoubleBE=function(t,e){return t>>>=0,e||E(t,8,this.length),a.read(this,t,!1,52,8)},e.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 a=1,i=0;for(this[e]=255&t;++i>>=0,r>>>=0,n)||C(this,t,e,r,Math.pow(2,8*r)-1,0);var a=r-1,i=1;for(this[e+a]=255&t;--a>=0&&(i*=256);)this[e+a]=t/i&255;return e+r},e.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},e.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},e.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},e.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},e.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},e.prototype.writeIntLE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var a=Math.pow(2,8*r-1);C(this,t,e,r,a-1,-a)}var i=0,o=1,s=0;for(this[e]=255&t;++i>0)-s&255;return e+r},e.prototype.writeIntBE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var a=Math.pow(2,8*r-1);C(this,t,e,r,a-1,-a)}var i=r-1,o=1,s=0;for(this[e+i]=255&t;--i>=0&&(o*=256);)t<0&&0===s&&0!==this[e+i+1]&&(s=1),this[e+i]=(t/o>>0)-s&255;return e+r},e.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},e.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},e.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},e.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},e.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},e.prototype.writeFloatLE=function(t,e,r){return P(this,t,e,!0,r)},e.prototype.writeFloatBE=function(t,e,r){return P(this,t,e,!1,r)},e.prototype.writeDoubleLE=function(t,e,r){return I(this,t,e,!0,r)},e.prototype.writeDoubleBE=function(t,e,r){return I(this,t,e,!1,r)},e.prototype.copy=function(t,r,n,a){if(!e.isBuffer(t))throw new TypeError(\"argument should be a Buffer\");if(n||(n=0),a||0===a||(a=this.length),r>=t.length&&(r=t.length),r||(r=0),a>0&&a=this.length)throw new RangeError(\"Index out of range\");if(a<0)throw new RangeError(\"sourceEnd out of bounds\");a>this.length&&(a=this.length),t.length-r=0;--o)t[o+r]=this[o+n];else Uint8Array.prototype.set.call(t,this.subarray(n,a),r);return i},e.prototype.fill=function(t,r,n,a){if(\"string\"==typeof t){if(\"string\"==typeof r?(a=r,r=0,n=this.length):\"string\"==typeof n&&(a=n,n=this.length),void 0!==a&&\"string\"!=typeof a)throw new TypeError(\"encoding must be a string\");if(\"string\"==typeof a&&!e.isEncoding(a))throw new TypeError(\"Unknown encoding: \"+a);if(1===t.length){var i=t.charCodeAt(0);(\"utf8\"===a&&i<128||\"latin1\"===a)&&(t=i)}}else\"number\"==typeof t&&(t&=255);if(r<0||this.length>>=0,n=void 0===n?this.length:n>>>0,t||(t=0),\"number\"==typeof t)for(o=r;o55295&&r<57344){if(!a){if(r>56319){(e-=3)>-1&&i.push(239,191,189);continue}if(o+1===n){(e-=3)>-1&&i.push(239,191,189);continue}a=r;continue}if(r<56320){(e-=3)>-1&&i.push(239,191,189),a=r;continue}r=65536+(a-55296<<10|r-56320)}else a&&(e-=3)>-1&&i.push(239,191,189);if(a=null,r<128){if((e-=1)<0)break;i.push(r)}else if(r<2048){if((e-=2)<0)break;i.push(r>>6|192,63&r|128)}else if(r<65536){if((e-=3)<0)break;i.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;i.push(r>>18|240,r>>12&63|128,r>>6&63|128,63&r|128)}}return i}function R(t){return n.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 a=0;a=e.length||a>=t.length);++a)e[a+r]=t[a];return a}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,t(\"buffer\").Buffer)},{\"base64-js\":79,buffer:111,ieee754:416}],112:[function(t,e,r){\"use strict\";var n=t(\"./lib/monotone\"),a=t(\"./lib/triangulation\"),i=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),h=!!c(r,\"interior\",!0),f=!!c(r,\"exterior\",!0),p=!!c(r,\"infinity\",!1);if(!h&&!f||0===t.length)return[];var d=n(t,e);if(u||h!==f||p){for(var g=a(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,h=-1,l=o[s],1);d=0||(e.flip(s,p),a(t,e,r,u,s,h),a(t,e,r,s,h,u),a(t,e,r,h,p,u),a(t,e,r,p,u,h)))}}},{\"binary-search-bounds\":96,\"robust-in-sphere\":518}],114:[function(t,e,r){\"use strict\";var n,a=t(\"binary-search-bounds\");function i(t,e,r,n,a,i,o){this.cells=t,this.neighbor=e,this.flags=n,this.constraint=r,this.active=a,this.next=i,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,a=0;a0||l.length>0;){for(;s.length>0;){var p=s.pop();if(c[p]!==-a){c[p]=a;u[p];for(var d=0;d<3;++d){var g=f[3*p+d];g>=0&&0===c[g]&&(h[3*p+d]?l.push(g):(s.push(g),c[g]=a))}}}var m=l;l=s,s=m,l.length=0,a=-a}var v=function(t,e,r){for(var n=0,a=0;a1&&a(r[f[p-2]],r[f[p-1]],i)>0;)t.push([f[p-1],f[p-2],o]),p-=1;f.length=p,f.push(o);var d=h.upperIds;for(p=d.length;p>1&&a(r[d[p-2]],r[d[p-1]],i)<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]&&a.push(new o(d,p,2,l),new o(p,d,1,l))}a.sort(s);for(var g=a[0].a[0]-(1+Math.abs(a[0].a[0]))*Math.pow(2,-52),m=[new i([g,1],[g,0],-1,[],[],[],[])],v=[],y=(l=0,a.length);l=0}}(),i.removeTriangle=function(t,e,r){var n=this.stars;o(n[t],e,r),o(n[e],r,t),o(n[r],t,e)},i.addTriangle=function(t,e,r){var n=this.stars;n[t].push(e,r),n[e].push(r,t),n[r].push(t,e)},i.opposite=function(t,e){for(var r=this.stars[e],n=1,a=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 a=new Array(e.length),i=0;ie[2]?1:0)}function v(t,e,r){if(0!==t.length){if(e)for(var n=0;n=0;--i){var x=e[u=(S=n[i])[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(a&&(M=x[2]);i>0&&n[i-1][0]===u;){var S,E=(S=n[--i])[1];a?e.push([A,E,M]):e.push([A,E]),A=E}a?e.push([A,_,M]):e.push([A,_])}return f}(t,e,f,m,r));return v(e,y,r),!!y||(f.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:470,\"rat-vec\":504,\"robust-segment-intersect\":523,\"union-find\":568}],122:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,n){var i=s(e,t),h=s(n,r),f=u(i,h);if(0===o(f))return null;var p=s(t,r),d=u(h,p),g=a(d,f),m=c(i,g);return l(t,m)};var n=t(\"big-rat/mul\"),a=t(\"big-rat/div\"),i=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 i(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\":503,\"rat-vec/muls\":505,\"rat-vec/sub\":506}],123:[function(t,e,r){\"use strict\";var n=t(\"clamp\");function a(t,e){null==e&&(e=!0);var r=t[0],a=t[1],i=t[2],o=t[3];return null==o&&(o=e?1:255),e&&(r*=255,a*=255,i*=255,o*=255),16777216*(r=255&n(r,0,255))+((a=255&n(a,0,255))<<16)+((i=255&n(i,0,255))<<8)+(o=255&n(o,0,255))}e.exports=a,e.exports.to=a,e.exports.from=function(t,e){var r=(t=+t)>>>24,n=(16711680&t)>>>16,a=(65280&t)>>>8,i=255&t;return!1===e?[r,n,a,i]:[r/255,n/255,a/255,i/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\"),a=t(\"clamp\"),i=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(i(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]=a(Math.floor(255*t[0]),0,255),r[1]=a(Math.floor(255*t[1]),0,255),r[2]=a(Math.floor(255*t[2]),0,255),r[3]=null==t[3]?255:a(Math.floor(255*t[3]),0,255)),r)}},{clamp:120,\"color-rgba\":127,dtype:175}],126:[function(t,e,r){(function(r){\"use strict\";var n=t(\"color-name\"),a=t(\"is-plain-obj\"),i=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 h=e[1],f=\"rgb\"===h,p=h.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)})),h===p&&l.push(1),c=f||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(a(t)){var d=i(t.r,t.red,t.R,null);null!==d?(s=\"rgb\",l=[d,i(t.g,t.green,t.G),i(t.b,t.blue,t.B)]):(s=\"hsl\",l=[i(t.h,t.hue,t.H),i(t.s,t.saturation,t.S),i(t.l,t.lightness,t.L,t.b,t.brightness)]),c=i(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,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{\"color-name\":124,defined:170,\"is-plain-obj\":443}],127:[function(t,e,r){\"use strict\";var n=t(\"color-parse\"),a=t(\"color-space/hsl\"),i=t(\"clamp\");e.exports=function(t){var e,r=n(t);return r.space?((e=Array(3))[0]=i(r.values[0],0,255),e[1]=i(r.values[1],0,255),e[2]=i(r.values[2],0,255),\"h\"===r.space[0]&&(e=a.rgb(e)),e.push(i(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,a,i,o=t[0]/360,s=t[1]/100,l=t[2]/100;if(0===s)return[i=255*l,i,i];e=2*l-(r=l<.5?l*(1+s):l+s-l*s),a=[0,0,0];for(var c=0;c<3;c++)(n=o+1/3*-(c-1))<0?n++:n>1&&n--,i=6*n<1?e+6*(r-e)*n:2*n<1?r:3*n<2?e+(r-e)*(2/3-n)*6:e,a[c]=255*i;return a}},n.hsl=function(t){var e,r,n=t[0]/255,a=t[1]/255,i=t[2]/255,o=Math.min(n,a,i),s=Math.max(n,a,i),l=s-o;return s===o?e=0:n===s?e=(a-i)/l:a===s?e=2+(i-n)/l:i===s&&(e=4+(n-a)/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\"),a=t(\"lerp\");function i(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,h,f,p,d,g;t||(t={});p=(t.nshades||72)-1,f=t.format||\"hex\",(h=t.colormap)||(h=\"jet\");if(\"string\"==typeof h){if(h=h.toLowerCase(),!n[h])throw Error(h+\" not a supported colorscale\");u=n[h]}else{if(!Array.isArray(h))throw Error(\"unsupported colormap option\",h);u=h.slice()}if(u.length>p+1)throw new Error(h+\" 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,i)?-1:1:0===s?c>0||l(t,e,r)?1:-1:a(c-s)}var f=n(t,e,r);return f>0?o>0&&n(t,e,i)>0?1:-1:f<0?o>0||n(t,e,i)>0?1:-1:n(t,e,i)>0||l(t,e,r)?1:-1};var n=t(\"robust-orientation\"),a=t(\"signum\"),i=t(\"two-sum\"),o=t(\"robust-product\"),s=t(\"robust-sum\");function l(t,e,r){var n=i(t[0],-e[0]),a=i(t[1],-e[1]),l=i(r[0],-e[0]),c=i(r[1],-e[1]),u=s(o(n,l),o(a,c));return u[u.length-1]>=0}},{\"robust-orientation\":520,\"robust-product\":521,\"robust-sum\":525,signum:526,\"two-sum\":555}],133:[function(t,e,r){e.exports=function(t,e){var r=t.length,i=t.length-e.length;if(i)return i;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(i=o+t[2]-(s+e[2]))return i;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],h=t[1],f=t[2],p=t[3],d=e[0],g=e[1],m=e[2],v=e[3];return u+h+f+p-(d+g+m+v)||n(u,h,f,p)-n(d,g,m,v,d)||n(u+h,u+f,u+p,h+f,h+p,f+p)-n(d+g,d+m,d+v,g+m,g+v,m+v)||n(u+h+f,u+h+p,u+f+p,h+f+p)-n(d+g+m,d+g+v,d+m+v,g+m+v);default:for(var y=t.slice().sort(a),x=e.slice().sort(a),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 a=new Array(r),i=e[r-1],o=0;o=e[l]&&(s+=1);i[o]=s}}return t}(n(i,!0),r)}};var n=t(\"incremental-convex-hull\"),a=t(\"affine-hull\")},{\"affine-hull\":67,\"incremental-convex-hull\":433}],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\"),a=t(\"css-global-keywords\"),i=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=f;var h=f.cache={};function f(t){if(\"string\"!=typeof t)throw new Error(\"Font argument must be a string.\");if(h[t])return h[t];if(\"\"===t)throw new Error(\"Cannot parse an empty string.\");if(-1!==i.indexOf(t))return h[t]={system:t};for(var e,r={style:\"normal\",variant:\"normal\",weight:\"normal\",stretch:\"normal\",lineHeight:\"normal\",size:\"1rem\",family:[\"serif\"]},f=c(t,/\\s+/);e=f.shift();){if(-1!==a.indexOf(e))return[\"style\",\"variant\",\"weight\",\"stretch\"].forEach((function(t){r[t]=e})),h[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]):\"/\"===f[0]&&(f.shift(),r.lineHeight=p(f.shift())),!f.length)throw new Error(\"Missing required font-family.\");return r.family=c(f.join(\" \"),/\\s*,\\s*/).map(n),h[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\":540,unquote:570}],147:[function(t,e,r){\"use strict\";var n=t(\"pick-by-alias\"),a=t(\"./lib/util\").isSize,i=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},h={serif:1,\"sans-serif\":1,monospace:1,cursive:1,fantasy:1,\"system-ui\":1},f=\"1rem\",p=\"serif\";function d(t,e){if(t&&!e[t]&&!i[t])throw Error(\"Unknown keyword `\"+t+\"`\");return t}function g(t){for(var e={},r=0;r=0;--p)i[p]=c*t[p]+u*e[p]+h*r[p]+f*n[p];return i}return c*t+u*e+h*r+f*n},e.exports.derivative=function(t,e,r,n,a,i){var o=6*a*a-6*a,s=3*a*a-4*a+1,l=-6*a*a+6*a,c=3*a*a-2*a;if(t.length){i||(i=new Array(t.length));for(var u=t.length-1;u>=0;--u)i[u]=o*t[u]+s*e[u]+l*r[u]+c*n[u];return i}return o*t+s*e+l*r[u]+c*n}},{}],151:[function(t,e,r){\"use strict\";var n=t(\"./lib/thunk.js\");function a(){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 a;e.pre=t.pre,e.body=t.body,e.post=t.post;var r=t.args.slice(0);e.argTypes=r;for(var i=0;i0)throw new Error(\"cwise: pre() block may not reference array args\");if(i0)throw new Error(\"cwise: post() block may not reference array args\")}else if(\"scalar\"===o)e.scalarArgs.push(i),e.shimArgs.push(\"scalar\"+i);else if(\"index\"===o){if(e.indexArgs.push(i),i0)throw new Error(\"cwise: pre() block may not reference array index\");if(i0)throw new Error(\"cwise: post() block may not reference array index\")}else if(\"shape\"===o){if(e.shapeArgs.push(i),ir.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 a(t,e,r){var n,a,i=t.length,o=e.arrayArgs.length,s=e.indexArgs.length>0,l=[],c=[],u=0,h=0;for(n=0;n0&&l.push(\"var \"+c.join(\",\")),n=i-1;n>=0;--n)u=t[n],l.push([\"for(i\",n,\"=0;i\",n,\"0&&l.push([\"index[\",h,\"]-=s\",h].join(\"\")),l.push([\"++index[\",u,\"]\"].join(\"\"))),l.push(\"}\")}return l.join(\"\\n\")}function i(t,e,r){for(var n=t.body,a=[],i=[],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(i(t.pre,t,l));var k=i(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(i(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:569}],153:[function(t,e,r){\"use strict\";var n=t(\"./compile.js\");e.exports=function(t){var e=[\"'use strict'\",\"var CACHED={}\"],r=[],a=t.funcName+\"_cwise_thunk\";e.push([\"return function \",a,\"(\",t.shimArgs.join(\",\"),\"){\"].join(\"\"));for(var i=[],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\"+h+\".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\"+h+\".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,a){for(null==n&&(n=0),null==a&&(a=e.length);n>>1;t(e[i],r)<0?n=i+1:a=i}return n},right:function(e,r,n,a){for(null==n&&(n=0),null==a&&(a=e.length);n>>1;t(e[i],r)>0?a=i:n=i+1}return n}}}var n=r(e),a=n.right,i=n.left;function o(t,e){return[t,e]}function s(t){return null===t?NaN:+t}function l(t,e){var r,n,a=t.length,i=0,o=-1,l=0,c=0;if(null==e)for(;++o1)return c/(i-1)}function c(t,e){var r=l(t,e);return r?Math.sqrt(r):r}function u(t,e){var r,n,a,i=t.length,o=-1;if(null==e){for(;++o=r)for(n=a=r;++or&&(n=r),a=r)for(n=a=r;++or&&(n=r),a=0?(i>=v?10:i>=y?5:i>=x?2:1)*Math.pow(10,a):-Math.pow(10,-a)/(i>=v?10:i>=y?5:i>=x?2:1)}function _(t,e,r){var n=Math.abs(e-t)/Math.max(0,r),a=Math.pow(10,Math.floor(Math.log(n)/Math.LN10)),i=n/a;return i>=v?a*=10:i>=y?a*=5:i>=x&&(a*=2),e=1)return+r(t[n-1],n-1,t);var n,a=(n-1)*e,i=Math.floor(a),o=+r(t[i],i,t);return o+(+r(t[i+1],i+1,t)-o)*(a-i)}}function k(t,e){var r,n,a=t.length,i=-1;if(null==e){for(;++i=r)for(n=r;++ir&&(n=r)}else for(;++i=r)for(n=r;++ir&&(n=r);return n}function M(t){if(!(a=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 i,o,s=n.length,l=new Array(s);for(i=0;ih;)f.pop(),--p;var d,g=new Array(p+1);for(i=0;i<=p;++i)(d=g[i]=[]).x0=i>0?f[i-1]:u,d.x1=i=r)for(n=r;++in&&(n=r)}else for(;++i=r)for(n=r;++in&&(n=r);return n},t.mean=function(t,e){var r,n=t.length,a=n,i=-1,o=0;if(null==e)for(;++i=0;)for(e=(n=t[a]).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,a=t[0],i=new Array(n<0?0:n);r0)return[t];if((n=e0)for(t=Math.ceil(t/o),e=Math.floor(e/o),i=new Array(a=Math.ceil(e-t+1));++s=l.length)return null!=t&&n.sort(t),null!=e?e(n):n;for(var s,c,h,f=-1,p=n.length,d=l[a++],g=r(),m=i();++fl.length)return r;var a,i=c[n-1];return null!=e&&n>=l.length?a=r.entries():(a=[],r.each((function(e,r){a.push({key:r,values:t(e,n)})}))),null!=i?a.sort((function(t,e){return i(t.key,e.key)})):a}(u(t,0,i,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 a=\"\\\\s*([+-]?\\\\d+)\\\\s*\",i=\"\\\\s*([+-]?\\\\d*\\\\.?\\\\d+(?:[eE][+-]?\\\\d+)?)\\\\s*\",o=\"\\\\s*([+-]?\\\\d*\\\\.?\\\\d+(?:[eE][+-]?\\\\d+)?)%\\\\s*\",s=/^#([0-9a-f]{3,8})$/,l=new RegExp(\"^rgb\\\\(\"+[a,a,a]+\"\\\\)$\"),c=new RegExp(\"^rgb\\\\(\"+[o,o,o]+\"\\\\)$\"),u=new RegExp(\"^rgba\\\\(\"+[a,a,a,i]+\"\\\\)$\"),h=new RegExp(\"^rgba\\\\(\"+[o,o,o,i]+\"\\\\)$\"),f=new RegExp(\"^hsl\\\\(\"+[i,o,o]+\"\\\\)$\"),p=new RegExp(\"^hsla\\\\(\"+[i,o,o,i]+\"\\\\)$\"),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=h.exec(t))?x(255*e[1]/100,255*e[2]/100,255*e[3]/100,e[4]):(e=f.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,a=t.b/255,i=Math.min(e,r,a),o=Math.max(e,r,a),s=NaN,l=o-i,c=(o+i)/2;return l?(s=e===o?(r-a)/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,a=2*r-n;return new w(L(t>=240?t-240:t+120,a,n),L(t,a,n),L(t<120?t+240:t-120,a,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 P=Math.PI/180,I=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),a=U(t.g),i=U(t.b),o=B((.2225045*n+.7168786*a+.0606169*i)/1);return n===a&&a===i?e=r=o:(e=B((.4360747*n+.3850649*a+.1430804*i)/.96422),r=B((.0139322*n+.0971045*a+.7141733*i)/.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 i(t,e){for(var r,n=0,a=t.length;n0)for(var r,n,a=new Array(r),i=0;if+c||np+c||iu.index){var h=f-s.x-s.vx,m=p-s.y-s.vy,v=h*h+m*m;vt.r&&(t.r=t[e].r)}function f(){if(r){var e,a,i=r.length;for(n=new Array(i),e=0;e=c)){(t.data!==r||t.next)&&(0===h&&(d+=(h=o())*h),0===f&&(d+=(f=o())*f),d1?(null==r?u.remove(t):u.set(t,v(r)),e):u.get(t)},find:function(e,r,n){var a,i,o,s,l,c=0,u=t.length;for(null==n?n=1/0:n*=n,c=0;c1?(f.on(t,r),e):f.on(t)}}},t.forceX=function(t){var e,r,n,a=i(.1);function o(t){for(var a,i=0,o=e.length;i=0;)e+=r[n].value;else e=1;t.value=e}function i(t,e){var r,n,a,i,s,u=new c(t),h=+t.value&&(u.value=t.value),f=[u];for(null==e&&(e=o);r=f.pop();)if(h&&(r.value=+r.data.value),(a=e(r.data))&&(s=a.length))for(r.children=new Array(s),i=s-1;i>=0;--i)f.push(n=r.children[i]=new c(a[i])),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=i.prototype={constructor:c,count:function(){return this.eachAfter(a)},each:function(t){var e,r,n,a,i=this,o=[i];do{for(e=o.reverse(),o=[];i=e.pop();)if(t(i),r=i.children)for(n=0,a=r.length;n=0;--r)a.push(e[r]);return this},sum:function(t){return this.eachAfter((function(e){for(var r=+t(e.data)||0,n=e.children,a=n&&n.length;--a>=0;)r+=n[a].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(),a=null;t=r.pop(),e=n.pop();for(;t===e;)a=t,t=r.pop(),e=n.pop();return a}(e,t),n=[e];e!==r;)e=e.parent,n.push(e);for(var a=n.length;t!==r;)n.splice(a,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 i(this).eachBefore(s)}};var u=Array.prototype.slice;function h(t){for(var e,r,n=0,a=(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,i=[];n0&&r*r>n*n+a*a}function g(t,e){for(var r=0;r(o*=o)?(n=(c+o-a)/(2*c),i=Math.sqrt(Math.max(0,o/c-n*n)),r.x=t.x-n*s-i*l,r.y=t.y-n*l+i*s):(n=(c+a-o)/(2*c),i=Math.sqrt(Math.max(0,a/c-n*n)),r.x=e.x+n*s-i*l,r.y=e.y+n*l+i*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,a=e.y-t.y;return r>0&&r*r>n*n+a*a}function _(t){var e=t._,r=t.next._,n=e.r+r.r,a=(e.x*r.r+r.x*e.r)/n,i=(e.y*r.r+r.y*e.r)/n;return a*a+i*i}function w(t){this._=t,this.next=null,this.previous=null}function T(t){if(!(a=t.length))return 0;var e,r,n,a,i,o,s,l,c,u,f;if((e=t[0]).x=0,e.y=0,!(a>1))return e.r;if(r=t[1],e.x=-r.r,r.x=e.r,r.y=0,!(a>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;sf&&(f=s),m=u*u*g,(p=Math.max(f/m,m/h))>d){u-=s;break}d=p}v.push(o={value:u,dice:l1?e:1)},r}(G);var Z=function t(e){function r(t,r,n,a,i){if((o=t._squarify)&&o.ratio===e)for(var o,s,l,c,u,h=-1,f=o.length,p=t.value;++h1?e:1)},r}(G);t.cluster=function(){var t=e,a=1,i=1,o=!1;function s(e){var s,l=0;e.eachAfter((function(e){var a=e.children;a?(e.x=function(t){return t.reduce(r,0)/t.length}(a),e.y=function(t){return 1+t.reduce(n,0)}(a)):(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),h=c.x-t(c,u)/2,f=u.x+t(u,c)/2;return e.eachAfter(o?function(t){t.x=(t.x-e.x)*a,t.y=(e.y-t.y)*i}:function(t){t.x=(t.x-h)/(f-h)*a,t.y=(1-(e.y?t.y/e.y:1))*i})}return s.separation=function(e){return arguments.length?(t=e,s):t},s.size=function(t){return arguments.length?(o=!1,a=+t[0],i=+t[1],s):o?null:[a,i]},s.nodeSize=function(t){return arguments.length?(o=!0,a=+t[0],i=+t[1],s):o?[a,i]:null},s},t.hierarchy=i,t.pack=function(){var t=null,e=1,r=1,n=A;function a(a){return a.x=e/2,a.y=r/2,t?a.eachBefore(C(t)).eachAfter(L(n,.5)).eachBefore(P(1)):a.eachBefore(C(E)).eachAfter(L(A,1)).eachAfter(L(n,a.r/Math.min(e,r))).eachBefore(P(Math.min(e,r)/(2*a.r))),a}return a.radius=function(e){return arguments.length?(t=k(e),a):t},a.size=function(t){return arguments.length?(e=+t[0],r=+t[1],a):[e,r]},a.padding=function(t){return arguments.length?(n=\"function\"==typeof t?t:S(+t),a):n},a},t.packEnclose=h,t.packSiblings=function(t){return T(t),t},t.partition=function(){var t=1,e=1,r=0,n=!1;function a(a){var i=a.height+1;return a.x0=a.y0=r,a.x1=t,a.y1=e/i,a.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 a=n.x0,i=n.y0,o=n.x1-r,s=n.y1-r;o0)throw new Error(\"cycle\");return i}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 a(a){var l=function(t){for(var e,r,n,a,i,o=new q(t,0),s=[o];e=s.pop();)if(n=e._.children)for(e.children=new Array(i=n.length),a=i-1;a>=0;--a)s.push(r=e.children[a]=new q(n[a],a)),r.parent=e;return(o.parent=new q(null,0)).children=[o],o}(a);if(l.eachAfter(i),l.parent.m=-l.z,l.eachBefore(o),n)a.eachBefore(s);else{var c=a,u=a,h=a;a.eachBefore((function(t){t.xu.x&&(u=t),t.depth>h.depth&&(h=t)}));var f=c===u?1:t(c,u)/2,p=f-c.x,d=e/(u.x+f+p),g=r/(h.depth||1);a.eachBefore((function(t){t.x=(t.x+p)*d,t.y=t.depth*g}))}return a}function i(e){var r=e.children,n=e.parent.children,a=e.i?n[e.i-1]:null;if(r){!function(t){for(var e,r=0,n=0,a=t.children,i=a.length;--i>=0;)(e=a[i]).z+=r,e.m+=r,r+=e.s+(n+=e.c)}(e);var i=(r[0].z+r[r.length-1].z)/2;a?(e.z=a.z+t(e._,a._),e.m=e.z-i):e.z=i}else a&&(e.z=a.z+t(e._,a._));e.parent.A=function(e,r,n){if(r){for(var a,i=e,o=e,s=r,l=i.parent.children[0],c=i.m,u=o.m,h=s.m,f=l.m;s=j(s),i=N(i),s&&i;)l=N(l),(o=j(o)).a=e,(a=s.z+h-i.z-c+t(s._,i._))>0&&(U(V(s,e,n),e,a),c+=a,u+=a),h+=s.m,c+=i.m,f+=l.m,u+=o.m;s&&!j(o)&&(o.t=s,o.m+=h-u),i&&!N(l)&&(l.t=i,l.m+=c-f,n=e)}return n}(e,a,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 a.separation=function(e){return arguments.length?(t=e,a):t},a.size=function(t){return arguments.length?(n=!1,e=+t[0],r=+t[1],a):n?null:[e,r]},a.nodeSize=function(t){return arguments.length?(n=!0,e=+t[0],r=+t[1],a):n?[e,r]:null},a},t.treemap=function(){var t=W,e=!1,r=1,n=1,a=[0],i=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(h),a=[0],e&&t.eachBefore(I),t}function h(e){var r=a[e.depth],n=e.x0+r,u=e.y0+r,h=e.x1-r,f=e.y1-r;h=r-1){var u=s[e];return u.x0=a,u.y0=i,u.x1=o,void(u.y1=l)}var h=c[e],f=n/2+h,p=e+1,d=r-1;for(;p>>1;c[g]l-i){var y=(a*v+o*m)/n;t(e,p,m,a,i,y,l),t(p,r,v,y,i,o,l)}else{var x=(i*v+l*m)/n;t(e,p,m,a,i,o,x),t(p,r,v,a,x,o,l)}}(0,l,t.value,e,r,n,a)},t.treemapDice=z,t.treemapResquarify=Z,t.treemapSlice=H,t.treemapSliceDice=function(t,e,r,n,a){(1&t.depth?H:z)(t,e,r,n,a)},t.treemapSquarify=W,Object.defineProperty(t,\"__esModule\",{value:!0})}))},{}],162:[function(t,e,r){!function(n,a){\"object\"==typeof r&&\"undefined\"!=typeof e?a(r,t(\"d3-color\")):a((n=n||self).d3=n.d3||{},n.d3)}(this,(function(t,e){\"use strict\";function r(t,e,r,n,a){var i=t*t,o=i*t;return((1-3*t+3*i-o)*e+(4-6*i+3*o)*r+(1+3*t+3*i-3*o)*n+o*a)/6}function n(t){var e=t.length-1;return function(n){var a=n<=0?n=0:n>=1?(n=1,e-1):Math.floor(n*e),i=t[a],o=t[a+1],s=a>0?t[a-1]:2*i-o,l=a180||r<-180?r-360*Math.round(r/360):r):i(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):i(isNaN(e)?r:e)}}function c(t,e){var r=e-t;return r?o(t,r):i(isNaN(t)?e:t)}var u=function t(r){var n=l(r);function a(t,r){var a=n((t=e.rgb(t)).r,(r=e.rgb(r)).r),i=n(t.g,r.g),o=n(t.b,r.b),s=c(t.opacity,r.opacity);return function(e){return t.r=a(e),t.g=i(e),t.b=o(e),t.opacity=s(e),t+\"\"}}return a.gamma=t,a}(1);function h(t){return function(r){var n,a,i=r.length,o=new Array(i),s=new Array(i),l=new Array(i);for(n=0;ni&&(a=e.slice(i,a),s[o]?s[o]+=a:s[++o]=a),(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)})),i=_.lastIndex;return i180?e+=360:e-t>180&&(t+=360),i.push({i:r.push(a(r)+\"rotate(\",null,n)-2,x:y(t,e)})):e&&r.push(a(r)+\"rotate(\"+e+n)}(i.rotate,o.rotate,s,l),function(t,e,r,i){t!==e?i.push({i:r.push(a(r)+\"skewX(\",null,n)-2,x:y(t,e)}):e&&r.push(a(r)+\"skewX(\"+e+n)}(i.skewX,o.skewX,s,l),function(t,e,r,n,i,o){if(t!==r||e!==n){var s=i.push(a(i)+\"scale(\",null,\",\",null,\")\");o.push({i:s-4,x:y(t,r)},{i:s-2,x:y(e,n)})}else 1===r&&1===n||i.push(a(i)+\"scale(\"+r+\",\"+n+\")\")}(i.scaleX,i.scaleY,o.scaleX,o.scaleY,s,l),i=o=null,function(t){for(var e,r=-1,n=l.length;++r1e-6)if(Math.abs(h*l-c*u)>1e-6&&i){var p=n-o,d=a-s,g=l*l+c*c,m=p*p+d*d,v=Math.sqrt(g),y=Math.sqrt(f),x=i*Math.tan((e-Math.acos((g+f-m)/(2*v*y)))/2),b=x/y,_=x/v;Math.abs(b-1)>1e-6&&(this._+=\"L\"+(t+b*u)+\",\"+(r+b*h)),this._+=\"A\"+i+\",\"+i+\",0,0,\"+ +(h*p>u*d)+\",\"+(this._x1=t+_*l)+\",\"+(this._y1=r+_*c)}else this._+=\"L\"+(this._x1=t)+\",\"+(this._y1=r);else;},arc:function(t,a,i,o,s,l){t=+t,a=+a,l=!!l;var c=(i=+i)*Math.cos(o),u=i*Math.sin(o),h=t+c,f=a+u,p=1^l,d=l?o-s:s-o;if(i<0)throw new Error(\"negative radius: \"+i);null===this._x1?this._+=\"M\"+h+\",\"+f:(Math.abs(this._x1-h)>1e-6||Math.abs(this._y1-f)>1e-6)&&(this._+=\"L\"+h+\",\"+f),i&&(d<0&&(d=d%r+r),d>n?this._+=\"A\"+i+\",\"+i+\",0,1,\"+p+\",\"+(t-c)+\",\"+(a-u)+\"A\"+i+\",\"+i+\",0,1,\"+p+\",\"+(this._x1=h)+\",\"+(this._y1=f):d>1e-6&&(this._+=\"A\"+i+\",\"+i+\",0,\"+ +(d>=e)+\",\"+p+\",\"+(this._x1=t+i*Math.cos(s))+\",\"+(this._y1=a+i*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=i,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 a,i,o,s,l,c,u,h,f,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>=(i=(g+v)/2))?g=i:v=i,(u=r>=(o=(m+y)/2))?m=o:y=o,a=p,!(p=p[h=u<<1|c]))return a[h]=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,a?a[h]=d:t._root=d,t;do{a=a?a[h]=new Array(4):t._root=new Array(4),(c=e>=(i=(g+v)/2))?g=i:v=i,(u=r>=(o=(m+y)/2))?m=o:y=o}while((h=u<<1|c)==(f=(l>=o)<<1|s>=i));return a[f]=p,a[h]=d,t}function r(t,e,r,n,a){this.node=t,this.x0=e,this.y0=r,this.x1=n,this.y1=a}function n(t){return t[0]}function a(t){return t[1]}function i(t,e,r){var i=new o(null==e?n:e,null==r?a:r,NaN,NaN,NaN,NaN);return null==t?i:i.addAll(t)}function o(t,e,r,n,a,i){this._x=t,this._y=e,this._x0=r,this._y0=n,this._x1=a,this._y1=i,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=i.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 a=0;a<4;++a)(e=n.source[a])&&(e.length?t.push({source:e,target:n.target[a]=new Array(4)}):n.target[a]=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,a,i,o=t.length,s=new Array(o),l=new Array(o),c=1/0,u=1/0,h=-1/0,f=-1/0;for(n=0;nh&&(h=a),if&&(f=i));if(c>h||u>f)return this;for(this.cover(c,u).cover(h,f),n=0;nt||t>=a||n>e||e>=i;)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[h=u<<1|c]))return this;if(!p.length)break;(e[h+1&3]||e[h+2&3]||e[h+3&3])&&(r=e,f=h)}for(;p.data!==t;)if(n=p,!(p=p.next))return this;return(a=p.next)&&delete p.next,n?(a?n.next=a:delete n.next,this):e?(a?e[h]=a:delete e[h],(p=e[0]||e[1]||e[2]||e[3])&&p===(e[3]||e[2]||e[1]||e[0])&&!p.length&&(r?r[f]=p:this._root=p),this):(this._root=a,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?h:t<=-1?-h: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,a,i,o,s){var l=r-t,c=n-e,u=o-a,h=s-i,f=h*l-u*c;if(!(f*f<1e-12))return[t+(f=(u*(e-i)-h*(t-a))/f)*l,e+f*c]}function _(t,e,r,n,a,i,s){var l=t-r,u=e-n,h=(s?i:-i)/c(l*l+u*u),f=h*u,p=-h*l,d=t+f,g=e+p,m=r+f,v=n+p,y=(d+m)/2,x=(g+v)/2,b=m-d,_=v-g,w=b*b+_*_,T=a-i,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,P=S-x,I=E-y,z=C-x;return L*L+P*P>I*I+z*z&&(A=E,S=C),{cx:A,cy:S,x01:-f,y01:-p,x11:A*(a/T-1),y11:S*(a/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,a=r(!0),i=null,o=T,s=null;function l(r){var l,c,u,h=r.length,f=!1;for(null==i&&(s=o(u=e.path())),l=0;l<=h;++l)!(l=h;--f)c.point(v[f],y[f]);c.lineEnd(),c.areaEnd()}m&&(v[u]=+t(p,u,r),y[u]=+a(p,u,r),c.point(n?+n(p,u,r):v[u],i?+i(p,u,r):y[u]))}if(d)return c=null,d+\"\"||null}function h(){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?(a=\"function\"==typeof t?t:r(+t),i=null,u):a},u.y0=function(t){return arguments.length?(a=\"function\"==typeof t?t:r(+t),u):a},u.y1=function(t){return arguments.length?(i=null==t?null:\"function\"==typeof t?t:r(+t),u):i},u.lineX0=u.lineY0=function(){return h().x(t).y(a)},u.lineY1=function(){return h().x(t).y(i)},u.lineX1=function(){return h().x(n).y(a)},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=I(T);function P(t){this._curve=t}function I(t){function e(e){return new P(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(I(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,a=t.lineY0,i=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(a())},delete t.lineY0,t.lineOuterRadius=function(){return z(i())},delete t.lineY1,t.curve=function(t){return arguments.length?e(I(t)):e()._curve},t}function R(t,e){return[(e=+e)*Math.cos(t-=Math.PI/2),e*Math.sin(t)]}P.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,a=N,i=k,o=M,s=null;function l(){var r,l=F.call(arguments),c=n.apply(this,l),u=a.apply(this,l);if(s||(s=r=e.path()),t(s,+i.apply(this,(l[0]=c,l)),+o.apply(this,l),+i.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?(a=t,l):a},l.x=function(t){return arguments.length?(i=\"function\"==typeof t?t:r(+t),l):i},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,a){t.moveTo(e,r),t.bezierCurveTo(e=(e+n)/2,r,e,a,n,a)}function V(t,e,r,n,a){t.moveTo(e,r),t.bezierCurveTo(e,r=(r+a)/2,n,r,n,a)}function q(t,e,r,n,a){var i=R(e,r),o=R(e,r=(r+a)/2),s=R(n,r),l=R(n,a);t.moveTo(i[0],i[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,f)}},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,Z={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()}},X=Math.sin(u/10)/Math.sin(7*u/10),J=Math.sin(f/10)*X,K=-Math.cos(f/10)*X,Q={draw:function(t,e){var r=Math.sqrt(.8908130915292852*e),n=J*r,a=K*r;t.moveTo(0,-r),t.lineTo(n,a);for(var i=1;i<5;++i){var o=f*i/5,s=Math.cos(o),l=Math.sin(o);t.lineTo(l*r,-s*r),t.lineTo(s*n-l*a,l*n+s*a)}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,at=1/Math.sqrt(12),it=3*(at/2+1),ot={draw:function(t,e){var r=Math.sqrt(e/it),n=r/2,a=r*at,i=n,o=r*at+r,s=-i,l=o;t.moveTo(n,a),t.lineTo(i,o),t.lineTo(s,l),t.lineTo(rt*n-nt*a,nt*n+rt*a),t.lineTo(rt*i-nt*o,nt*i+rt*o),t.lineTo(rt*s-nt*l,nt*s+rt*l),t.lineTo(rt*n+nt*a,rt*a-nt*n),t.lineTo(rt*i+nt*o,rt*o-nt*i),t.lineTo(rt*s+nt*l,rt*l-nt*s),t.closePath()}},st=[H,G,Z,$,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 ht(t){this._context=t}function ft(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}},ht.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}},ft.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,a=t[0],i=e[0],o=t[r]-a,s=e[r]-i,l=-1;++l<=r;)n=l/r,this._basis.point(this._beta*t[l]+(1-this._beta)*(a+n*o),this._beta*e[l]+(1-this._beta)*(i+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,a=t._y1,i=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,a=(a*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);i=(i*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,a,i,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 Pt(t,e,r){var n=t._x1-t._x0,a=e-t._x1,i=(t._y1-t._y0)/(n||a<0&&-0),o=(r-t._y1)/(a||n<0&&-0),s=(i*a+o*n)/(n+a);return(Lt(i)+Lt(o))*Math.min(Math.abs(i),Math.abs(o),.5*Math.abs(s))||0}function It(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,a=t._y0,i=t._x1,o=t._y1,s=(i-n)/3;t._context.bezierCurveTo(n+s,a+s*e,i-s,o-s*r,i,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,a=new Array(n),i=new Array(n),o=new Array(n);for(a[0]=0,i[0]=2,o[0]=t[0]+2*t[1],e=1;e=0;--e)a[e]=(o[e]-a[e+1])/i[e];for(i[n-1]=(t[n]+a[n-1])/2,e=0;e1)for(var r,n,a,i=1,o=t[e[0]],s=o.length;i=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,a=t.length,i=-1/0;++ri&&(i=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,a=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)-h,x=M.apply(this,arguments)-h,E=n(x-y),C=x>y;if(S||(S=r=e.path()),v1e-12)if(E>f-1e-12)S.moveTo(v*i(y),v*l(y)),S.arc(0,0,v,y,x,!C),m>1e-12&&(S.moveTo(m*i(x),m*l(x)),S.arc(0,0,m,x,y,C));else{var L,P,I=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?(I+=H*=C?1:-1,z-=H):(F=0,I=z=(y+x)/2)}var G=v*i(I),Y=v*l(I),W=m*i(D),Z=m*l(D);if(j>1e-12){var X,J=v*i(z),K=v*l(z),Q=m*i(O),$=m*l(O);if(E1e-12?V>1e-12?(L=_(Q,$,G,Y,v,V,C),P=_(J,K,W,Z,v,V,C),S.moveTo(L.cx+L.x01,L.cy+L.y01),V1e-12&&R>1e-12?U>1e-12?(L=_(W,Z,J,K,m,-U,C),P=_(G,Y,Q,$,m,-U,C),S.lineTo(L.cx+L.x01,L.cy+L.y01),U0&&(d+=h);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?h*c:0)+b,m[l]={data:r[l],index:s,value:h,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?(a=\"function\"==typeof t?t:r(+t),s):a},s.endAngle=function(t){return arguments.length?(i=\"function\"==typeof t?t:r(+t),s):i},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,a=Vt;function i(r){var i,o,s=t.apply(this,arguments),l=r.length,c=s.length,u=new Array(c);for(i=0;i0)for(var r,n,a,i,o,s,l=0,c=t[e[0]].length;l0?(n[0]=i,n[1]=i+=a):a<0?(n[1]=o,n[0]=o+=a):(n[0]=0,n[1]=a)},t.stackOffsetExpand=function(t,e){if((n=t.length)>0){for(var r,n,a,i=0,o=t[0].length;i0){for(var r,n=0,a=t[e[0]],i=a.length;n0&&(n=(r=t[e[0]]).length)>0){for(var r,n,a,i=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:Z,x:null,X:null,y:X,Y:J,Z:K,\"%\":gt},Lt={a:function(t){return h[t.getUTCDay()]},A:function(t){return u[t.getUTCDay()]},b:function(t){return yt[t.getUTCMonth()]},B:function(t){return f[t.getUTCMonth()]},c:null,d:Q,e:Q,f:nt,H:$,I:tt,j:et,L:rt,m:at,M:it,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:ht,x:null,X:null,y:ft,Y:pt,Z:dt,\"%\":gt},Pt={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,i,e,r)},d:M,e:M,f:P,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,\"%\":I};function It(t,e){return function(r){var n,a,i,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(a(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(a(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(a(c.y,0,1)).getUTCDay():r(a(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 a,i,o=0,l=e.length,c=r.length;o=c)return-1;if(37===(a=e.charCodeAt(o++))){if(a=e.charAt(o++),!(i=Pt[a in s?e.charAt(o++):a])||(n=i(t,r,n))<0)return-1}else if(a!=r.charCodeAt(n++))return-1}return n}return Ct.x=It(o,Ct),Ct.X=It(l,Ct),Ct.c=It(i,Ct),Lt.x=It(o,Lt),Lt.X=It(l,Lt),Lt.c=It(i,Lt),{format:function(t){var e=It(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=It(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 h(t,e,r){var n=t<0?\"-\":\"\",a=(n?-t:t)+\"\",i=a.length;return n+(i68?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 P(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 I(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 h(t.getDate(),e,2)}function R(t,e){return h(t.getHours(),e,2)}function F(t,e){return h(t.getHours()%12||12,e,2)}function B(t,r){return h(1+e.timeDay.count(e.timeYear(t),t),r,3)}function N(t,e){return h(t.getMilliseconds(),e,3)}function j(t,e){return N(t,e)+\"000\"}function U(t,e){return h(t.getMonth()+1,e,2)}function V(t,e){return h(t.getMinutes(),e,2)}function q(t,e){return h(t.getSeconds(),e,2)}function H(t){var e=t.getDay();return 0===e?7:e}function G(t,r){return h(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),h(e.timeThursday.count(e.timeYear(t),t)+(4===e.timeYear(t).getDay()),r,2)}function W(t){return t.getDay()}function Z(t,r){return h(e.timeMonday.count(e.timeYear(t)-1,t),r,2)}function X(t,e){return h(t.getFullYear()%100,e,2)}function J(t,e){return h(t.getFullYear()%1e4,e,4)}function K(t){var e=t.getTimezoneOffset();return(e>0?\"-\":(e*=-1,\"+\"))+h(e/60|0,\"0\",2)+h(e%60,\"0\",2)}function Q(t,e){return h(t.getUTCDate(),e,2)}function $(t,e){return h(t.getUTCHours(),e,2)}function tt(t,e){return h(t.getUTCHours()%12||12,e,2)}function et(t,r){return h(1+e.utcDay.count(e.utcYear(t),t),r,3)}function rt(t,e){return h(t.getUTCMilliseconds(),e,3)}function nt(t,e){return rt(t,e)+\"000\"}function at(t,e){return h(t.getUTCMonth()+1,e,2)}function it(t,e){return h(t.getUTCMinutes(),e,2)}function ot(t,e){return h(t.getUTCSeconds(),e,2)}function st(t){var e=t.getUTCDay();return 0===e?7:e}function lt(t,r){return h(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),h(e.utcThursday.count(e.utcYear(t),t)+(4===e.utcYear(t).getUTCDay()),r,2)}function ut(t){return t.getUTCDay()}function ht(t,r){return h(e.utcMonday.count(e.utcYear(t)-1,t),r,2)}function ft(t,e){return h(t.getUTCFullYear()%100,e,2)}function pt(t,e){return h(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=i(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=i,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,a,i,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)),a(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(i=new Date(+e)),a(e,n),t(e)}while(i=r)for(;t(r),!e(r);)r.setTime(r-1)}),(function(t,r){if(t>=t)if(r<0)for(;++r<=0;)for(;a(t,-1),!e(t););else for(;--r>=0;)for(;a(t,1),!e(t););}))},i&&(s.count=function(n,a){return e.setTime(+n),r.setTime(+a),t(e),t(r),Math.floor(i(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 a=n((function(){}),(function(t,e){t.setTime(+t+e)}),(function(t,e){return e-t}));a.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})):a:null};var i=a.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()})),h=u.range,f=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=f.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,P=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()}));P.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 I=P.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,Z=U.range,X=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=f,t.timeDays=p,t.timeFriday=b,t.timeFridays=S,t.timeHour=u,t.timeHours=h,t.timeInterval=n,t.timeMillisecond=a,t.timeMilliseconds=i,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=P,t.timeYears=I,t.utcDay=F,t.utcDays=B,t.utcFriday=G,t.utcFridays=Q,t.utcHour=D,t.utcHours=R,t.utcMillisecond=a,t.utcMilliseconds=i,t.utcMinute=z,t.utcMinutes=O,t.utcMonday=U,t.utcMondays=Z,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=X,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,a=0,i=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 h(){return s||(u(f),s=c.now()+l)}function f(){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(){h(),++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=a=0;try{g()}finally{n=0,function(){var t,n,a=e,i=1/0;for(;a;)a._call?(i>a._time&&(i=a._time),t=a,a=a._next):(n=a._next,a._next=null,a=t?t._next=n:e=n);r=t,y(i)}(),s=0}}function v(){var t=c.now(),e=t-o;e>1e3&&(l-=e,o=t)}function y(t){n||(a&&(a=clearTimeout(a)),t-s>24?(t<1/0&&(a=setTimeout(m,t-c.now()-l)),i&&(i=clearInterval(i))):(i||(o=c.now(),i=setInterval(v,1e3)),n=1,u(m)))}p.prototype=d.prototype={constructor:p,restart:function(t,n,a){if(\"function\"!=typeof t)throw new TypeError(\"callback is not a function\");a=(null==a?h():+a)+(null==n?0:+n),this._next||r===this||(r?r._next=this:e=this,r=this),this._call=t,this._time=a,y()},stop:function(){this._call&&(this._call=null,this._time=1/0,y())}},t.interval=function(t,e,r){var n=new p,a=e;return null==e?(n.restart(t,e,r),n):(e=+e,r=null==r?h():+r,n.restart((function i(o){o+=a,n.restart(i,a+=e,r),t(o)}),e,r),n)},t.now=h,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)},a=this.document;function i(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(a)try{n(a.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}),a)try{a.createElement(\"DIV\").style.setProperty(\"opacity\",0,\"\")}catch(t){var s=this.Element.prototype,l=s.setAttribute,c=s.setAttributeNS,u=this.CSSStyleDeclaration.prototype,h=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){h.call(this,t,e+\"\",r)}}function f(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,a){for(arguments.length<3&&(n=0),arguments.length<4&&(a=e.length);n>>1;t(e[i],r)<0?n=i+1:a=i}return n},right:function(e,r,n,a){for(arguments.length<3&&(n=0),arguments.length<4&&(a=e.length);n>>1;t(e[i],r)>0?a=i:n=i+1}return n}}}t.ascending=f,t.descending=function(t,e){return et?1:e>=t?0:NaN},t.min=function(t,e){var r,n,a=-1,i=t.length;if(1===arguments.length){for(;++a=n){r=n;break}for(;++an&&(r=n)}else{for(;++a=n){r=n;break}for(;++an&&(r=n)}return r},t.max=function(t,e){var r,n,a=-1,i=t.length;if(1===arguments.length){for(;++a=n){r=n;break}for(;++ar&&(r=n)}else{for(;++a=n){r=n;break}for(;++ar&&(r=n)}return r},t.extent=function(t,e){var r,n,a,i=-1,o=t.length;if(1===arguments.length){for(;++i=n){r=a=n;break}for(;++in&&(r=n),a=n){r=a=n;break}for(;++in&&(r=n),a1)return o/(l-1)},t.deviation=function(){var e=t.variance.apply(this,arguments);return e?Math.sqrt(e):e};var m=g(f);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 f(t(e),r)}:t)},t.shuffle=function(t,e,r){(i=arguments.length)<3&&(r=t.length,i<2&&(e=0));for(var n,a,i=r-e;i;)a=Math.random()*i--|0,n=t[i+e],t[i+e]=t[a+e],t[a+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],a=new Array(r<0?0:r);e=0;)for(e=(n=t[a]).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,a=[],i=x(y(r)),o=-1;if(t*=i,e*=i,(r*=i)<0)for(;(n=t+r*++o)>e;)a.push(n/i);else for(;(n=t+r*++o)=a.length)return r?r.call(n,i):e?i.sort(e):i;for(var l,c,u,h,f=-1,p=i.length,d=a[s++],g=new _;++f=a.length)return e;var n=[],o=i[r++];return e.forEach((function(e,a){n.push({key:e,values:t(a,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 a.push(t),n},n.sortKeys=function(t){return i[a.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[I(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(a.documentElement)};var Y=t.selection.prototype=[];function W(t){return\"function\"==typeof t?t:function(){return q(t,this)}}function Z(t){return\"function\"==typeof t?t:function(){return H(t,this)}}Y.select=function(t){var e,r,n,a,i=[];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,a=-1;if(e=r.classList){for(;++a=0;)(r=n[a])&&(i&&i!==r.nextSibling&&i.parentNode.insertBefore(r,i),i=r);return this},Y.sort=function(t){t=ct.apply(this,arguments);for(var e=-1,r=this.length;++e=e&&(e=a+1);!(o=s[e])&&++e0&&(e=e.slice(0,o));var l=gt.get(e);function c(){var t=this[i];t&&(this.removeEventListener(e,t,t.$),delete this[i])}return l&&(e=l,s=vt),o?r?function(){var t=s(r,n(arguments));c.call(this),this.addEventListener(e,this[i]=t,t.$=a),t._=r}:c:r?O:function(){var r,n=new RegExp(\"^__on([^.]+)\"+t.requote(e)+\"$\");for(var a in this)if(r=a.match(n)){var i=this[a];this.removeEventListener(r[1],i,i.$),delete this[a]}}}t.selection.enter=ht,t.selection.enter.prototype=ft,ft.append=Y.append,ft.empty=Y.empty,ft.node=Y.node,ft.call=Y.call,ft.size=Y.size,ft.select=function(t){for(var e,r,n,a,i,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,a=t[0],i=t[1],o=t[2],s=e[0],l=e[1],c=e[2],u=s-a,h=l-i,f=u*u+h*h;if(f0&&(e=e.transition().duration(g)),e.call(w.event)}function S(){c&&c.domain(l.range().map((function(t){return(t-f.x)/f.k})).map(l.invert)),h&&h.domain(u.range().map((function(t){return(t-f.y)/f.k})).map(u.invert))}function E(t){m++||t({type:\"zoomstart\"})}function C(t){S(),t({type:\"zoom\",scale:f.k,translate:[f.x,f.y]})}function L(t){--m||(t({type:\"zoomend\"}),r=null)}function P(){var e=this,r=_.of(e,arguments),n=0,a=t.select(o(e)).on(y,l).on(x,c),i=T(t.mouse(e)),s=bt(e);function l(){n=1,M(t.mouse(e),i),C(r)}function c(){a.on(y,null).on(x,null),s(n),L(r)}vs.call(e),E(r)}function I(){var e,r=this,n=_.of(r,arguments),a={},i=0,o=\".zoom-\"+t.event.changedTouches[0].identifier,l=\"touchmove\"+o,c=\"touchend\"+o,u=[],h=t.select(r),p=bt(r);function d(){var n=t.touches(r);return e=f.k,n.forEach((function(t){t.identifier in a&&(a[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,h=n.length;o1){v=p[0];var x=p[1],b=v[0]-x[0],_=v[1]-x[1];i=b*b+_*_}}function m(){var o,l,c,u,h=t.touches(r);vs.call(r);for(var f=0,p=h.length;f360?t-=360:t<0&&(t+=360),t<60?n+(a-n)*t/60:t<180?a:t<240?n+(a-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)-(a=r<=.5?r*(1+e):r+e-r*e),new ne(i(t+120),i(t),i(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 Xt?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 Zt(t,e,r){return isNaN(t)&&(t=0),isNaN(e)&&(e=0),new Xt(r,Math.cos(t*=Lt)*e,Math.sin(t)*e)}function Xt(t,e,r){return this instanceof Xt?(this.l=+t,this.a=+e,void(this.b=+r)):arguments.length<2?t instanceof Xt?new Xt(t.l,t.a,t.b):t instanceof Yt?Zt(t.h,t.c,t.l):ue((t=ne(t)).r,t.g,t.b):new Xt(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 Zt(this.h,this.c,this.l).rgb()},t.lab=Xt;var Jt=18,Kt=Xt.prototype=new Vt;function Qt(t,e,r){var n=(t+16)/116,a=n+e/500,i=n-r/200;return new ne(re(3.2404542*(a=.95047*te(a))-1.5371385*(n=1*te(n))-.4985314*(i=1.08883*te(i))),re(-.969266*a+1.8760108*n+.041556*i),re(.0556434*a-.2040259*n+1.0572252*i))}function $t(t,e,r){return t>0?new Yt(Math.atan2(r,e)*Pt,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 ae(t){return new ne(t>>16,t>>8&255,255&t)}function ie(t){return ae(t)+\"\"}Kt.brighter=function(t){return new Xt(Math.min(100,this.l+Jt*(arguments.length?t:1)),this.a,this.b)},Kt.darker=function(t){return new Xt(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,a,i,o=0,s=0,l=0;if(n=/([a-z]+)\\((.*)\\)/.exec(t=t.toLowerCase()))switch(a=n[2].split(\",\"),n[1]){case\"hsl\":return r(parseFloat(a[0]),parseFloat(a[1])/100,parseFloat(a[2])/100);case\"rgb\":return e(fe(a[0]),fe(a[1]),fe(a[2]))}return(i=pe.get(t))?e(i.r,i.g,i.b):(null==t||\"#\"!==t.charAt(0)||isNaN(i=parseInt(t.slice(1),16))||(4===t.length?(o=(3840&i)>>4,o|=o>>4,s=240&i,s|=s>>4,l=15&i,l|=l<<4):7===t.length&&(o=(16711680&i)>>16,s=(65280&i)>>8,l=255&i)),e(o,s,l))}function ce(t,e,r){var n,a,i=Math.min(t/=255,e/=255,r/=255),o=Math.max(t,e,r),s=o-i,l=(o+i)/2;return s?(a=l<.5?s/(o+i):s/(2-o-i),n=t==o?(e-r)/s+(e0&&l<1?0:n),new qt(n,a,l)}function ue(t,e,r){var n=ee((.4124564*(t=he(t))+.3575761*(e=he(e))+.1804375*(r=he(r)))/.95047),a=ee((.2126729*t+.7151522*e+.072175*r)/1);return Xt(116*a-16,500*(n-a),200*(a-ee((.0193339*t+.119192*e+.9503041*r)/1.08883)))}function he(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function fe(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,a=30;return e||r||n?(e&&e=200&&e<300||304===e){try{t=a.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=h:c.onreadystatechange=function(){c.readyState>3&&h()},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 a=t,o},[\"get\",\"post\"].forEach((function(t){o[t]=function(){return o.send.apply(o,[t].concat(n(arguments)))}})),o.send=function(t,n,a){if(2===arguments.length&&\"function\"==typeof n&&(a=n,n=null),c.open(t,e,!0),null==r||\"accept\"in l||(l.accept=r+\",*/*\"),c.setRequestHeader)for(var i in l)c.setRequestHeader(i,l[i]);return null!=r&&c.overrideMimeType&&c.overrideMimeType(r),null!=u&&(c.responseType=u),null!=a&&o.on(\"error\",a).on(\"load\",(function(t){a(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==i?o:o.get(function(t){return 1===t.length?function(e,r){t(null==e?r:null)}:t}(i))}pe.forEach((function(t,e){pe.set(t,ae(e))})),t.functor=de,t.xhr=ge(L),t.dsv=function(t,e){var r=new RegExp('[\"'+t+\"\\n]\"),n=t.charCodeAt(0);function a(t,r,n){arguments.length<3&&(n=r,r=null);var a=me(t,e,null==r?i:o(r),n);return a.row=function(t){return arguments.length?a.response(null==(r=t)?i:o(t)):r},a}function i(t){return a.parse(t.responseText)}function o(t){return function(e){return a.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 a.parse=function(t,e){var r;return a.parseRows(t,(function(t,n){if(r)return r(t,n-1);var a=new Function(\"d\",\"return {\"+t.map((function(t,e){return JSON.stringify(t)+\": d[\"+e+\"]\"})).join(\",\")+\"}\");r=e?function(t,r){return e(a(t),r)}:a}))},a.parseRows=function(t,e){var r,a,i={},o={},s=[],l=t.length,c=0,u=0;function h(){if(c>=l)return o;if(a)return a=!1,i;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,a=e.grouping,i=e.currency,o=a&&n?function(t,e){for(var r=t.length,i=[],o=0,s=a[0],l=0;r>0&&s>0&&(l+s+1>e&&(s=Math.max(1,e-l)),i.push(t.substring(r-=s,r+s)),!((l+=s+1)>e));)s=a[o=(o+1)%a.length];return i.reverse().join(n)}:L;return function(e){var n=Ce.exec(e),a=n[1]||\" \",s=n[2]||\">\",l=n[3]||\"-\",c=n[4]||\"\",u=n[5],h=+n[6],f=n[7],p=n[8],d=n[9],g=1,m=\"\",v=\"\",y=!1,x=!0;switch(p&&(p=+p.substring(1)),(u||\"0\"===a&&\"=\"===s)&&(u=a=\"0\",s=\"=\"),d){case\"n\":f=!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=i[0],v=i[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)||Pe;var b=u&&f;return function(e){var n=v;if(y&&e%1)return\"\";var i=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&&f&&(_=o(_,1/0));var M=m.length+_.length+w.length+(b?0:i.length),A=M\"===s?A+i+e:\"^\"===s?A.substring(0,M>>=1)+i+e+A.substring(M):i+(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 Pe(t){return t+\"\"}var Ie=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=i(r,1);return e-r1)for(;o=c)return-1;if(37===(a=e.charCodeAt(s++))){if(o=e.charAt(s++),!(i=w[o in Ne?e.charAt(s++):o])||(n=i(t,r,n))<0)return-1}else if(a!=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 f=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);i.forEach((function(t,e){f.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+Ie.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 i[+(t.getHours()>=12)]},S:function(t,e){return Ve(t.getSeconds(),e,2)},U:function(t,e){return Ve(Ie.sundayOfYear(t),e,2)},w:function(t){return t.getDay()},W:function(t,e){return Ve(Ie.mondayOfYear(t),e,2)},x:u(n),X:u(a),y:function(t,e){return Ve(t.getFullYear()%100,e,2)},Y:function(t,e){return Ve(t.getFullYear()%1e4,e,4)},Z:ar,\"%\":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 h(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=f.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 h(t,_.x.toString(),e,r)},X:function(t,e,r){return h(t,_.X.toString(),e,r)},y:Xe,Y:Ze,Z:Je,\"%\":ir};return u}Ie.year=Re((function(t){return(t=Ie.day(t)).setMonth(0,1),t}),(function(t,e){t.setFullYear(t.getFullYear()+e)}),(function(t){return t.getFullYear()})),Ie.years=Ie.year.range,Ie.years.utc=Ie.year.utc.range,Ie.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})),Ie.days=Ie.day.range,Ie.days.utc=Ie.day.utc.range,Ie.dayOfYear=function(t){var e=Ie.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=Ie[t]=Re((function(t){return(t=Ie.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=Ie.year(t).getDay();return Math.floor((Ie.dayOfYear(t)+(r+e)%7)/7)-(r!==e)}));Ie[t+\"s\"]=r.range,Ie[t+\"s\"].utc=r.utc.range,Ie[t+\"OfYear\"]=function(t){var r=Ie.year(t).getDay();return Math.floor((Ie.dayOfYear(t)+(r+e)%7)/7)}})),Ie.week=Ie.sunday,Ie.weeks=Ie.sunday.range,Ie.weeks.utc=Ie.sunday.utc.range,Ie.weekOfYear=Ie.sundayOfYear;var Ne={\"-\":\"\",_:\" \",0:\"0\"},je=/^\\s*\\d+/,Ue=/^%/;function Ve(t,e,r){var n=t<0?\"-\":\"\",a=(n?-t:t)+\"\",i=a.length;return n+(i68?1900:2e3),r+a[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 ar(t){var e=t.getTimezoneOffset(),r=e>0?\"-\":\"+\",n=y(e)/60|0,a=y(e)%60;return r+Ve(n,\"0\",2)+Ve(a,\"0\",2)}function ir(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*i,l=Math.cos(e),c=Math.sin(e),u=a*c,h=n*l+u*Math.cos(s),f=u*o*Math.sin(s);Er.add(Math.atan2(f,h)),r=t,n=l,a=c}Cr.point=function(o,s){Cr.point=i,r=(t=o)*Lt,n=Math.cos(s=(e=s)*Lt/2+At/4),a=Math.sin(s)},Cr.lineEnd=function(){i(t,e)}}function Pr(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 Ir(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?a=90:c<-kt&&(r=-90),h[0]=e,h[1]=n}};function p(t,i){u.push(h=[e=t,n=t]),ia&&(a=i)}function d(t,o){var s=Pr([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 h=t-i,f=h>0?1:-1,d=u[0]*Pt*f,g=y(h)>180;if(g^(f*ia&&(a=m);else if(g^(f*i<(d=(d+360)%360-180)&&da&&(a=o);g?t_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t):n>=e?(tn&&(n=t)):t>i?_(e,t)>_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t)}else p(t,o);l=s,i=t}function g(){f.point=d}function m(){h[0]=e,h[1]=n,f.point=p,l=null}function v(t,e){if(l){var r=t-i;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)),h[0]=e,h[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=h=null,e===1/0||r===1/0?[[NaN,NaN],[NaN,NaN]]:[[e,r],[n,a]]}}(),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,a=Sr,i=r*r+n*n+a*a;return i=0;--s)a.point((h=u[s])[0],h[1]);else n(p.x,p.p.x,-1,a);p=p.p}u=(p=p.o).z,d=!d}while(!p.v);a.lineEnd()}}}function Zr(t){if(e=t.length){for(var e,r,n=0,a=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))),i+=k?_+w*St:_,k^f>=r^v>=r){var A=zr(Pr(h),Pr(t));Rr(A);var S=zr(a,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;f=v,d=x,g=b,h=t}}return(i<-kt||i0){for(x||(o.polygonStart(),x=!0),o.lineStart();++i1&&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,a=NaN;return{lineStart:function(){t.lineStart(),e=1},point:function(i,o){var s=i>0?At:-At,l=y(i-r);y(l-At)0?Ct:-Ct),t.point(a,n),t.lineEnd(),t.lineStart(),t.point(s,n),t.point(i,n),e=0):a!==s&&l>=At&&(y(r-a)kt?Math.atan((Math.sin(e)*(i=Math.cos(n))*Math.sin(r)-Math.sin(n)*(a=Math.cos(e))*Math.sin(t))/(a*i*o)):(e+n)/2}(r,n,i,o),t.point(a,n),t.lineEnd(),t.lineStart(),t.point(s,n),e=0),t.point(r=i,n=o),a=s},lineEnd:function(){t.lineEnd(),r=n=NaN},clean:function(){return 2-e}}}),(function(t,e,r,n){var a;if(null==t)a=r*Ct,n.point(-At,a),n.point(0,a),n.point(At,a),n.point(At,0),n.point(At,-a),n.point(0,-a),n.point(-At,-a),n.point(-At,0),n.point(-At,a);else if(y(t[0]-e[0])>kt){var i=t[0]0,n=y(e)>kt;return Jr(a,(function(t){var e,s,l,c,u;return{lineStart:function(){c=l=!1,u=1},point:function(h,f){var p,d=[h,f],g=a(h,f),m=r?g?0:o(h,f):g?o(h+(h<0?At:-At),f):0;if(!e&&(c=l=g)&&t.lineStart(),g!==l&&(p=i(e,d),(Br(e,p)||Br(d,p))&&(d[0]+=kt,d[1]+=kt,g=a(d[0],d[1]))),g!==l)u=0,g?(t.lineStart(),p=i(d,e),t.point(p[0],p[1])):(p=i(e,d),t.point(p[0],p[1]),t.lineEnd()),e=p;else if(n&&e&&r^g){var v;m&s||!(v=i(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 a(t,r){return Math.cos(t)*Math.cos(r)>e}function i(t,r,n){var a=[1,0,0],i=zr(Pr(t),Pr(r)),o=Ir(i,i),s=i[0],l=o-s*s;if(!l)return!n&&t;var c=e*o/l,u=-e*s/l,h=zr(a,i),f=Dr(a,c);Or(f,Dr(i,u));var p=h,d=Ir(f,p),g=Ir(p,p),m=d*d-g*(Ir(f,f)-1);if(!(m<0)){var v=Math.sqrt(m),x=Dr(p,(-d-v)/g);if(Or(x,f),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,f),[x,Fr(S)]}}}function o(e,n){var a=r?t:At-t,i=0;return e<-a?i|=1:e>a&&(i|=2),n<-a?i|=4:n>a&&(i|=8),i}}function rn(t,e,r,n){return function(a){var i,o=a.a,s=a.b,l=o.x,c=o.y,u=0,h=1,f=s.x-l,p=s.y-c;if(i=t-l,f||!(i>0)){if(i/=f,f<0){if(i0){if(i>h)return;i>u&&(u=i)}if(i=r-l,f||!(i<0)){if(i/=f,f<0){if(i>h)return;i>u&&(u=i)}else if(f>0){if(i0)){if(i/=p,p<0){if(i0){if(i>h)return;i>u&&(u=i)}if(i=n-c,p||!(i<0)){if(i/=p,p<0){if(i>h)return;i>u&&(u=i)}else if(p>0){if(i0&&(a.a={x:l+u*f,y:c+u*p}),h<1&&(a.b={x:l+h*f,y:c+h*p}),a}}}}}}function nn(e,r,n,a){return function(l){var c,u,h,f,p,d,g,m,v,y,x,b=l,_=Qr(),w=rn(e,r,n,a),T={point:A,lineStart:function(){T.point=S,u&&u.push(h=[]);y=!0,v=!1,g=m=NaN},lineEnd:function(){c&&(S(f,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],a=0;an&&zt(c,i,t)>0&&++e:i[1]<=n&&zt(c,i,t)<0&&--e,c=i;return 0!==e}([e,a]),n=x&&r,i=c.length;(n||i)&&(l.polygonStart(),n&&(l.lineStart(),k(null,null,1,l),l.lineEnd()),i&&Wr(c,o,r,k,l),l.polygonEnd()),c=u=h=null}};function k(t,o,l,c){var u=0,h=0;if(null==t||(u=i(t,l))!==(h=i(o,l))||s(t,o)<0^l>0)do{c.point(0===u||3===u?e:n,u>1?a:r)}while((u=(u+l+4)%4)!==h);else c.point(o[0],o[1])}function M(t,i){return e<=t&&t<=n&&r<=i&&i<=a}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&&h.push([t,e]),y)f=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 i(t,a){return y(t[0]-e)0?0:3:y(t[0]-n)0?2:1:y(t[1]-r)0?1:0:a>0?3:2}function o(t,e){return s(t.x,e.x)}function s(t,e){var r=i(t,1),n=i(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),a=n(e,r);return a.parallels=function(t){return arguments.length?n(e=t[0]*At/180,r=t[1]*At/180):[e/At*180,r/At*180]},a}function on(t,e){var r=Math.sin(t),n=(r+Math.sin(e))/2,a=1+r*(2*n-r),i=Math.sqrt(a)/n;function o(t,e){var r=Math.sqrt(a-2*n*Math.sin(e))/n;return[r*Math.sin(t*=n),i-r*Math.cos(t)]}return o.invert=function(t,e){var r=i-e;return[Math.atan2(t,r)/n,Dt((a-(t*t+r*r)*n*n)/(2*n))]},o}t.geo.clipExtent=function(){var t,e,r,n,a,i,o={stream:function(t){return a&&(a.valid=!1),(a=i(t)).valid=!0,a},extent:function(s){return arguments.length?(i=nn(t=+s[0][0],e=+s[0][1],r=+s[1][0],n=+s[1][1]),a&&(a.valid=!1,a=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,a,i=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 i=t[0],o=t[1];return e=null,r(i,o),e||(n(i,o),e)||a(i,o),e}return c.invert=function(t){var e=i.scale(),r=i.translate(),n=(t[0]-r[0])/e,a=(t[1]-r[1])/e;return(a>=.12&&a<.234&&n>=-.425&&n<-.214?o:a>=.166&&a<.234&&n>=-.214&&n<-.115?s:i).invert(t)},c.stream=function(t){var e=i.stream(t),r=o.stream(t),n=s.stream(t);return{point:function(t,a){e.point(t,a),r.point(t,a),n.point(t,a)},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?(i.precision(t),o.precision(t),s.precision(t),c):i.precision()},c.scale=function(t){return arguments.length?(i.scale(t),o.scale(.35*t),s.scale(t),c.translate(i.translate())):i.scale()},c.translate=function(t){if(!arguments.length)return i.translate();var e=i.scale(),u=+t[0],h=+t[1];return r=i.translate(t).clipExtent([[u-.455*e,h-.238*e],[u+.455*e,h+.238*e]]).stream(l).point,n=o.translate([u-.307*e,h+.201*e]).clipExtent([[u-.425*e+kt,h+.12*e+kt],[u-.214*e-kt,h+.234*e-kt]]).stream(l).point,a=s.translate([u-.205*e,h+.212*e]).clipExtent([[u-.214*e+kt,h+.166*e+kt],[u-.115*e-kt,h+.234*e-kt]]).stream(l).point,c},c.scale(1070)};var sn,ln,cn,un,hn,fn,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 a(t,e){ln+=n*t-r*e,r=t,n=e}pn.point=function(i,o){pn.point=a,t=r=i,e=n=o},pn.lineEnd=function(){a(t,e)}}var gn={point:function(t,e){thn&&(hn=t);efn&&(fn=e)},lineStart:O,lineEnd:O,polygonStart:O,polygonEnd:O};function mn(){var t=vn(4.5),e=[],r={point:n,lineStart:function(){r.point=a},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 a(t,n){e.push(\"M\",t,\",\",n),r.point=i}function i(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 a=r-t,i=n-e,o=Math.sqrt(a*a+i*i);wr+=o*(t+r)/2,Tr+=o*(e+n)/2,kr+=o,bn(t=r,e=n)}xn.point=function(n,a){xn.point=r,bn(t=n,e=a)}}function wn(){xn.point=bn}function Tn(){var t,e,r,n;function a(t,e){var a=t-r,i=e-n,o=Math.sqrt(a*a+i*i);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(i,o){xn.point=a,bn(t=r=i,e=n=o)},xn.lineEnd=function(){a(t,e)}}function kn(t){var e=4.5,r={point:n,lineStart:function(){r.point=a},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 a(e,n){t.moveTo(e,n),r.point=i}function i(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 a(t){return(n?o:i)(t)}function i(e){return En(e,(function(r,n){r=t(r,n),e.point(r[0],r[1])}))}function o(e){var r,a,i,o,l,c,u,h,f,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(){h=NaN,m.point=x,e.lineStart()}function x(r,a){var i=Pr([r,a]),o=t(r,a);s(h,f,u,p,d,g,h=o[0],f=o[1],u=r,p=i[0],d=i[1],g=i[2],n,e),e.point(h,f)}function b(){m.point=v,e.lineEnd()}function _(){y(),m.point=w,m.lineEnd=T}function w(t,e){x(r=t,e),a=h,i=f,o=p,l=d,c=g,m.point=x}function T(){s(h,f,u,p,d,g,a,i,r,o,l,c,n,e),m.lineEnd=b,b()}return m}function s(n,a,i,o,l,c,u,h,f,p,d,g,m,v){var x=u-n,b=h-a,_=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*P+b*I)/_-.5)>.3||o*p+l*d+c*g0&&16,a):Math.sqrt(e)},a}function An(t){var e=Mn((function(e,r){return t([e*Pt,r*Pt])}));return function(t){return Pn(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,a,i,o,s,l=Mn((function(t,e){return[(t=r(t,e))[0]*c+i,o-t[1]*c]})),c=150,u=480,h=250,f=0,p=0,d=0,g=0,m=0,v=tn,y=L,x=null,b=null;function _(t){return[(t=a(t[0]*Lt,t[1]*Lt))[0]*c+i,o-t[1]*c]}function w(t){return(t=a.invert((t[0]-i)/c,(o-t[1])/c))&&[t[0]*Pt,t[1]*Pt]}function T(){a=Gr(n=On(d,g,m),r);var t=r(f,p);return i=u-t[0]*c,o=h+t[1]*c,k()}function k(){return s&&(s.valid=!1,s=null),_}return _.stream=function(t){return s&&(s.valid=!1),(s=Pn(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],h=+t[1],T()):[u,h]},_.center=function(t){return arguments.length?(f=t[0]%360*Lt,p=t[1]%360*Lt,T()):[f*Pt,p*Pt]},_.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*Pt,g*Pt,m*Pt]},t.rebind(_,l,\"precision\"),function(){return r=e.apply(this,arguments),_.invert=r.invert&&w,T()}}function Pn(t){return En(t,(function(e,r){t.point(e*Lt,r*Lt)}))}function In(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),a=Math.cos(e),i=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*a-u*i,s*r-c*n),Dt(u*a+l*i)]}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*a-l*i;return[Math.atan2(l*a+c*i,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(a,i,o,s){var l=o*e;null!=a?(a=Nn(r,a),i=Nn(r,i),(o>0?ai)&&(a+=o*St)):(a=t+o*St,i=t-.5*l);for(var c,u=a;o>0?u>i:u2?t[2]*Lt:0),e.invert=function(e){return(e=t.invert(e[0]*Lt,e[1]*Lt))[0]*=Pt,e[1]*=Pt,e},e},zn.invert=In,t.geo.circle=function(){var t,e,r=[0,0],n=6;function a(){var t=\"function\"==typeof r?r.apply(this,arguments):r,n=On(-t[0]*Lt,-t[1]*Lt,0).invert,a=[];return e(null,null,1,{point:function(t,e){a.push(t=n(t,e)),t[0]*=Pt,t[1]*=Pt}}),{type:\"Polygon\",coordinates:[a]}}return a.origin=function(t){return arguments.length?(r=t,a):r},a.angle=function(r){return arguments.length?(e=Bn((t=+r)*Lt,n*Lt),a):t},a.precision=function(r){return arguments.length?(e=Bn(t*Lt,(n=+r)*Lt),a):n},a.angle(90)},t.geo.distance=function(t,e){var r,n=(e[0]-t[0])*Lt,a=t[1]*Lt,i=e[1]*Lt,o=Math.sin(n),s=Math.cos(n),l=Math.sin(a),c=Math.cos(a),u=Math.sin(i),h=Math.cos(i);return Math.atan2(Math.sqrt((r=h*o)*r+(r=c*u-l*h*s)*r),l*u+c*h*s)},t.geo.graticule=function(){var e,r,n,a,i,o,s,l,c,u,h,f,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(a/g)*g,n,g).map(h).concat(t.range(Math.ceil(l/m)*m,s,m).map(f)).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,i,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:[h(a).concat(f(s).slice(1),h(n).reverse().slice(1),f(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?(a=+t[0][0],n=+t[1][0],l=+t[0][1],s=+t[1][1],a>n&&(t=a,a=n,n=t),l>s&&(t=l,l=s,s=t),x.precision(v)):[[a,l],[n,s]]},x.minorExtent=function(t){return arguments.length?(r=+t[0][0],e=+t[1][0],o=+t[0][1],i=+t[1][1],r>e&&(t=r,r=e,e=t),o>i&&(t=o,o=i,i=t),x.precision(v)):[[r,o],[e,i]]},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,i,90),u=Un(r,e,v),h=jn(l,s,90),f=Un(a,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,a=qn;function i(){return{type:\"LineString\",coordinates:[e||n.apply(this,arguments),r||a.apply(this,arguments)]}}return i.distance=function(){return t.geo.distance(e||n.apply(this,arguments),r||a.apply(this,arguments))},i.source=function(t){return arguments.length?(n=t,e=\"function\"==typeof t?null:t,i):n},i.target=function(t){return arguments.length?(a=t,r=\"function\"==typeof t?null:t,i):a},i.precision=function(){return arguments.length?i:0},i},t.geo.interpolate=function(t,e){return r=t[0]*Lt,n=t[1]*Lt,a=e[0]*Lt,i=e[1]*Lt,o=Math.cos(n),s=Math.sin(n),l=Math.cos(i),c=Math.sin(i),u=o*Math.cos(r),h=o*Math.sin(r),f=l*Math.cos(a),p=l*Math.sin(a),d=2*Math.asin(Math.sqrt(Ft(i-n)+o*l*Ft(a-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*f,a=r*h+e*p,i=r*s+e*c;return[Math.atan2(a,n)*Pt,Math.atan2(i,Math.sqrt(n*n+a*a))*Pt]}:function(){return[r*Pt,n*Pt]}).distance=d,m;var r,n,a,i,o,s,l,c,u,h,f,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,a){var i=Math.sin(a*=Lt),o=Math.cos(a),s=y((n*=Lt)-t),l=Math.cos(s);yn+=Math.atan2(Math.sqrt((s=o*Math.sin(s))*s+(s=r*i-e*o*l)*s),e*i+r*o*l),t=n,e=i,r=o}Hn.point=function(a,i){t=a*Lt,e=Math.sin(i*=Lt),r=Math.cos(i),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),a=Math.cos(r),i=t(n*a);return[i*a*Math.sin(e),i*Math.sin(r)]}return r.invert=function(t,r){var n=Math.sqrt(t*t+r*r),a=e(n),i=Math.sin(a),o=Math.cos(a);return[Math.atan2(t*i,n*o),Math.asin(n&&r*i/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 Zn(t,e){var r=Math.cos(t),n=function(t){return Math.tan(At/4+t/2)},a=t===e?Math.sin(t):Math.log(r/Math.cos(e))/Math.log(n(e)/n(t)),i=r*Math.pow(n(t),a)/a;if(!a)return Kn;function o(t,e){i>0?e<-Ct+kt&&(e=-Ct+kt):e>Ct-kt&&(e=Ct-kt);var r=i/Math.pow(n(e),a);return[r*Math.sin(a*t),i-r*Math.cos(a*t)]}return o.invert=function(t,e){var r=i-e,n=It(a)*Math.sqrt(t*t+r*r);return[Math.atan2(t,r)/a,2*Math.atan(Math.pow(i/n,1/a))-Ct]},o}function Xn(t,e){var r=Math.cos(t),n=t===e?Math.sin(t):(r-Math.cos(e))/(e-t),a=r/n+t;if(y(n)1&&zt(t[r[n-2]],t[r[n-1]],t[a])<=0;)--n;r[n++]=a}return r.slice(0,n)}function ia(t,e){return t[0]-e[0]||t[1]-e[1]}(t.geo.stereographic=function(){return Cn(ta)}).raw=ta,ea.invert=function(t,e){return[-e,2*Math.atan(Math.exp(t))-Ct]},(t.geo.transverseMercator=function(){var t=Qn(ea),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=ea,t.geom={},t.geom.hull=function(t){var e=ra,r=na;if(arguments.length)return n(t);function n(t){if(t.length<3)return[];var n,a=de(e),i=de(r),o=t.length,s=[],l=[];for(n=0;n=0;--n)p.push(t[s[c[n]][2]]);for(n=+h;nkt)s=s.L;else{if(!((a=i-Ta(s,o))>kt)){n>-kt?(e=s.P,r=s):a>-kt?(e=s,r=s.N):e=r=s;break}if(!s.R){e=s;break}s=s.R}var l=ya(t);if(fa.insert(e,l),e||r){if(e===r)return Ea(e),r=ya(e.site),fa.insert(l,r),l.edge=r.edge=Pa(e.site,l.site),Sa(e),void Sa(r);if(r){Ea(e),Ea(r);var c=e.site,u=c.x,h=c.y,f=t.x-u,p=t.y-h,d=r.site,g=d.x-u,m=d.y-h,v=2*(f*m-p*g),y=f*f+p*p,x=g*g+m*m,b={x:(m*y-p*x)/v+u,y:(f*x-g*y)/v+h};za(r.edge,c,d,b),l.edge=Pa(c,t,null,b),r.edge=Pa(t,d,null,b),Sa(e),Sa(r)}else l.edge=Pa(e.site,l.site)}}function wa(t,e){var r=t.site,n=r.x,a=r.y,i=a-e;if(!i)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,h=1/i-1/c,f=u/c;return h?(-f+Math.sqrt(f*f-2*h*(u*u/(-2*c)-l+c/2+a-i/2)))/h+n:(n+s)/2}function Ta(t,e){var r=t.N;if(r)return wa(r,e);var n=t.site;return n.y===e?n.x:1/0}function ka(t){this.site=t,this.edges=[]}function Ma(t,e){return e.angle-t.angle}function Aa(){Ra(this),this.x=this.y=this.arc=this.site=this.cy=null}function Sa(t){var e=t.P,r=t.N;if(e&&r){var n=e.site,a=t.site,i=r.site;if(n!==i){var o=a.x,s=a.y,l=n.x-o,c=n.y-s,u=i.x-o,h=2*(l*(m=i.y-s)-c*u);if(!(h>=-Mt)){var f=l*l+c*c,p=u*u+m*m,d=(m*f-c*p)/h,g=(l*p-u*f)/h,m=g+s,v=ma.pop()||new Aa;v.arc=t,v.site=a,v.x=d+o,v.y=m+Math.sqrt(d*d+g*g),v.cy=m,t.circle=v;for(var y=null,x=da._;x;)if(v.y=s)return;if(f>d){if(i){if(i.y>=c)return}else i={x:m,y:l};r={x:m,y:c}}else{if(i){if(i.y1)if(f>d){if(i){if(i.y>=c)return}else i={x:(l-a)/n,y:l};r={x:(c-a)/n,y:c}}else{if(i){if(i.y=s)return}else i={x:o,y:n*o+a};r={x:s,y:n*s+a}}else{if(i){if(i.xkt||y(a-r)>kt)&&(s.splice(o,0,new Oa(Ia(i.site,u,y(n-h)kt?{x:h,y:y(e-h)kt?{x:y(r-d)kt?{x:f,y:y(e-f)kt?{x:y(r-p)=r&&c.x<=a&&c.y>=n&&c.y<=o?[[r,o],[a,o],[a,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(a(t,e)/kt)*kt,i:e}}))}return o.links=function(t){return ja(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 ja(s(t)).cells.forEach((function(r,n){for(var a,i,o,s,l=r.site,c=r.edges.sort(Ma),u=-1,h=c.length,f=c[h-1].edge,p=f.l===l?f.r:f.l;++ui||h>o||f=_)<<1|e>=b,T=w+4;wi&&(a=e.slice(i,a),s[o]?s[o]+=a:s[++o]=a),(r=r[0])===(n=n[0])?s[o]?s[o]+=n:s[++o]=n:(s[++o]=null,l.push({i:o,x:Xa(r,n)})),i=Qa.lastIndex;return ig&&(g=l.x),l.y>m&&(m=l.y),c.push(l.x),u.push(l.y);else for(h=0;hg&&(g=b),_>m&&(m=_),c.push(b),u.push(_)}var w=g-p,T=m-d;function k(t,e,r,n,a,i,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,a,i,o,s);else{var u=t.point;t.x=t.y=t.point=null,M(t,u,l,c,a,i,o,s),M(t,e,r,n,a,i,o,s)}else t.x=r,t.y=n,t.point=e}else M(t,e,r,n,a,i,o,s)}function M(t,e,r,n,a,i,o,s){var l=.5*(a+o),c=.5*(i+s),u=r>=l,h=n>=c,f=h<<1|u;t.leaf=!1,u?a=l:o=l,h?i=c:s=c,k(t=t.nodes[f]||(t.nodes[f]={leaf:!0,nodes:[],point:null,x:null,y:null}),e,r,n,a,i,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,++h),+x(t,h),p,d,g,m)},visit:function(t){Ga(t,A,p,d,g,m)},find:function(t){return Ya(A,t[0],t[1],p,d,g,m)}};if(h=-1,null==e){for(;++h=0&&!(n=t.interpolators[a](e,r)););return n}function ti(t,e){var r,n=[],a=[],i=t.length,o=e.length,s=Math.min(t.length,e.length);for(r=0;r=1?1:t(e)}}function ii(t){return function(e){return 1-t(1-e)}}function oi(t){return function(e){return.5*(e<.5?t(2*e):2-t(2-2*e))}}function si(t){return t*t}function li(t){return t*t*t}function ci(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 ui(t){return 1-Math.cos(t*Ct)}function hi(t){return Math.pow(2,10*(t-1))}function fi(t){return 1-Math.sqrt(1-t*t)}function pi(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 di(t,e){return e-=t,function(r){return Math.round(t+e*r)}}function gi(t){var e,r,n,a=[t.a,t.b],i=[t.c,t.d],o=vi(a),s=mi(a,i),l=vi(((e=i)[0]+=(n=-s)*(r=a)[0],e[1]+=n*r[1],e))||0;a[0]*i[1]=0?t.slice(0,e):t,a=e>=0?t.slice(e+1):\"in\";return n=ri.get(n)||ei,ai((a=ni.get(a)||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,a=e.c,i=e.l,o=r.h-n,s=r.c-a,l=r.l-i;isNaN(s)&&(s=0,a=isNaN(a)?r.c:a);isNaN(o)?(o=0,n=isNaN(n)?r.h:n):o>180?o-=360:o<-180&&(o+=360);return function(t){return Zt(n+o*t,a+s*t,i+l*t)+\"\"}},t.interpolateHsl=function(e,r){e=t.hsl(e),r=t.hsl(r);var n=e.h,a=e.s,i=e.l,o=r.h-n,s=r.s-a,l=r.l-i;isNaN(s)&&(s=0,a=isNaN(a)?r.s:a);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,a+s*t,i+l*t)+\"\"}},t.interpolateLab=function(e,r){e=t.lab(e),r=t.lab(r);var n=e.l,a=e.a,i=e.b,o=r.l-n,s=r.a-a,l=r.b-i;return function(t){return Qt(n+o*t,a+s*t,i+l*t)+\"\"}},t.interpolateRound=di,t.transform=function(e){var r=a.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 gi(e?e.matrix:yi)})(e)},gi.prototype.toString=function(){return\"translate(\"+this.translate+\")rotate(\"+this.rotate+\")skewX(\"+this.skew+\")scale(\"+this.scale+\")\"};var yi={a:1,b:0,c:0,d:1,e:0,f:0};function xi(t){return t.length?t.pop()+\",\":\"\"}function bi(e,r){var n=[],a=[];return e=t.transform(e),r=t.transform(r),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var a=r.push(\"translate(\",null,\",\",null,\")\");n.push({i:a-4,x:Xa(t[0],e[0])},{i:a-2,x:Xa(t[1],e[1])})}else(e[0]||e[1])&&r.push(\"translate(\"+e+\")\")}(e.translate,r.translate,n,a),function(t,e,r,n){t!==e?(t-e>180?e+=360:e-t>180&&(t+=360),n.push({i:r.push(xi(r)+\"rotate(\",null,\")\")-2,x:Xa(t,e)})):e&&r.push(xi(r)+\"rotate(\"+e+\")\")}(e.rotate,r.rotate,n,a),function(t,e,r,n){t!==e?n.push({i:r.push(xi(r)+\"skewX(\",null,\")\")-2,x:Xa(t,e)}):e&&r.push(xi(r)+\"skewX(\"+e+\")\")}(e.skew,r.skew,n,a),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var a=r.push(xi(r)+\"scale(\",null,\",\",null,\")\");n.push({i:a-4,x:Xa(t[0],e[0])},{i:a-2,x:Xa(t[1],e[1])})}else 1===e[0]&&1===e[1]||r.push(xi(r)+\"scale(\"+e+\")\")}(e.scale,r.scale,n,a),e=r=null,function(t){for(var e,r=-1,i=a.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(a[n])}function Oi(t,e){for(var r=[t],n=[];null!=(t=r.pop());)if(n.push(t),(i=t.children)&&(a=i.length))for(var a,i,o=-1;++o=0;)o.push(u=c[l]),u.parent=i,u.depth=i.depth+1;r&&(i.value=0),i.children=c}else r&&(i.value=+r.call(n,i,i.depth)||0),delete i.children;return Oi(a,(function(e){var n,a;t&&(n=e.children)&&n.sort(t),r&&(a=e.parent)&&(a.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&&(zi(t,(function(t){t.children&&(t.value=0)})),Oi(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 a=e.call(this,t,n);return function t(e,r,n,a){var i=e.children;if(e.x=r,e.y=e.depth*a,e.dx=n,e.dy=a,i&&(o=i.length)){var o,s,l,c=-1;for(n=e.value?n/e.value:0;++cs&&(s=n),o.push(n)}for(r=0;ra&&(n=r,a=e);return n}function Zi(t){return t.reduce(Xi,0)}function Xi(t,e){return t+e[1]}function Ji(t,e){return Ki(t,Math.ceil(Math.log(e.length)/Math.LN2+1))}function Ki(t,e){for(var r=-1,n=+t[0],a=(t[1]-n)/e,i=[];++r<=e;)i[r]=a*r+n;return i}function Qi(e){return[t.min(e),t.max(e)]}function $i(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,a=t.r+e.r;return.999*a*a>r*r+n*n}function no(t){if((e=t.children)&&(l=e.length)){var e,r,n,a,i,o,s,l,c=1/0,u=-1/0,h=1/0,f=-1/0;if(e.forEach(ao),(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,a=e[2]),x(a),to(r,a),r._pack_prev=a,to(a,n),n=r._pack_next,i=3;i0)for(o=-1;++o=h[0]&&l<=h[1]&&((s=c[t.bisect(f,l,1,d)-1]).y+=g,s.push(i[o]));return c}return i.value=function(t){return arguments.length?(r=t,i):r},i.range=function(t){return arguments.length?(n=de(t),i):n},i.bins=function(t){return arguments.length?(a=\"number\"==typeof t?function(e){return Ki(e,t)}:de(t),i):a},i.frequency=function(t){return arguments.length?(e=!!t,i):e},i},t.layout.pack=function(){var e,r=t.layout.hierarchy().sort($i),n=0,a=[1,1];function i(t,i){var o=r.call(this,t,i),s=o[0],l=a[0],c=a[1],u=null==e?Math.sqrt:\"function\"==typeof e?e:function(){return e};if(s.x=s.y=0,Oi(s,(function(t){t.r=+u(t.value)})),Oi(s,no),n){var h=n*(e?1:Math.max(2*s.r/l,2*s.r/c))/2;Oi(s,(function(t){t.r+=h})),Oi(s,no),Oi(s,(function(t){t.r-=h}))}return function t(e,r,n,a){var i=e.children;if(e.x=r+=a*e.x,e.y=n+=a*e.y,e.r*=a,i)for(var o=-1,s=i.length;++op.x&&(p=t),t.depth>d.depth&&(d=t)}));var g=r(f,p)/2-f.x,m=n[0]/(p.x+r(p,f)/2+g),v=n[1]/(d.depth||1);zi(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,a=t.i?n[t.i-1]:null;if(e.length){!function(t){var e,r=0,n=0,a=t.children,i=a.length;for(;--i>=0;)(e=a[i]).z+=r,e.m+=r,r+=e.s+(n+=e.c)}(t);var i=(e[0].z+e[e.length-1].z)/2;a?(t.z=a.z+r(t._,a._),t.m=t.z-i):t.z=i}else a&&(t.z=a.z+r(t._,a._));t.parent.A=function(t,e,n){if(e){for(var a,i=t,o=t,s=e,l=i.parent.children[0],c=i.m,u=o.m,h=s.m,f=l.m;s=co(s),i=lo(i),s&&i;)l=lo(l),(o=co(o)).a=t,(a=s.z+h-i.z-c+r(s._,i._))>0&&(uo(ho(s,t,n),t,a),c+=a,u+=a),h+=s.m,c+=i.m,f+=l.m,u+=o.m;s&&!co(o)&&(o.t=s,o.m+=h-u),i&&!lo(l)&&(l.t=i,l.m+=c-f,n=t)}return n}(t,a,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 i.separation=function(t){return arguments.length?(r=t,i):r},i.size=function(t){return arguments.length?(a=null==(n=t)?l:null,i):a?null:n},i.nodeSize=function(t){return arguments.length?(a=null==(n=t)?null:l,i):a?n:null},Ii(i,e)},t.layout.cluster=function(){var e=t.layout.hierarchy().sort(null).value(null),r=so,n=[1,1],a=!1;function i(i,o){var s,l=e.call(this,i,o),c=l[0],u=0;Oi(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 h=function t(e){var r=e.children;return r&&r.length?t(r[0]):e}(c),f=function t(e){var r,n=e.children;return n&&(r=n.length)?t(n[r-1]):e}(c),p=h.x-r(h,f)/2,d=f.x+r(f,h)/2;return Oi(c,a?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 i.separation=function(t){return arguments.length?(r=t,i):r},i.size=function(t){return arguments.length?(a=null==(n=t),i):a?null:n},i.nodeSize=function(t){return arguments.length?(a=null!=(n=t),i):a?n:null},Ii(i,e)},t.layout.treemap=function(){var e,r=t.layout.hierarchy(),n=Math.round,a=[1,1],i=null,o=fo,s=!1,l=\"squarify\",c=.5*(1+Math.sqrt(5));function u(t,e){for(var r,n,a=-1,i=t.length;++a0;)s.push(r=c[a-1]),s.area+=r.area,\"squarify\"!==l||(n=p(s,g))<=f?(c.pop(),f=n):(s.area-=s.pop().area,d(s,g,i,!1),g=Math.min(i.dx,i.dy),s.length=s.area=0,f=1/0);s.length&&(d(s,g,i,!0),s.length=s.area=0),e.forEach(h)}}function f(t){var e=t.children;if(e&&e.length){var r,n=o(t),a=e.slice(),i=[];for(u(a,n.dx*n.dy/t.value),i.area=0;r=a.pop();)i.push(r),i.area+=r.area,null!=r.z&&(d(i,r.z?n.dx:n.dy,n,!a.length),i.length=i.area=0);e.forEach(f)}}function p(t,e){for(var r,n=t.area,a=0,i=1/0,o=-1,s=t.length;++oa&&(a=r));return e*=e,(n*=n)?Math.max(e*a*c/n,n/(e*i*c)):1/0}function d(t,e,r,a){var i,o=-1,s=t.length,l=r.x,c=r.y,u=e?n(t.area/e):0;if(e==r.dx){for((a||u>r.dy)&&(u=r.dy);++or.dx)&&(u=r.dx);++o1);return t+e*r*Math.sqrt(-2*Math.log(a)/a)}},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=a?wi:_i;return i=t(e,r,s,n),o=t(r,e,s,$a),l}function l(t){return i(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(di)},l.clamp=function(t){return arguments.length?(a=t,s()):a},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,a)},s()}([0,1],[0,1],$a,!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,a,i){function o(t){return(a?Math.log(t<0?0:t):-Math.log(t>0?0:-t))/Math.log(n)}function s(t){return a?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?(a=t[0]>=0,r.domain((i=t.map(Number)).map(o)),l):i},l.base=function(t){return arguments.length?(n=+t,r.domain(i.map(o)),l):n},l.nice=function(){var t=yo(i.map(o),a?Math:Lo);return r.domain(t),i=t.map(s),l},l.ticks=function(){var t=go(i),e=[],r=t[0],l=t[1],c=Math.floor(o(r)),u=Math.ceil(o(l)),h=n%1?2:n;if(isFinite(u-c)){if(a){for(;c0;f--)e.push(s(c)*f);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 a=Math.max(1,n*e/l.ticks().length);return function(t){var e=t/s(Math.round(o(t)));return e*n0?a[t-1]:r[0],th?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(h-S),_=c*Math.sin(h-S);var C=Math.abs(h-u-2*S)<=At?0:1;if(S&&qo(y,x,b,_)===p^C){var L=(u+h)/2;y=c*Math.cos(L),x=c*Math.sin(L),b=_=null}}else y=x=0;if(s){w=s*Math.cos(h-A),T=s*Math.sin(h-A),k=s*Math.cos(u+A),M=s*Math.sin(u+A);var P=Math.abs(u-h+2*A)<=At?0:1;if(A&&qo(w,T,k,M)===1-p^P){var I=(u+h)/2;w=s*Math.cos(I),T=s*Math.sin(I),k=M=null}}else w=T=0;if(f>kt&&(d=Math.min(Math.abs(c-s)/2,+r.apply(this,arguments)))>.001){g=s0?0:1}function Ho(t,e,r,n,a){var i=t[0]-e[0],o=t[1]-e[1],s=(a?n:-n)/Math.sqrt(i*i+o*o),l=s*o,c=-s*i,u=t[0]+l,h=t[1]+c,f=e[0]+l,p=e[1]+c,d=(u+f)/2,g=(h+p)/2,m=f-u,v=p-h,y=m*m+v*v,x=r-n,b=u*p-f*h,_=(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=ra,r=na,n=Yr,a=Wo,i=a.key,o=.7;function s(i){var s,l=[],c=[],u=-1,h=i.length,f=de(e),p=de(r);function d(){l.push(\"M\",a(t(c),o))}for(;++u1&&a.push(\"H\",n[0]);return a.join(\"\")},\"step-before\":Xo,\"step-after\":Jo,basis:$o,\"basis-open\":function(t){if(t.length<4)return Wo(t);var e,r=[],n=-1,a=t.length,i=[0],o=[0];for(;++n<3;)e=t[n],i.push(e[0]),o.push(e[1]);r.push(ts(ns,i)+\",\"+ts(ns,o)),--n;for(;++n9&&(a=3*e/Math.sqrt(a),o[s]=a*r,o[s+1]=a*n));s=-1;for(;++s<=l;)a=(t[Math.min(l,s+1)][0]-t[Math.max(0,s-1)][0])/(6*(1+o[s]*o[s])),i.push([a||0,o[s]*a||0]);return i}(t))}});function Wo(t){return t.length>1?t.join(\"L\"):t+\"Z\"}function Zo(t){return t.join(\"L\")+\"Z\"}function Xo(t){for(var e=0,r=t.length,n=t[0],a=[n[0],\",\",n[1]];++e1){s=e[1],i=t[l],l++,n+=\"C\"+(a[0]+o[0])+\",\"+(a[1]+o[1])+\",\"+(i[0]-s[0])+\",\"+(i[1]-s[1])+\",\"+i[0]+\",\"+i[1];for(var c=2;cAt)+\",1 \"+e}function l(t,e,r,n){return\"Q 0,0 \"+n}return i.radius=function(t){return arguments.length?(r=de(t),i):r},i.source=function(e){return arguments.length?(t=de(e),i):t},i.target=function(t){return arguments.length?(e=de(t),i):e},i.startAngle=function(t){return arguments.length?(n=de(t),i):n},i.endAngle=function(t){return arguments.length?(a=de(t),i):a},i},t.svg.diagonal=function(){var t=Vn,e=qn,r=cs;function n(n,a){var i=t.call(this,n,a),o=e.call(this,n,a),s=(i.y+o.y)/2,l=[i,{x:i.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=fs,e=hs;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,a=As(t),i=[],o=_s||{time:Date.now(),ease:ci,delay:0,duration:250},s=-1,l=this.length;++s0;)c[--f].call(t,o);if(i>=1)return h.event&&h.event.end.call(t,t.__data__,e),--u.count?delete u[n]:delete t[r],1}h||(i=a.time,o=we((function(t){var e=h.delay;if(o.t=e+i,e<=t)return f(t-e);o.c=f}),0,i),h=u[n]={tween:new _,time:i,timer:o,delay:a.delay,duration:a.duration,ease:a.ease,index:e},a=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,a=this.id,i=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 h,m,v=this,y=t.select(t.event.target),x=n.of(v,arguments),b=t.select(v),_=y.datum(),w=!/^(n|s)$/.test(_)&&a,T=!/^(e|w)$/.test(_)&&i,k=y.classed(\"extent\"),M=bt(v),A=t.mouse(v),S=t.select(o(v)).on(\"keydown.brush\",L).on(\"keyup.brush\",P);if(t.event.changedTouches?S.on(\"touchmove.brush\",I).on(\"touchend.brush\",O):S.on(\"mousemove.brush\",I).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&&(h=A.slice());function L(){32==t.event.keyCode&&(k||(h=null,A[0]-=s[1],A[1]-=l[1],k=2),F())}function P(){32==t.event.keyCode&&2==k&&(A[0]+=s[1],A[1]+=l[1],k=0,F())}function I(){var e=t.mouse(v),r=!1;m&&(e[0]+=m[0],e[1]+=m[1]),k||(t.event.altKey?(h||(h=[(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))},a.ticks=function(t,e){var r=go(a.domain()),n=null==t?i(r,10):\"number\"==typeof t?i(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)},a.tickFormat=function(){return n},a.copy=function(){return Bs(e.copy(),r,n)},wo(a,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,Ie.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()})),Ie.seconds=Ie.second.range,Ie.seconds.utc=Ie.second.utc.range,Ie.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()})),Ie.minutes=Ie.minute.range,Ie.minutes.utc=Ie.minute.utc.range,Ie.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()})),Ie.hours=Ie.hour.range,Ie.hours.utc=Ie.hour.utc.range,Ie.month=Re((function(t){return(t=Ie.day(t)).setDate(1),t}),(function(t,e){t.setMonth(t.getMonth()+e)}),(function(t){return t.getMonth()})),Ie.months=Ie.month.range,Ie.months.utc=Ie.month.utc.range;var js=[1e3,5e3,15e3,3e4,6e4,3e5,9e5,18e5,36e5,108e5,216e5,432e5,864e5,1728e5,6048e5,2592e6,7776e6,31536e6],Us=[[Ie.second,1],[Ie.second,5],[Ie.second,15],[Ie.second,30],[Ie.minute,1],[Ie.minute,5],[Ie.minute,15],[Ie.minute,30],[Ie.hour,1],[Ie.hour,3],[Ie.hour,6],[Ie.hour,12],[Ie.day,1],[Ie.day,2],[Ie.week,1],[Ie.month,1],[Ie.month,3],[Ie.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=Ie.year,Ie.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=a.createRange();return e.selectNode(a.body),e.createContextualFragment(t.responseText)}Hs.year=Ie.year.utc,Ie.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){f=(b=_[u])[0];b[0]=b[1],b[1]=f}return _}},{\"incremental-convex-hull\":433,uniq:569}],172:[function(t,e,r){\"use strict\";e.exports=i;var n=(i.canvas=document.createElement(\"canvas\")).getContext(\"2d\"),a=o([32,126]);function i(t,e){Array.isArray(t)&&(t=t.join(\", \"));var r,i={},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=a),n.font=s+\"px \"+t;for(var c=0;cs*l){var p=(f-h)/s;i[u]=1e3*p}}return i}function o(t){for(var e=[],r=t[0];r<=t[1];r++)for(var n=String.fromCharCode(r),a=t[0];a>>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),a=1048575&n;return 2146435072&n&&(a+=1<<20),[r,a]},e.exports.denormalized=function(t){return!(2146435072&e.exports.hi(t))}}).call(this,t(\"buffer\").Buffer)},{buffer:111}],174:[function(t,e,r){var n=t(\"abs-svg-path\"),a=t(\"normalize-svg-path\"),i={M:\"moveTo\",C:\"bezierCurveTo\"};e.exports=function(t,e){t.beginPath(),a(n(e)).forEach((function(e){var r=e[0],n=e.slice(1);t[i[r]].apply(t,n)})),t.closePath()}},{\"abs-svg-path\":65,\"normalize-svg-path\":471}],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 a(t,e,r,n,a){var i,o;if(a===E(t,e,r,n)>0)for(i=e;i=e;i-=n)o=M(i,t[i],t[i+1],o);return o&&x(o,o.next)&&(A(o),o=o.next),o}function i(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,a,h,f){if(t){!f&&h&&function(t,e,r,n){var a=t;do{null===a.z&&(a.z=d(a.x,a.y,e,r,n)),a.prevZ=a.prev,a.nextZ=a.next,a=a.next}while(a!==t);a.prevZ.nextZ=null,a.prevZ=null,function(t){var e,r,n,a,i,o,s,l,c=1;do{for(r=t,t=null,i=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)?(a=r,r=r.nextZ,s--):(a=n,n=n.nextZ,l--),i?i.nextZ=a:t=a,a.prevZ=i,i=a;r=n}i.nextZ=null,c*=2}while(o>1)}(a)}(t,n,a,h);for(var p,g,m=t;t.prev!==t.next;)if(p=t.prev,g=t.next,h?l(t,n,a,h):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){f?1===f?o(t=c(i(t),e,r),e,r,n,a,h,2):2===f&&u(t,e,r,n,a,h):o(i(t),e,r,n,a,h,1);break}}}function s(t){var e=t.prev,r=t,n=t.next;if(y(e,r,n)>=0)return!1;for(var a=t.next.next;a!==t.prev;){if(m(e.x,e.y,r.x,r.y,n.x,n.y,a.x,a.y)&&y(a.prev,a,a.next)>=0)return!1;a=a.next}return!0}function l(t,e,r,n){var a=t.prev,i=t,o=t.next;if(y(a,i,o)>=0)return!1;for(var s=a.xi.x?a.x>o.x?a.x:o.x:i.x>o.x?i.x:o.x,u=a.y>i.y?a.y>o.y?a.y:o.y:i.y>o.y?i.y:o.y,h=d(s,l,e,r,n),f=d(c,u,e,r,n),p=t.prevZ,g=t.nextZ;p&&p.z>=h&&g&&g.z<=f;){if(p!==t.prev&&p!==t.next&&m(a.x,a.y,i.x,i.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(a.x,a.y,i.x,i.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>=h;){if(p!==t.prev&&p!==t.next&&m(a.x,a.y,i.x,i.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<=f;){if(g!==t.prev&&g!==t.next&&m(a.x,a.y,i.x,i.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 a=n.prev,o=n.next.next;!x(a,o)&&b(a,n,n.next,o)&&T(a,o)&&T(o,a)&&(e.push(a.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 i(n)}function u(t,e,r,n,a,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=i(l,l.next),u=i(u,u.next),o(l,e,r,n,a,s),void o(u,e,r,n,a,s)}c=c.next}l=l.next}while(l!==t)}function h(t,e){return t.x-e.x}function f(t,e){if(e=function(t,e){var r,n=e,a=t.x,i=t.y,o=-1/0;do{if(i<=n.y&&i>=n.next.y&&n.next.y!==n.y){var s=n.x+(i-n.y)*(n.next.x-n.x)/(n.next.y-n.y);if(s<=a&&s>o){if(o=s,s===a){if(i===n.y)return n;if(i===n.next.y)return n.next}r=n.x=n.x&&n.x>=u&&a!==n.x&&m(ir.x||n.x===r.x&&p(r,n)))&&(r=n,f=l)),n=n.next}while(n!==c);return r}(t,e)){var r=k(e,t);i(e,e.next),i(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,a){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t=32767*(t-r)*a)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e=32767*(e-n)*a)|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)*(i-s)-(a-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,a=(t.x+e.x)/2,i=(t.y+e.y)/2;do{r.y>i!=r.next.y>i&&r.next.y!==r.y&&a<(r.next.x-r.x)*(i-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 a=w(y(t,e,r)),i=w(y(t,e,n)),o=w(y(r,n,t)),s=w(y(r,n,e));return a!==i&&o!==s||(!(0!==a||!_(t,r,e))||(!(0!==i||!_(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),a=t.next,i=e.prev;return t.next=e,e.prev=t,r.next=a,a.prev=r,n.next=r,r.prev=n,i.next=n,n.prev=i,n}function M(t,e,r,n){var a=new S(t,e,r);return n?(a.next=n.next,a.prev=n,n.next.prev=a,n.next=a):(a.prev=a,a.next=a),a}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 a=0,i=e,o=r-n;i0&&(n+=t[a-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 a=0;a=e}))}(e);for(var r,a=n(t).components.filter((function(t){return t.length>1})),i=1/0,o=0;o=55296&&y<=56319&&(w+=t[++r]),w=T?f.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\"),a=Math.abs,i=Math.floor;e.exports=function(t){return isNaN(t)?0:0!==(t=Number(t))&&isFinite(t)?n(t)*i(a(t)):t}},{\"../math/sign\":187}],191:[function(t,e,r){\"use strict\";var n=t(\"./to-integer\"),a=Math.max;e.exports=function(t){return a(0,n(t))}},{\"./to-integer\":190}],192:[function(t,e,r){\"use strict\";var n=t(\"./valid-callable\"),a=t(\"./valid-value\"),i=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,h=arguments[2],f=arguments[3];return r=Object(a(r)),n(c),u=s(r),f&&u.sort(\"function\"==typeof f?i.call(f,r):void 0),\"function\"!=typeof t&&(t=u[t]),o.call(t,u,(function(t,n){return l.call(r,t)?o.call(c,h,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\"),a=t(\"../valid-value\"),i=Math.max;e.exports=function(t,e){var r,o,s,l=i(arguments.length,2);for(t=Object(a(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,a=n.call(\"\");e.exports=function(t){return\"string\"==typeof t||t&&\"object\"==typeof t&&(t instanceof String||n.call(t)===a)||!1}},{}],216:[function(t,e,r){\"use strict\";var n=Object.create(null),a=Math.random;e.exports=function(){var t;do{t=a().toString(36).slice(2)}while(n[t]);return t}},{}],217:[function(t,e,r){\"use strict\";var n,a=t(\"es5-ext/object/set-prototype-of\"),i=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?i.call(e,\"key+value\")?\"key+value\":i.call(e,\"key\")?\"key\":\"value\":\"value\",c(this,\"__kind__\",o(\"\",e))},a&&a(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\"),a=t(\"es5-ext/object/valid-callable\"),i=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,h,f,p,d,g,m,v=arguments[2];if(s(t)||n(t)?r=\"array\":i(t)?r=\"string\":t=o(t),a(e),h=function(){f=!0},\"array\"!==r)if(\"string\"!==r)for(u=t.next();!u.done;){if(l.call(e,v,u.value,h),f)return;u=t.next()}else for(d=t.length,p=0;p=55296&&m<=56319&&(g+=t[++p]),l.call(e,v,g,h),!f);++p);else c.call(t,(function(t){return l.call(e,v,t,h),f}))}},{\"./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\"),a=t(\"es5-ext/string/is-string\"),i=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 i(t):a(t)?new o(t):new i(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,a=t(\"es5-ext/array/#/clear\"),i=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\"),h=Object.defineProperty,f=Object.defineProperties;e.exports=n=function(t,e){if(!(this instanceof n))throw new TypeError(\"Constructor requires 'new'\");f(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,f(n.prototype,i({_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)):h(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__&&a.call(this.__redo__),this.__nextIndex__=0}))}))),h(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\"),a=t(\"es5-ext/object/is-value\"),i=t(\"es5-ext/string/is-string\"),o=t(\"es6-symbol\").iterator,s=Array.isArray;e.exports=function(t){return!!a(t)&&(!!s(t)||(!!i(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,a=t(\"es5-ext/object/set-prototype-of\"),i=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__\",i(\"\",t.length))},a&&a(n,s),delete n.prototype.constructor,n.prototype=Object.create(s.prototype,{_next:i((function(){if(this.__list__)return this.__nextIndex__=55296&&e<=56319?r+this.__list__[this.__nextIndex__++]:r}))}),l(n.prototype,o.toStringTag,i(\"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,a){\n", + "\"use strict\";var n=t(\"base64-js\"),a=t(\"ieee754\");r.Buffer=e,r.SlowBuffer=function(t){+t!=t&&(t=0);return e.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 r=new Uint8Array(t);return r.__proto__=e.prototype,r}function e(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,r,n){if(\"string\"==typeof t)return function(t,r){\"string\"==typeof r&&\"\"!==r||(r=\"utf8\");if(!e.isEncoding(r))throw new TypeError(\"Unknown encoding: \"+r);var n=0|h(t,r),a=i(n),o=a.write(t,r);o!==n&&(a=a.slice(0,o));return a}(t,r);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,r,n){if(r<0||t.byteLength=2147483647)throw new RangeError(\"Attempt to allocate Buffer larger than maximum size: 0x\"+2147483647..toString(16)+\" bytes\");return 0|t}function h(t,r){if(e.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 n=t.length,a=arguments.length>2&&!0===arguments[2];if(!a&&0===n)return 0;for(var i=!1;;)switch(r){case\"ascii\":case\"latin1\":case\"binary\":return n;case\"utf8\":case\"utf-8\":return D(t).length;case\"ucs2\":case\"ucs-2\":case\"utf16le\":case\"utf-16le\":return 2*n;case\"hex\":return n>>>1;case\"base64\":return R(t).length;default:if(i)return a?-1:D(t).length;r=(\"\"+r).toLowerCase(),i=!0}}function f(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,r,n,a,i){if(0===t.length)return-1;if(\"string\"==typeof n?(a=n,n=0):n>2147483647?n=2147483647:n<-2147483648&&(n=-2147483648),N(n=+n)&&(n=i?0:t.length-1),n<0&&(n=t.length+n),n>=t.length){if(i)return-1;n=t.length-1}else if(n<0){if(!i)return-1;n=0}if(\"string\"==typeof r&&(r=e.from(r,a)),e.isBuffer(r))return 0===r.length?-1:g(t,r,n,a,i);if(\"number\"==typeof r)return r&=255,\"function\"==typeof Uint8Array.prototype.indexOf?i?Uint8Array.prototype.indexOf.call(t,r,n):Uint8Array.prototype.lastIndexOf.call(t,r,n):g(t,[r],n,a,i);throw new TypeError(\"val must be string, number or Buffer\")}function g(t,e,r,n,a){var i,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(a){var u=-1;for(i=r;is&&(r=s-l),i=r;i>=0;i--){for(var h=!0,f=0;fa&&(n=a):n=a;var i=e.length;n>i/2&&(n=i/2);for(var o=0;o>8,a=r%256,i.push(a),i.push(n);return i}(e,t.length-r),t,r,n)}function w(t,e,r){return 0===e&&r===t.length?n.fromByteArray(t):n.fromByteArray(t.slice(e,r))}function T(t,e,r){r=Math.min(t.length,r);for(var n=[],a=e;a239?4:c>223?3:c>191?2:1;if(a+h<=r)switch(h){case 1:c<128&&(u=c);break;case 2:128==(192&(i=t[a+1]))&&(l=(31&c)<<6|63&i)>127&&(u=l);break;case 3:i=t[a+1],o=t[a+2],128==(192&i)&&128==(192&o)&&(l=(15&c)<<12|(63&i)<<6|63&o)>2047&&(l<55296||l>57343)&&(u=l);break;case 4:i=t[a+1],o=t[a+2],s=t[a+3],128==(192&i)&&128==(192&o)&&128==(192&s)&&(l=(15&c)<<18|(63&i)<<12|(63&o)<<6|63&s)>65535&&l<1114112&&(u=l)}null===u?(u=65533,h=1):u>65535&&(u-=65536,n.push(u>>>10&1023|55296),u=56320|1023&u),n.push(u),a+=h}return function(t){var e=t.length;if(e<=4096)return String.fromCharCode.apply(String,t);var r=\"\",n=0;for(;ne&&(t+=\" ... \"),\"\"},e.prototype.compare=function(t,r,n,a,i){if(B(t,Uint8Array)&&(t=e.from(t,t.offset,t.byteLength)),!e.isBuffer(t))throw new TypeError('The \"target\" argument must be one of type Buffer or Uint8Array. Received type '+typeof t);if(void 0===r&&(r=0),void 0===n&&(n=t?t.length:0),void 0===a&&(a=0),void 0===i&&(i=this.length),r<0||n>t.length||a<0||i>this.length)throw new RangeError(\"out of range index\");if(a>=i&&r>=n)return 0;if(a>=i)return-1;if(r>=n)return 1;if(this===t)return 0;for(var o=(i>>>=0)-(a>>>=0),s=(n>>>=0)-(r>>>=0),l=Math.min(o,s),c=this.slice(a,i),u=t.slice(r,n),h=0;h>>=0,isFinite(r)?(r>>>=0,void 0===n&&(n=\"utf8\")):(n=r,r=void 0)}var a=this.length-e;if((void 0===r||r>a)&&(r=a),t.length>0&&(r<0||e<0)||e>this.length)throw new RangeError(\"Attempt to write outside buffer bounds\");n||(n=\"utf8\");for(var i=!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(i)throw new TypeError(\"Unknown encoding: \"+n);n=(\"\"+n).toLowerCase(),i=!0}},e.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 a=e;an)&&(r=n);for(var a=\"\",i=e;ir)throw new RangeError(\"Trying to access beyond buffer length\")}function C(t,r,n,a,i,o){if(!e.isBuffer(t))throw new TypeError('\"buffer\" argument must be a Buffer instance');if(r>i||rt.length)throw new RangeError(\"Index out of range\")}function L(t,e,r,n,a,i){if(r+n>t.length)throw new RangeError(\"Index out of range\");if(r<0)throw new RangeError(\"Index out of range\")}function P(t,e,r,n,i){return e=+e,r>>>=0,i||L(t,0,r,4),a.write(t,e,r,n,23,4),r+4}function I(t,e,r,n,i){return e=+e,r>>>=0,i||L(t,0,r,8),a.write(t,e,r,n,52,8),r+8}e.prototype.slice=function(t,r){var n=this.length;(t=~~t)<0?(t+=n)<0&&(t=0):t>n&&(t=n),(r=void 0===r?n:~~r)<0?(r+=n)<0&&(r=0):r>n&&(r=n),r>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t],a=1,i=0;++i>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t+--e],a=1;e>0&&(a*=256);)n+=this[t+--e]*a;return n},e.prototype.readUInt8=function(t,e){return t>>>=0,e||E(t,1,this.length),this[t]},e.prototype.readUInt16LE=function(t,e){return t>>>=0,e||E(t,2,this.length),this[t]|this[t+1]<<8},e.prototype.readUInt16BE=function(t,e){return t>>>=0,e||E(t,2,this.length),this[t]<<8|this[t+1]},e.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]},e.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])},e.prototype.readIntLE=function(t,e,r){t>>>=0,e>>>=0,r||E(t,e,this.length);for(var n=this[t],a=1,i=0;++i=(a*=128)&&(n-=Math.pow(2,8*e)),n},e.prototype.readIntBE=function(t,e,r){t>>>=0,e>>>=0,r||E(t,e,this.length);for(var n=e,a=1,i=this[t+--n];n>0&&(a*=256);)i+=this[t+--n]*a;return i>=(a*=128)&&(i-=Math.pow(2,8*e)),i},e.prototype.readInt8=function(t,e){return t>>>=0,e||E(t,1,this.length),128&this[t]?-1*(255-this[t]+1):this[t]},e.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},e.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},e.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},e.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]},e.prototype.readFloatLE=function(t,e){return t>>>=0,e||E(t,4,this.length),a.read(this,t,!0,23,4)},e.prototype.readFloatBE=function(t,e){return t>>>=0,e||E(t,4,this.length),a.read(this,t,!1,23,4)},e.prototype.readDoubleLE=function(t,e){return t>>>=0,e||E(t,8,this.length),a.read(this,t,!0,52,8)},e.prototype.readDoubleBE=function(t,e){return t>>>=0,e||E(t,8,this.length),a.read(this,t,!1,52,8)},e.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 a=1,i=0;for(this[e]=255&t;++i>>=0,r>>>=0,n)||C(this,t,e,r,Math.pow(2,8*r)-1,0);var a=r-1,i=1;for(this[e+a]=255&t;--a>=0&&(i*=256);)this[e+a]=t/i&255;return e+r},e.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},e.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},e.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},e.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},e.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},e.prototype.writeIntLE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var a=Math.pow(2,8*r-1);C(this,t,e,r,a-1,-a)}var i=0,o=1,s=0;for(this[e]=255&t;++i>0)-s&255;return e+r},e.prototype.writeIntBE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var a=Math.pow(2,8*r-1);C(this,t,e,r,a-1,-a)}var i=r-1,o=1,s=0;for(this[e+i]=255&t;--i>=0&&(o*=256);)t<0&&0===s&&0!==this[e+i+1]&&(s=1),this[e+i]=(t/o>>0)-s&255;return e+r},e.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},e.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},e.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},e.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},e.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},e.prototype.writeFloatLE=function(t,e,r){return P(this,t,e,!0,r)},e.prototype.writeFloatBE=function(t,e,r){return P(this,t,e,!1,r)},e.prototype.writeDoubleLE=function(t,e,r){return I(this,t,e,!0,r)},e.prototype.writeDoubleBE=function(t,e,r){return I(this,t,e,!1,r)},e.prototype.copy=function(t,r,n,a){if(!e.isBuffer(t))throw new TypeError(\"argument should be a Buffer\");if(n||(n=0),a||0===a||(a=this.length),r>=t.length&&(r=t.length),r||(r=0),a>0&&a=this.length)throw new RangeError(\"Index out of range\");if(a<0)throw new RangeError(\"sourceEnd out of bounds\");a>this.length&&(a=this.length),t.length-r=0;--o)t[o+r]=this[o+n];else Uint8Array.prototype.set.call(t,this.subarray(n,a),r);return i},e.prototype.fill=function(t,r,n,a){if(\"string\"==typeof t){if(\"string\"==typeof r?(a=r,r=0,n=this.length):\"string\"==typeof n&&(a=n,n=this.length),void 0!==a&&\"string\"!=typeof a)throw new TypeError(\"encoding must be a string\");if(\"string\"==typeof a&&!e.isEncoding(a))throw new TypeError(\"Unknown encoding: \"+a);if(1===t.length){var i=t.charCodeAt(0);(\"utf8\"===a&&i<128||\"latin1\"===a)&&(t=i)}}else\"number\"==typeof t&&(t&=255);if(r<0||this.length>>=0,n=void 0===n?this.length:n>>>0,t||(t=0),\"number\"==typeof t)for(o=r;o55295&&r<57344){if(!a){if(r>56319){(e-=3)>-1&&i.push(239,191,189);continue}if(o+1===n){(e-=3)>-1&&i.push(239,191,189);continue}a=r;continue}if(r<56320){(e-=3)>-1&&i.push(239,191,189),a=r;continue}r=65536+(a-55296<<10|r-56320)}else a&&(e-=3)>-1&&i.push(239,191,189);if(a=null,r<128){if((e-=1)<0)break;i.push(r)}else if(r<2048){if((e-=2)<0)break;i.push(r>>6|192,63&r|128)}else if(r<65536){if((e-=3)<0)break;i.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;i.push(r>>18|240,r>>12&63|128,r>>6&63|128,63&r|128)}}return i}function R(t){return n.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 a=0;a=e.length||a>=t.length);++a)e[a+r]=t[a];return a}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,t(\"buffer\").Buffer)},{\"base64-js\":79,buffer:111,ieee754:416}],112:[function(t,e,r){\"use strict\";var n=t(\"./lib/monotone\"),a=t(\"./lib/triangulation\"),i=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),h=!!c(r,\"interior\",!0),f=!!c(r,\"exterior\",!0),p=!!c(r,\"infinity\",!1);if(!h&&!f||0===t.length)return[];var d=n(t,e);if(u||h!==f||p){for(var g=a(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,h=-1,l=o[s],1);d=0||(e.flip(s,p),a(t,e,r,u,s,h),a(t,e,r,s,h,u),a(t,e,r,h,p,u),a(t,e,r,p,u,h)))}}},{\"binary-search-bounds\":96,\"robust-in-sphere\":518}],114:[function(t,e,r){\"use strict\";var n,a=t(\"binary-search-bounds\");function i(t,e,r,n,a,i,o){this.cells=t,this.neighbor=e,this.flags=n,this.constraint=r,this.active=a,this.next=i,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,a=0;a0||l.length>0;){for(;s.length>0;){var p=s.pop();if(c[p]!==-a){c[p]=a;u[p];for(var d=0;d<3;++d){var g=f[3*p+d];g>=0&&0===c[g]&&(h[3*p+d]?l.push(g):(s.push(g),c[g]=a))}}}var m=l;l=s,s=m,l.length=0,a=-a}var v=function(t,e,r){for(var n=0,a=0;a1&&a(r[f[p-2]],r[f[p-1]],i)>0;)t.push([f[p-1],f[p-2],o]),p-=1;f.length=p,f.push(o);var d=h.upperIds;for(p=d.length;p>1&&a(r[d[p-2]],r[d[p-1]],i)<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]&&a.push(new o(d,p,2,l),new o(p,d,1,l))}a.sort(s);for(var g=a[0].a[0]-(1+Math.abs(a[0].a[0]))*Math.pow(2,-52),m=[new i([g,1],[g,0],-1,[],[],[],[])],v=[],y=(l=0,a.length);l=0}}(),i.removeTriangle=function(t,e,r){var n=this.stars;o(n[t],e,r),o(n[e],r,t),o(n[r],t,e)},i.addTriangle=function(t,e,r){var n=this.stars;n[t].push(e,r),n[e].push(r,t),n[r].push(t,e)},i.opposite=function(t,e){for(var r=this.stars[e],n=1,a=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 a=new Array(e.length),i=0;ie[2]?1:0)}function v(t,e,r){if(0!==t.length){if(e)for(var n=0;n=0;--i){var x=e[u=(S=n[i])[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(a&&(M=x[2]);i>0&&n[i-1][0]===u;){var S,E=(S=n[--i])[1];a?e.push([A,E,M]):e.push([A,E]),A=E}a?e.push([A,_,M]):e.push([A,_])}return f}(t,e,f,m,r));return v(e,y,r),!!y||(f.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:470,\"rat-vec\":504,\"robust-segment-intersect\":523,\"union-find\":568}],122:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,n){var i=s(e,t),h=s(n,r),f=u(i,h);if(0===o(f))return null;var p=s(t,r),d=u(h,p),g=a(d,f),m=c(i,g);return l(t,m)};var n=t(\"big-rat/mul\"),a=t(\"big-rat/div\"),i=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 i(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\":503,\"rat-vec/muls\":505,\"rat-vec/sub\":506}],123:[function(t,e,r){\"use strict\";var n=t(\"clamp\");function a(t,e){null==e&&(e=!0);var r=t[0],a=t[1],i=t[2],o=t[3];return null==o&&(o=e?1:255),e&&(r*=255,a*=255,i*=255,o*=255),16777216*(r=255&n(r,0,255))+((a=255&n(a,0,255))<<16)+((i=255&n(i,0,255))<<8)+(o=255&n(o,0,255))}e.exports=a,e.exports.to=a,e.exports.from=function(t,e){var r=(t=+t)>>>24,n=(16711680&t)>>>16,a=(65280&t)>>>8,i=255&t;return!1===e?[r,n,a,i]:[r/255,n/255,a/255,i/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\"),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),i=\"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,i&&(r[0]/=255,r[1]/=255,r[2]/=255,r[3]/=255),r):(i?(r[0]=t[0],r[1]=t[1],r[2]=t[2],r[3]=null!=t[3]?t[3]:1):(r[0]=Math.min(Math.max(Math.floor(255*t[0]),0),255),r[1]=Math.min(Math.max(Math.floor(255*t[1]),0),255),r[2]=Math.min(Math.max(Math.floor(255*t[2]),0),255),r[3]=null==t[3]?255:Math.min(Math.max(Math.floor(255*t[3]),0),255)),r)}},{\"color-rgba\":126,dtype:175}],126:[function(t,e,r){\"use strict\";var n=t(\"color-parse\"),a=t(\"color-space/hsl\");e.exports=function(t){var e;Array.isArray(t)&&t.raw&&(t=String.raw.apply(null,arguments));var r=n(t);return r.space?((e=Array(3))[0]=Math.min(Math.max(r.values[0],0),255),e[1]=Math.min(Math.max(r.values[1],0),255),e[2]=Math.min(Math.max(r.values[2],0),255),\"h\"===r.space[0]&&(e=a.rgb(e)),e.push(Math.min(Math.max(r.alpha,0),1)),e):[]}},{\"color-parse\":127,\"color-space/hsl\":128}],127:[function(t,e,r){\"use strict\";var n=t(\"color-name\");e.exports=function(t){var e,r,i=[],o=1;if(\"string\"==typeof t)if(n[t])i=n[t].slice(),r=\"rgb\";else if(\"transparent\"===t)o=0,r=\"rgb\",i=[0,0,0];else if(/^#[A-Fa-f0-9]+$/.test(t)){var s=(u=t.slice(1)).length;o=1,s<=4?(i=[parseInt(u[0]+u[0],16),parseInt(u[1]+u[1],16),parseInt(u[2]+u[2],16)],4===s&&(o=parseInt(u[3]+u[3],16)/255)):(i=[parseInt(u[0]+u[1],16),parseInt(u[2]+u[3],16),parseInt(u[4]+u[5],16)],8===s&&(o=parseInt(u[6]+u[7],16)/255)),i[0]||(i[0]=0),i[1]||(i[1]=0),i[2]||(i[2]=0),r=\"rgb\"}else if(e=/^((?:rgb|hs[lvb]|hwb|cmyk?|xy[zy]|gray|lab|lchu?v?|[ly]uv|lms)a?)\\s*\\(([^\\)]*)\\)/.exec(t)){var l=e[1],c=\"rgb\"===l,u=l.replace(/a$/,\"\");r=u;s=\"cmyk\"===u?4:\"gray\"===u?1:3;i=e[2].trim().split(/\\s*[,\\/]\\s*|\\s+/).map((function(t,e){if(/%$/.test(t))return e===s?parseFloat(t)/100:\"rgb\"===u?255*parseFloat(t)/100:parseFloat(t);if(\"h\"===u[e]){if(/deg$/.test(t))return parseFloat(t);if(void 0!==a[t])return a[t]}return parseFloat(t)})),l===u&&i.push(1),o=c||void 0===i[s]?1:i[s],i=i.slice(0,s)}else t.length>10&&/[0-9](?:\\s|\\/)/.test(t)&&(i=t.match(/([0-9]+)/g).map((function(t){return parseFloat(t)})),r=t.match(/([a-z])/gi).join(\"\").toLowerCase());else isNaN(t)?Array.isArray(t)||t.length?(i=[t[0],t[1],t[2]],r=\"rgb\",o=4===t.length?t[3]:1):t instanceof Object&&(null!=t.r||null!=t.red||null!=t.R?(r=\"rgb\",i=[t.r||t.red||t.R||0,t.g||t.green||t.G||0,t.b||t.blue||t.B||0]):(r=\"hsl\",i=[t.h||t.hue||t.H||0,t.s||t.saturation||t.S||0,t.l||t.lightness||t.L||t.b||t.brightness]),o=t.a||t.alpha||t.opacity||1,null!=t.opacity&&(o/=100)):(r=\"rgb\",i=[t>>>16,(65280&t)>>>8,255&t]);return{space:r,values:i,alpha:o}};var a={red:0,orange:60,yellow:120,green:180,blue:240,purple:300}},{\"color-name\":124}],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,a,i,o=t[0]/360,s=t[1]/100,l=t[2]/100;if(0===s)return[i=255*l,i,i];e=2*l-(r=l<.5?l*(1+s):l+s-l*s),a=[0,0,0];for(var c=0;c<3;c++)(n=o+1/3*-(c-1))<0?n++:n>1&&n--,i=6*n<1?e+6*(r-e)*n:2*n<1?r:3*n<2?e+(r-e)*(2/3-n)*6:e,a[c]=255*i;return a}},n.hsl=function(t){var e,r,n=t[0]/255,a=t[1]/255,i=t[2]/255,o=Math.min(n,a,i),s=Math.max(n,a,i),l=s-o;return s===o?e=0:n===s?e=(a-i)/l:a===s?e=2+(i-n)/l:i===s&&(e=4+(n-a)/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\"),a=t(\"lerp\");function i(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,h,f,p,d,g;t||(t={});p=(t.nshades||72)-1,f=t.format||\"hex\",(h=t.colormap)||(h=\"jet\");if(\"string\"==typeof h){if(h=h.toLowerCase(),!n[h])throw Error(h+\" not a supported colorscale\");u=n[h]}else{if(!Array.isArray(h))throw Error(\"unsupported colormap option\",h);u=h.slice()}if(u.length>p+1)throw new Error(h+\" 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,i)?-1:1:0===s?c>0||l(t,e,r)?1:-1:a(c-s)}var f=n(t,e,r);return f>0?o>0&&n(t,e,i)>0?1:-1:f<0?o>0||n(t,e,i)>0?1:-1:n(t,e,i)>0||l(t,e,r)?1:-1};var n=t(\"robust-orientation\"),a=t(\"signum\"),i=t(\"two-sum\"),o=t(\"robust-product\"),s=t(\"robust-sum\");function l(t,e,r){var n=i(t[0],-e[0]),a=i(t[1],-e[1]),l=i(r[0],-e[0]),c=i(r[1],-e[1]),u=s(o(n,l),o(a,c));return u[u.length-1]>=0}},{\"robust-orientation\":520,\"robust-product\":521,\"robust-sum\":525,signum:526,\"two-sum\":555}],133:[function(t,e,r){e.exports=function(t,e){var r=t.length,i=t.length-e.length;if(i)return i;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(i=o+t[2]-(s+e[2]))return i;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],h=t[1],f=t[2],p=t[3],d=e[0],g=e[1],m=e[2],v=e[3];return u+h+f+p-(d+g+m+v)||n(u,h,f,p)-n(d,g,m,v,d)||n(u+h,u+f,u+p,h+f,h+p,f+p)-n(d+g,d+m,d+v,g+m,g+v,m+v)||n(u+h+f,u+h+p,u+f+p,h+f+p)-n(d+g+m,d+g+v,d+m+v,g+m+v);default:for(var y=t.slice().sort(a),x=e.slice().sort(a),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 a=new Array(r),i=e[r-1],o=0;o=e[l]&&(s+=1);i[o]=s}}return t}(n(i,!0),r)}};var n=t(\"incremental-convex-hull\"),a=t(\"affine-hull\")},{\"affine-hull\":67,\"incremental-convex-hull\":433}],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\"),a=t(\"css-global-keywords\"),i=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=f;var h=f.cache={};function f(t){if(\"string\"!=typeof t)throw new Error(\"Font argument must be a string.\");if(h[t])return h[t];if(\"\"===t)throw new Error(\"Cannot parse an empty string.\");if(-1!==i.indexOf(t))return h[t]={system:t};for(var e,r={style:\"normal\",variant:\"normal\",weight:\"normal\",stretch:\"normal\",lineHeight:\"normal\",size:\"1rem\",family:[\"serif\"]},f=c(t,/\\s+/);e=f.shift();){if(-1!==a.indexOf(e))return[\"style\",\"variant\",\"weight\",\"stretch\"].forEach((function(t){r[t]=e})),h[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]):\"/\"===f[0]&&(f.shift(),r.lineHeight=p(f.shift())),!f.length)throw new Error(\"Missing required font-family.\");return r.family=c(f.join(\" \"),/\\s*,\\s*/).map(n),h[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\":540,unquote:570}],147:[function(t,e,r){\"use strict\";var n=t(\"pick-by-alias\"),a=t(\"./lib/util\").isSize,i=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},h={serif:1,\"sans-serif\":1,monospace:1,cursive:1,fantasy:1,\"system-ui\":1},f=\"1rem\",p=\"serif\";function d(t,e){if(t&&!e[t]&&!i[t])throw Error(\"Unknown keyword `\"+t+\"`\");return t}function g(t){for(var e={},r=0;r=0;--p)i[p]=c*t[p]+u*e[p]+h*r[p]+f*n[p];return i}return c*t+u*e+h*r+f*n},e.exports.derivative=function(t,e,r,n,a,i){var o=6*a*a-6*a,s=3*a*a-4*a+1,l=-6*a*a+6*a,c=3*a*a-2*a;if(t.length){i||(i=new Array(t.length));for(var u=t.length-1;u>=0;--u)i[u]=o*t[u]+s*e[u]+l*r[u]+c*n[u];return i}return o*t+s*e+l*r[u]+c*n}},{}],151:[function(t,e,r){\"use strict\";var n=t(\"./lib/thunk.js\");function a(){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 a;e.pre=t.pre,e.body=t.body,e.post=t.post;var r=t.args.slice(0);e.argTypes=r;for(var i=0;i0)throw new Error(\"cwise: pre() block may not reference array args\");if(i0)throw new Error(\"cwise: post() block may not reference array args\")}else if(\"scalar\"===o)e.scalarArgs.push(i),e.shimArgs.push(\"scalar\"+i);else if(\"index\"===o){if(e.indexArgs.push(i),i0)throw new Error(\"cwise: pre() block may not reference array index\");if(i0)throw new Error(\"cwise: post() block may not reference array index\")}else if(\"shape\"===o){if(e.shapeArgs.push(i),ir.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 a(t,e,r){var n,a,i=t.length,o=e.arrayArgs.length,s=e.indexArgs.length>0,l=[],c=[],u=0,h=0;for(n=0;n0&&l.push(\"var \"+c.join(\",\")),n=i-1;n>=0;--n)u=t[n],l.push([\"for(i\",n,\"=0;i\",n,\"0&&l.push([\"index[\",h,\"]-=s\",h].join(\"\")),l.push([\"++index[\",u,\"]\"].join(\"\"))),l.push(\"}\")}return l.join(\"\\n\")}function i(t,e,r){for(var n=t.body,a=[],i=[],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(i(t.pre,t,l));var k=i(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(i(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:569}],153:[function(t,e,r){\"use strict\";var n=t(\"./compile.js\");e.exports=function(t){var e=[\"'use strict'\",\"var CACHED={}\"],r=[],a=t.funcName+\"_cwise_thunk\";e.push([\"return function \",a,\"(\",t.shimArgs.join(\",\"),\"){\"].join(\"\"));for(var i=[],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\"+h+\".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\"+h+\".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,a){for(null==n&&(n=0),null==a&&(a=e.length);n>>1;t(e[i],r)<0?n=i+1:a=i}return n},right:function(e,r,n,a){for(null==n&&(n=0),null==a&&(a=e.length);n>>1;t(e[i],r)>0?a=i:n=i+1}return n}}}var n=r(e),a=n.right,i=n.left;function o(t,e){return[t,e]}function s(t){return null===t?NaN:+t}function l(t,e){var r,n,a=t.length,i=0,o=-1,l=0,c=0;if(null==e)for(;++o1)return c/(i-1)}function c(t,e){var r=l(t,e);return r?Math.sqrt(r):r}function u(t,e){var r,n,a,i=t.length,o=-1;if(null==e){for(;++o=r)for(n=a=r;++or&&(n=r),a=r)for(n=a=r;++or&&(n=r),a=0?(i>=v?10:i>=y?5:i>=x?2:1)*Math.pow(10,a):-Math.pow(10,-a)/(i>=v?10:i>=y?5:i>=x?2:1)}function _(t,e,r){var n=Math.abs(e-t)/Math.max(0,r),a=Math.pow(10,Math.floor(Math.log(n)/Math.LN10)),i=n/a;return i>=v?a*=10:i>=y?a*=5:i>=x&&(a*=2),e=1)return+r(t[n-1],n-1,t);var n,a=(n-1)*e,i=Math.floor(a),o=+r(t[i],i,t);return o+(+r(t[i+1],i+1,t)-o)*(a-i)}}function k(t,e){var r,n,a=t.length,i=-1;if(null==e){for(;++i=r)for(n=r;++ir&&(n=r)}else for(;++i=r)for(n=r;++ir&&(n=r);return n}function M(t){if(!(a=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 i,o,s=n.length,l=new Array(s);for(i=0;ih;)f.pop(),--p;var d,g=new Array(p+1);for(i=0;i<=p;++i)(d=g[i]=[]).x0=i>0?f[i-1]:u,d.x1=i=r)for(n=r;++in&&(n=r)}else for(;++i=r)for(n=r;++in&&(n=r);return n},t.mean=function(t,e){var r,n=t.length,a=n,i=-1,o=0;if(null==e)for(;++i=0;)for(e=(n=t[a]).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,a=t[0],i=new Array(n<0?0:n);r0)return[t];if((n=e0)for(t=Math.ceil(t/o),e=Math.floor(e/o),i=new Array(a=Math.ceil(e-t+1));++s=l.length)return null!=t&&n.sort(t),null!=e?e(n):n;for(var s,c,h,f=-1,p=n.length,d=l[a++],g=r(),m=i();++fl.length)return r;var a,i=c[n-1];return null!=e&&n>=l.length?a=r.entries():(a=[],r.each((function(e,r){a.push({key:r,values:t(e,n)})}))),null!=i?a.sort((function(t,e){return i(t.key,e.key)})):a}(u(t,0,i,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 a=\"\\\\s*([+-]?\\\\d+)\\\\s*\",i=\"\\\\s*([+-]?\\\\d*\\\\.?\\\\d+(?:[eE][+-]?\\\\d+)?)\\\\s*\",o=\"\\\\s*([+-]?\\\\d*\\\\.?\\\\d+(?:[eE][+-]?\\\\d+)?)%\\\\s*\",s=/^#([0-9a-f]{3,8})$/,l=new RegExp(\"^rgb\\\\(\"+[a,a,a]+\"\\\\)$\"),c=new RegExp(\"^rgb\\\\(\"+[o,o,o]+\"\\\\)$\"),u=new RegExp(\"^rgba\\\\(\"+[a,a,a,i]+\"\\\\)$\"),h=new RegExp(\"^rgba\\\\(\"+[o,o,o,i]+\"\\\\)$\"),f=new RegExp(\"^hsl\\\\(\"+[i,o,o]+\"\\\\)$\"),p=new RegExp(\"^hsla\\\\(\"+[i,o,o,i]+\"\\\\)$\"),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=h.exec(t))?x(255*e[1]/100,255*e[2]/100,255*e[3]/100,e[4]):(e=f.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,a=t.b/255,i=Math.min(e,r,a),o=Math.max(e,r,a),s=NaN,l=o-i,c=(o+i)/2;return l?(s=e===o?(r-a)/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,a=2*r-n;return new w(L(t>=240?t-240:t+120,a,n),L(t,a,n),L(t<120?t+240:t-120,a,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 P=Math.PI/180,I=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),a=U(t.g),i=U(t.b),o=B((.2225045*n+.7168786*a+.0606169*i)/1);return n===a&&a===i?e=r=o:(e=B((.4360747*n+.3850649*a+.1430804*i)/.96422),r=B((.0139322*n+.0971045*a+.7141733*i)/.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 i(t,e){for(var r,n=0,a=t.length;n0)for(var r,n,a=new Array(r),i=0;if+c||np+c||iu.index){var h=f-s.x-s.vx,m=p-s.y-s.vy,v=h*h+m*m;vt.r&&(t.r=t[e].r)}function f(){if(r){var e,a,i=r.length;for(n=new Array(i),e=0;e=c)){(t.data!==r||t.next)&&(0===h&&(d+=(h=o())*h),0===f&&(d+=(f=o())*f),d1?(null==r?u.remove(t):u.set(t,v(r)),e):u.get(t)},find:function(e,r,n){var a,i,o,s,l,c=0,u=t.length;for(null==n?n=1/0:n*=n,c=0;c1?(f.on(t,r),e):f.on(t)}}},t.forceX=function(t){var e,r,n,a=i(.1);function o(t){for(var a,i=0,o=e.length;i=0;)e+=r[n].value;else e=1;t.value=e}function i(t,e){var r,n,a,i,s,u=new c(t),h=+t.value&&(u.value=t.value),f=[u];for(null==e&&(e=o);r=f.pop();)if(h&&(r.value=+r.data.value),(a=e(r.data))&&(s=a.length))for(r.children=new Array(s),i=s-1;i>=0;--i)f.push(n=r.children[i]=new c(a[i])),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=i.prototype={constructor:c,count:function(){return this.eachAfter(a)},each:function(t){var e,r,n,a,i=this,o=[i];do{for(e=o.reverse(),o=[];i=e.pop();)if(t(i),r=i.children)for(n=0,a=r.length;n=0;--r)a.push(e[r]);return this},sum:function(t){return this.eachAfter((function(e){for(var r=+t(e.data)||0,n=e.children,a=n&&n.length;--a>=0;)r+=n[a].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(),a=null;t=r.pop(),e=n.pop();for(;t===e;)a=t,t=r.pop(),e=n.pop();return a}(e,t),n=[e];e!==r;)e=e.parent,n.push(e);for(var a=n.length;t!==r;)n.splice(a,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 i(this).eachBefore(s)}};var u=Array.prototype.slice;function h(t){for(var e,r,n=0,a=(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,i=[];n0&&r*r>n*n+a*a}function g(t,e){for(var r=0;r(o*=o)?(n=(c+o-a)/(2*c),i=Math.sqrt(Math.max(0,o/c-n*n)),r.x=t.x-n*s-i*l,r.y=t.y-n*l+i*s):(n=(c+a-o)/(2*c),i=Math.sqrt(Math.max(0,a/c-n*n)),r.x=e.x+n*s-i*l,r.y=e.y+n*l+i*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,a=e.y-t.y;return r>0&&r*r>n*n+a*a}function _(t){var e=t._,r=t.next._,n=e.r+r.r,a=(e.x*r.r+r.x*e.r)/n,i=(e.y*r.r+r.y*e.r)/n;return a*a+i*i}function w(t){this._=t,this.next=null,this.previous=null}function T(t){if(!(a=t.length))return 0;var e,r,n,a,i,o,s,l,c,u,f;if((e=t[0]).x=0,e.y=0,!(a>1))return e.r;if(r=t[1],e.x=-r.r,r.x=e.r,r.y=0,!(a>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;sf&&(f=s),m=u*u*g,(p=Math.max(f/m,m/h))>d){u-=s;break}d=p}v.push(o={value:u,dice:l1?e:1)},r}(G);var Z=function t(e){function r(t,r,n,a,i){if((o=t._squarify)&&o.ratio===e)for(var o,s,l,c,u,h=-1,f=o.length,p=t.value;++h1?e:1)},r}(G);t.cluster=function(){var t=e,a=1,i=1,o=!1;function s(e){var s,l=0;e.eachAfter((function(e){var a=e.children;a?(e.x=function(t){return t.reduce(r,0)/t.length}(a),e.y=function(t){return 1+t.reduce(n,0)}(a)):(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),h=c.x-t(c,u)/2,f=u.x+t(u,c)/2;return e.eachAfter(o?function(t){t.x=(t.x-e.x)*a,t.y=(e.y-t.y)*i}:function(t){t.x=(t.x-h)/(f-h)*a,t.y=(1-(e.y?t.y/e.y:1))*i})}return s.separation=function(e){return arguments.length?(t=e,s):t},s.size=function(t){return arguments.length?(o=!1,a=+t[0],i=+t[1],s):o?null:[a,i]},s.nodeSize=function(t){return arguments.length?(o=!0,a=+t[0],i=+t[1],s):o?[a,i]:null},s},t.hierarchy=i,t.pack=function(){var t=null,e=1,r=1,n=A;function a(a){return a.x=e/2,a.y=r/2,t?a.eachBefore(C(t)).eachAfter(L(n,.5)).eachBefore(P(1)):a.eachBefore(C(E)).eachAfter(L(A,1)).eachAfter(L(n,a.r/Math.min(e,r))).eachBefore(P(Math.min(e,r)/(2*a.r))),a}return a.radius=function(e){return arguments.length?(t=k(e),a):t},a.size=function(t){return arguments.length?(e=+t[0],r=+t[1],a):[e,r]},a.padding=function(t){return arguments.length?(n=\"function\"==typeof t?t:S(+t),a):n},a},t.packEnclose=h,t.packSiblings=function(t){return T(t),t},t.partition=function(){var t=1,e=1,r=0,n=!1;function a(a){var i=a.height+1;return a.x0=a.y0=r,a.x1=t,a.y1=e/i,a.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 a=n.x0,i=n.y0,o=n.x1-r,s=n.y1-r;o0)throw new Error(\"cycle\");return i}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 a(a){var l=function(t){for(var e,r,n,a,i,o=new q(t,0),s=[o];e=s.pop();)if(n=e._.children)for(e.children=new Array(i=n.length),a=i-1;a>=0;--a)s.push(r=e.children[a]=new q(n[a],a)),r.parent=e;return(o.parent=new q(null,0)).children=[o],o}(a);if(l.eachAfter(i),l.parent.m=-l.z,l.eachBefore(o),n)a.eachBefore(s);else{var c=a,u=a,h=a;a.eachBefore((function(t){t.xu.x&&(u=t),t.depth>h.depth&&(h=t)}));var f=c===u?1:t(c,u)/2,p=f-c.x,d=e/(u.x+f+p),g=r/(h.depth||1);a.eachBefore((function(t){t.x=(t.x+p)*d,t.y=t.depth*g}))}return a}function i(e){var r=e.children,n=e.parent.children,a=e.i?n[e.i-1]:null;if(r){!function(t){for(var e,r=0,n=0,a=t.children,i=a.length;--i>=0;)(e=a[i]).z+=r,e.m+=r,r+=e.s+(n+=e.c)}(e);var i=(r[0].z+r[r.length-1].z)/2;a?(e.z=a.z+t(e._,a._),e.m=e.z-i):e.z=i}else a&&(e.z=a.z+t(e._,a._));e.parent.A=function(e,r,n){if(r){for(var a,i=e,o=e,s=r,l=i.parent.children[0],c=i.m,u=o.m,h=s.m,f=l.m;s=j(s),i=N(i),s&&i;)l=N(l),(o=j(o)).a=e,(a=s.z+h-i.z-c+t(s._,i._))>0&&(U(V(s,e,n),e,a),c+=a,u+=a),h+=s.m,c+=i.m,f+=l.m,u+=o.m;s&&!j(o)&&(o.t=s,o.m+=h-u),i&&!N(l)&&(l.t=i,l.m+=c-f,n=e)}return n}(e,a,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 a.separation=function(e){return arguments.length?(t=e,a):t},a.size=function(t){return arguments.length?(n=!1,e=+t[0],r=+t[1],a):n?null:[e,r]},a.nodeSize=function(t){return arguments.length?(n=!0,e=+t[0],r=+t[1],a):n?[e,r]:null},a},t.treemap=function(){var t=W,e=!1,r=1,n=1,a=[0],i=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(h),a=[0],e&&t.eachBefore(I),t}function h(e){var r=a[e.depth],n=e.x0+r,u=e.y0+r,h=e.x1-r,f=e.y1-r;h=r-1){var u=s[e];return u.x0=a,u.y0=i,u.x1=o,void(u.y1=l)}var h=c[e],f=n/2+h,p=e+1,d=r-1;for(;p>>1;c[g]l-i){var y=(a*v+o*m)/n;t(e,p,m,a,i,y,l),t(p,r,v,y,i,o,l)}else{var x=(i*v+l*m)/n;t(e,p,m,a,i,o,x),t(p,r,v,a,x,o,l)}}(0,l,t.value,e,r,n,a)},t.treemapDice=z,t.treemapResquarify=Z,t.treemapSlice=H,t.treemapSliceDice=function(t,e,r,n,a){(1&t.depth?H:z)(t,e,r,n,a)},t.treemapSquarify=W,Object.defineProperty(t,\"__esModule\",{value:!0})}))},{}],162:[function(t,e,r){!function(n,a){\"object\"==typeof r&&\"undefined\"!=typeof e?a(r,t(\"d3-color\")):a((n=n||self).d3=n.d3||{},n.d3)}(this,(function(t,e){\"use strict\";function r(t,e,r,n,a){var i=t*t,o=i*t;return((1-3*t+3*i-o)*e+(4-6*i+3*o)*r+(1+3*t+3*i-3*o)*n+o*a)/6}function n(t){var e=t.length-1;return function(n){var a=n<=0?n=0:n>=1?(n=1,e-1):Math.floor(n*e),i=t[a],o=t[a+1],s=a>0?t[a-1]:2*i-o,l=a180||r<-180?r-360*Math.round(r/360):r):i(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):i(isNaN(e)?r:e)}}function c(t,e){var r=e-t;return r?o(t,r):i(isNaN(t)?e:t)}var u=function t(r){var n=l(r);function a(t,r){var a=n((t=e.rgb(t)).r,(r=e.rgb(r)).r),i=n(t.g,r.g),o=n(t.b,r.b),s=c(t.opacity,r.opacity);return function(e){return t.r=a(e),t.g=i(e),t.b=o(e),t.opacity=s(e),t+\"\"}}return a.gamma=t,a}(1);function h(t){return function(r){var n,a,i=r.length,o=new Array(i),s=new Array(i),l=new Array(i);for(n=0;ni&&(a=e.slice(i,a),s[o]?s[o]+=a:s[++o]=a),(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)})),i=_.lastIndex;return i180?e+=360:e-t>180&&(t+=360),i.push({i:r.push(a(r)+\"rotate(\",null,n)-2,x:y(t,e)})):e&&r.push(a(r)+\"rotate(\"+e+n)}(i.rotate,o.rotate,s,l),function(t,e,r,i){t!==e?i.push({i:r.push(a(r)+\"skewX(\",null,n)-2,x:y(t,e)}):e&&r.push(a(r)+\"skewX(\"+e+n)}(i.skewX,o.skewX,s,l),function(t,e,r,n,i,o){if(t!==r||e!==n){var s=i.push(a(i)+\"scale(\",null,\",\",null,\")\");o.push({i:s-4,x:y(t,r)},{i:s-2,x:y(e,n)})}else 1===r&&1===n||i.push(a(i)+\"scale(\"+r+\",\"+n+\")\")}(i.scaleX,i.scaleY,o.scaleX,o.scaleY,s,l),i=o=null,function(t){for(var e,r=-1,n=l.length;++r1e-6)if(Math.abs(h*l-c*u)>1e-6&&i){var p=n-o,d=a-s,g=l*l+c*c,m=p*p+d*d,v=Math.sqrt(g),y=Math.sqrt(f),x=i*Math.tan((e-Math.acos((g+f-m)/(2*v*y)))/2),b=x/y,_=x/v;Math.abs(b-1)>1e-6&&(this._+=\"L\"+(t+b*u)+\",\"+(r+b*h)),this._+=\"A\"+i+\",\"+i+\",0,0,\"+ +(h*p>u*d)+\",\"+(this._x1=t+_*l)+\",\"+(this._y1=r+_*c)}else this._+=\"L\"+(this._x1=t)+\",\"+(this._y1=r);else;},arc:function(t,a,i,o,s,l){t=+t,a=+a,l=!!l;var c=(i=+i)*Math.cos(o),u=i*Math.sin(o),h=t+c,f=a+u,p=1^l,d=l?o-s:s-o;if(i<0)throw new Error(\"negative radius: \"+i);null===this._x1?this._+=\"M\"+h+\",\"+f:(Math.abs(this._x1-h)>1e-6||Math.abs(this._y1-f)>1e-6)&&(this._+=\"L\"+h+\",\"+f),i&&(d<0&&(d=d%r+r),d>n?this._+=\"A\"+i+\",\"+i+\",0,1,\"+p+\",\"+(t-c)+\",\"+(a-u)+\"A\"+i+\",\"+i+\",0,1,\"+p+\",\"+(this._x1=h)+\",\"+(this._y1=f):d>1e-6&&(this._+=\"A\"+i+\",\"+i+\",0,\"+ +(d>=e)+\",\"+p+\",\"+(this._x1=t+i*Math.cos(s))+\",\"+(this._y1=a+i*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=i,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 a,i,o,s,l,c,u,h,f,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>=(i=(g+v)/2))?g=i:v=i,(u=r>=(o=(m+y)/2))?m=o:y=o,a=p,!(p=p[h=u<<1|c]))return a[h]=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,a?a[h]=d:t._root=d,t;do{a=a?a[h]=new Array(4):t._root=new Array(4),(c=e>=(i=(g+v)/2))?g=i:v=i,(u=r>=(o=(m+y)/2))?m=o:y=o}while((h=u<<1|c)==(f=(l>=o)<<1|s>=i));return a[f]=p,a[h]=d,t}function r(t,e,r,n,a){this.node=t,this.x0=e,this.y0=r,this.x1=n,this.y1=a}function n(t){return t[0]}function a(t){return t[1]}function i(t,e,r){var i=new o(null==e?n:e,null==r?a:r,NaN,NaN,NaN,NaN);return null==t?i:i.addAll(t)}function o(t,e,r,n,a,i){this._x=t,this._y=e,this._x0=r,this._y0=n,this._x1=a,this._y1=i,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=i.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 a=0;a<4;++a)(e=n.source[a])&&(e.length?t.push({source:e,target:n.target[a]=new Array(4)}):n.target[a]=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,a,i,o=t.length,s=new Array(o),l=new Array(o),c=1/0,u=1/0,h=-1/0,f=-1/0;for(n=0;nh&&(h=a),if&&(f=i));if(c>h||u>f)return this;for(this.cover(c,u).cover(h,f),n=0;nt||t>=a||n>e||e>=i;)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[h=u<<1|c]))return this;if(!p.length)break;(e[h+1&3]||e[h+2&3]||e[h+3&3])&&(r=e,f=h)}for(;p.data!==t;)if(n=p,!(p=p.next))return this;return(a=p.next)&&delete p.next,n?(a?n.next=a:delete n.next,this):e?(a?e[h]=a:delete e[h],(p=e[0]||e[1]||e[2]||e[3])&&p===(e[3]||e[2]||e[1]||e[0])&&!p.length&&(r?r[f]=p:this._root=p),this):(this._root=a,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?h:t<=-1?-h: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,a,i,o,s){var l=r-t,c=n-e,u=o-a,h=s-i,f=h*l-u*c;if(!(f*f<1e-12))return[t+(f=(u*(e-i)-h*(t-a))/f)*l,e+f*c]}function _(t,e,r,n,a,i,s){var l=t-r,u=e-n,h=(s?i:-i)/c(l*l+u*u),f=h*u,p=-h*l,d=t+f,g=e+p,m=r+f,v=n+p,y=(d+m)/2,x=(g+v)/2,b=m-d,_=v-g,w=b*b+_*_,T=a-i,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,P=S-x,I=E-y,z=C-x;return L*L+P*P>I*I+z*z&&(A=E,S=C),{cx:A,cy:S,x01:-f,y01:-p,x11:A*(a/T-1),y11:S*(a/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,a=r(!0),i=null,o=T,s=null;function l(r){var l,c,u,h=r.length,f=!1;for(null==i&&(s=o(u=e.path())),l=0;l<=h;++l)!(l=h;--f)c.point(v[f],y[f]);c.lineEnd(),c.areaEnd()}m&&(v[u]=+t(p,u,r),y[u]=+a(p,u,r),c.point(n?+n(p,u,r):v[u],i?+i(p,u,r):y[u]))}if(d)return c=null,d+\"\"||null}function h(){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?(a=\"function\"==typeof t?t:r(+t),i=null,u):a},u.y0=function(t){return arguments.length?(a=\"function\"==typeof t?t:r(+t),u):a},u.y1=function(t){return arguments.length?(i=null==t?null:\"function\"==typeof t?t:r(+t),u):i},u.lineX0=u.lineY0=function(){return h().x(t).y(a)},u.lineY1=function(){return h().x(t).y(i)},u.lineX1=function(){return h().x(n).y(a)},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=I(T);function P(t){this._curve=t}function I(t){function e(e){return new P(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(I(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,a=t.lineY0,i=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(a())},delete t.lineY0,t.lineOuterRadius=function(){return z(i())},delete t.lineY1,t.curve=function(t){return arguments.length?e(I(t)):e()._curve},t}function R(t,e){return[(e=+e)*Math.cos(t-=Math.PI/2),e*Math.sin(t)]}P.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,a=N,i=k,o=M,s=null;function l(){var r,l=F.call(arguments),c=n.apply(this,l),u=a.apply(this,l);if(s||(s=r=e.path()),t(s,+i.apply(this,(l[0]=c,l)),+o.apply(this,l),+i.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?(a=t,l):a},l.x=function(t){return arguments.length?(i=\"function\"==typeof t?t:r(+t),l):i},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,a){t.moveTo(e,r),t.bezierCurveTo(e=(e+n)/2,r,e,a,n,a)}function V(t,e,r,n,a){t.moveTo(e,r),t.bezierCurveTo(e,r=(r+a)/2,n,r,n,a)}function q(t,e,r,n,a){var i=R(e,r),o=R(e,r=(r+a)/2),s=R(n,r),l=R(n,a);t.moveTo(i[0],i[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,f)}},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,Z={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()}},X=Math.sin(u/10)/Math.sin(7*u/10),J=Math.sin(f/10)*X,K=-Math.cos(f/10)*X,Q={draw:function(t,e){var r=Math.sqrt(.8908130915292852*e),n=J*r,a=K*r;t.moveTo(0,-r),t.lineTo(n,a);for(var i=1;i<5;++i){var o=f*i/5,s=Math.cos(o),l=Math.sin(o);t.lineTo(l*r,-s*r),t.lineTo(s*n-l*a,l*n+s*a)}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,at=1/Math.sqrt(12),it=3*(at/2+1),ot={draw:function(t,e){var r=Math.sqrt(e/it),n=r/2,a=r*at,i=n,o=r*at+r,s=-i,l=o;t.moveTo(n,a),t.lineTo(i,o),t.lineTo(s,l),t.lineTo(rt*n-nt*a,nt*n+rt*a),t.lineTo(rt*i-nt*o,nt*i+rt*o),t.lineTo(rt*s-nt*l,nt*s+rt*l),t.lineTo(rt*n+nt*a,rt*a-nt*n),t.lineTo(rt*i+nt*o,rt*o-nt*i),t.lineTo(rt*s+nt*l,rt*l-nt*s),t.closePath()}},st=[H,G,Z,$,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 ht(t){this._context=t}function ft(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}},ht.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}},ft.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,a=t[0],i=e[0],o=t[r]-a,s=e[r]-i,l=-1;++l<=r;)n=l/r,this._basis.point(this._beta*t[l]+(1-this._beta)*(a+n*o),this._beta*e[l]+(1-this._beta)*(i+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,a=t._y1,i=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,a=(a*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);i=(i*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,a,i,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 Pt(t,e,r){var n=t._x1-t._x0,a=e-t._x1,i=(t._y1-t._y0)/(n||a<0&&-0),o=(r-t._y1)/(a||n<0&&-0),s=(i*a+o*n)/(n+a);return(Lt(i)+Lt(o))*Math.min(Math.abs(i),Math.abs(o),.5*Math.abs(s))||0}function It(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,a=t._y0,i=t._x1,o=t._y1,s=(i-n)/3;t._context.bezierCurveTo(n+s,a+s*e,i-s,o-s*r,i,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,a=new Array(n),i=new Array(n),o=new Array(n);for(a[0]=0,i[0]=2,o[0]=t[0]+2*t[1],e=1;e=0;--e)a[e]=(o[e]-a[e+1])/i[e];for(i[n-1]=(t[n]+a[n-1])/2,e=0;e1)for(var r,n,a,i=1,o=t[e[0]],s=o.length;i=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,a=t.length,i=-1/0;++ri&&(i=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,a=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)-h,x=M.apply(this,arguments)-h,E=n(x-y),C=x>y;if(S||(S=r=e.path()),v1e-12)if(E>f-1e-12)S.moveTo(v*i(y),v*l(y)),S.arc(0,0,v,y,x,!C),m>1e-12&&(S.moveTo(m*i(x),m*l(x)),S.arc(0,0,m,x,y,C));else{var L,P,I=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?(I+=H*=C?1:-1,z-=H):(F=0,I=z=(y+x)/2)}var G=v*i(I),Y=v*l(I),W=m*i(D),Z=m*l(D);if(j>1e-12){var X,J=v*i(z),K=v*l(z),Q=m*i(O),$=m*l(O);if(E1e-12?V>1e-12?(L=_(Q,$,G,Y,v,V,C),P=_(J,K,W,Z,v,V,C),S.moveTo(L.cx+L.x01,L.cy+L.y01),V1e-12&&R>1e-12?U>1e-12?(L=_(W,Z,J,K,m,-U,C),P=_(G,Y,Q,$,m,-U,C),S.lineTo(L.cx+L.x01,L.cy+L.y01),U0&&(d+=h);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?h*c:0)+b,m[l]={data:r[l],index:s,value:h,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?(a=\"function\"==typeof t?t:r(+t),s):a},s.endAngle=function(t){return arguments.length?(i=\"function\"==typeof t?t:r(+t),s):i},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,a=Vt;function i(r){var i,o,s=t.apply(this,arguments),l=r.length,c=s.length,u=new Array(c);for(i=0;i0)for(var r,n,a,i,o,s,l=0,c=t[e[0]].length;l0?(n[0]=i,n[1]=i+=a):a<0?(n[1]=o,n[0]=o+=a):(n[0]=0,n[1]=a)},t.stackOffsetExpand=function(t,e){if((n=t.length)>0){for(var r,n,a,i=0,o=t[0].length;i0){for(var r,n=0,a=t[e[0]],i=a.length;n0&&(n=(r=t[e[0]]).length)>0){for(var r,n,a,i=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:Z,x:null,X:null,y:X,Y:J,Z:K,\"%\":gt},Lt={a:function(t){return h[t.getUTCDay()]},A:function(t){return u[t.getUTCDay()]},b:function(t){return yt[t.getUTCMonth()]},B:function(t){return f[t.getUTCMonth()]},c:null,d:Q,e:Q,f:nt,H:$,I:tt,j:et,L:rt,m:at,M:it,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:ht,x:null,X:null,y:ft,Y:pt,Z:dt,\"%\":gt},Pt={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,i,e,r)},d:M,e:M,f:P,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,\"%\":I};function It(t,e){return function(r){var n,a,i,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(a(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(a(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(a(c.y,0,1)).getUTCDay():r(a(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 a,i,o=0,l=e.length,c=r.length;o=c)return-1;if(37===(a=e.charCodeAt(o++))){if(a=e.charAt(o++),!(i=Pt[a in s?e.charAt(o++):a])||(n=i(t,r,n))<0)return-1}else if(a!=r.charCodeAt(n++))return-1}return n}return Ct.x=It(o,Ct),Ct.X=It(l,Ct),Ct.c=It(i,Ct),Lt.x=It(o,Lt),Lt.X=It(l,Lt),Lt.c=It(i,Lt),{format:function(t){var e=It(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=It(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 h(t,e,r){var n=t<0?\"-\":\"\",a=(n?-t:t)+\"\",i=a.length;return n+(i68?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 P(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 I(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 h(t.getDate(),e,2)}function R(t,e){return h(t.getHours(),e,2)}function F(t,e){return h(t.getHours()%12||12,e,2)}function B(t,r){return h(1+e.timeDay.count(e.timeYear(t),t),r,3)}function N(t,e){return h(t.getMilliseconds(),e,3)}function j(t,e){return N(t,e)+\"000\"}function U(t,e){return h(t.getMonth()+1,e,2)}function V(t,e){return h(t.getMinutes(),e,2)}function q(t,e){return h(t.getSeconds(),e,2)}function H(t){var e=t.getDay();return 0===e?7:e}function G(t,r){return h(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),h(e.timeThursday.count(e.timeYear(t),t)+(4===e.timeYear(t).getDay()),r,2)}function W(t){return t.getDay()}function Z(t,r){return h(e.timeMonday.count(e.timeYear(t)-1,t),r,2)}function X(t,e){return h(t.getFullYear()%100,e,2)}function J(t,e){return h(t.getFullYear()%1e4,e,4)}function K(t){var e=t.getTimezoneOffset();return(e>0?\"-\":(e*=-1,\"+\"))+h(e/60|0,\"0\",2)+h(e%60,\"0\",2)}function Q(t,e){return h(t.getUTCDate(),e,2)}function $(t,e){return h(t.getUTCHours(),e,2)}function tt(t,e){return h(t.getUTCHours()%12||12,e,2)}function et(t,r){return h(1+e.utcDay.count(e.utcYear(t),t),r,3)}function rt(t,e){return h(t.getUTCMilliseconds(),e,3)}function nt(t,e){return rt(t,e)+\"000\"}function at(t,e){return h(t.getUTCMonth()+1,e,2)}function it(t,e){return h(t.getUTCMinutes(),e,2)}function ot(t,e){return h(t.getUTCSeconds(),e,2)}function st(t){var e=t.getUTCDay();return 0===e?7:e}function lt(t,r){return h(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),h(e.utcThursday.count(e.utcYear(t),t)+(4===e.utcYear(t).getUTCDay()),r,2)}function ut(t){return t.getUTCDay()}function ht(t,r){return h(e.utcMonday.count(e.utcYear(t)-1,t),r,2)}function ft(t,e){return h(t.getUTCFullYear()%100,e,2)}function pt(t,e){return h(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=i(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=i,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,a,i,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)),a(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(i=new Date(+e)),a(e,n),t(e)}while(i=r)for(;t(r),!e(r);)r.setTime(r-1)}),(function(t,r){if(t>=t)if(r<0)for(;++r<=0;)for(;a(t,-1),!e(t););else for(;--r>=0;)for(;a(t,1),!e(t););}))},i&&(s.count=function(n,a){return e.setTime(+n),r.setTime(+a),t(e),t(r),Math.floor(i(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 a=n((function(){}),(function(t,e){t.setTime(+t+e)}),(function(t,e){return e-t}));a.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})):a:null};var i=a.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()})),h=u.range,f=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=f.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,P=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()}));P.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 I=P.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,Z=U.range,X=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=f,t.timeDays=p,t.timeFriday=b,t.timeFridays=S,t.timeHour=u,t.timeHours=h,t.timeInterval=n,t.timeMillisecond=a,t.timeMilliseconds=i,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=P,t.timeYears=I,t.utcDay=F,t.utcDays=B,t.utcFriday=G,t.utcFridays=Q,t.utcHour=D,t.utcHours=R,t.utcMillisecond=a,t.utcMilliseconds=i,t.utcMinute=z,t.utcMinutes=O,t.utcMonday=U,t.utcMondays=Z,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=X,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,a=0,i=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 h(){return s||(u(f),s=c.now()+l)}function f(){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(){h(),++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=a=0;try{g()}finally{n=0,function(){var t,n,a=e,i=1/0;for(;a;)a._call?(i>a._time&&(i=a._time),t=a,a=a._next):(n=a._next,a._next=null,a=t?t._next=n:e=n);r=t,y(i)}(),s=0}}function v(){var t=c.now(),e=t-o;e>1e3&&(l-=e,o=t)}function y(t){n||(a&&(a=clearTimeout(a)),t-s>24?(t<1/0&&(a=setTimeout(m,t-c.now()-l)),i&&(i=clearInterval(i))):(i||(o=c.now(),i=setInterval(v,1e3)),n=1,u(m)))}p.prototype=d.prototype={constructor:p,restart:function(t,n,a){if(\"function\"!=typeof t)throw new TypeError(\"callback is not a function\");a=(null==a?h():+a)+(null==n?0:+n),this._next||r===this||(r?r._next=this:e=this,r=this),this._call=t,this._time=a,y()},stop:function(){this._call&&(this._call=null,this._time=1/0,y())}},t.interval=function(t,e,r){var n=new p,a=e;return null==e?(n.restart(t,e,r),n):(e=+e,r=null==r?h():+r,n.restart((function i(o){o+=a,n.restart(i,a+=e,r),t(o)}),e,r),n)},t.now=h,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)},a=this.document;function i(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(a)try{n(a.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}),a)try{a.createElement(\"DIV\").style.setProperty(\"opacity\",0,\"\")}catch(t){var s=this.Element.prototype,l=s.setAttribute,c=s.setAttributeNS,u=this.CSSStyleDeclaration.prototype,h=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){h.call(this,t,e+\"\",r)}}function f(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,a){for(arguments.length<3&&(n=0),arguments.length<4&&(a=e.length);n>>1;t(e[i],r)<0?n=i+1:a=i}return n},right:function(e,r,n,a){for(arguments.length<3&&(n=0),arguments.length<4&&(a=e.length);n>>1;t(e[i],r)>0?a=i:n=i+1}return n}}}t.ascending=f,t.descending=function(t,e){return et?1:e>=t?0:NaN},t.min=function(t,e){var r,n,a=-1,i=t.length;if(1===arguments.length){for(;++a=n){r=n;break}for(;++an&&(r=n)}else{for(;++a=n){r=n;break}for(;++an&&(r=n)}return r},t.max=function(t,e){var r,n,a=-1,i=t.length;if(1===arguments.length){for(;++a=n){r=n;break}for(;++ar&&(r=n)}else{for(;++a=n){r=n;break}for(;++ar&&(r=n)}return r},t.extent=function(t,e){var r,n,a,i=-1,o=t.length;if(1===arguments.length){for(;++i=n){r=a=n;break}for(;++in&&(r=n),a=n){r=a=n;break}for(;++in&&(r=n),a1)return o/(l-1)},t.deviation=function(){var e=t.variance.apply(this,arguments);return e?Math.sqrt(e):e};var m=g(f);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 f(t(e),r)}:t)},t.shuffle=function(t,e,r){(i=arguments.length)<3&&(r=t.length,i<2&&(e=0));for(var n,a,i=r-e;i;)a=Math.random()*i--|0,n=t[i+e],t[i+e]=t[a+e],t[a+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],a=new Array(r<0?0:r);e=0;)for(e=(n=t[a]).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,a=[],i=x(y(r)),o=-1;if(t*=i,e*=i,(r*=i)<0)for(;(n=t+r*++o)>e;)a.push(n/i);else for(;(n=t+r*++o)=a.length)return r?r.call(n,i):e?i.sort(e):i;for(var l,c,u,h,f=-1,p=i.length,d=a[s++],g=new _;++f=a.length)return e;var n=[],o=i[r++];return e.forEach((function(e,a){n.push({key:e,values:t(a,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 a.push(t),n},n.sortKeys=function(t){return i[a.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[I(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(a.documentElement)};var Y=t.selection.prototype=[];function W(t){return\"function\"==typeof t?t:function(){return q(t,this)}}function Z(t){return\"function\"==typeof t?t:function(){return H(t,this)}}Y.select=function(t){var e,r,n,a,i=[];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,a=-1;if(e=r.classList){for(;++a=0;)(r=n[a])&&(i&&i!==r.nextSibling&&i.parentNode.insertBefore(r,i),i=r);return this},Y.sort=function(t){t=ct.apply(this,arguments);for(var e=-1,r=this.length;++e=e&&(e=a+1);!(o=s[e])&&++e0&&(e=e.slice(0,o));var l=gt.get(e);function c(){var t=this[i];t&&(this.removeEventListener(e,t,t.$),delete this[i])}return l&&(e=l,s=vt),o?r?function(){var t=s(r,n(arguments));c.call(this),this.addEventListener(e,this[i]=t,t.$=a),t._=r}:c:r?O:function(){var r,n=new RegExp(\"^__on([^.]+)\"+t.requote(e)+\"$\");for(var a in this)if(r=a.match(n)){var i=this[a];this.removeEventListener(r[1],i,i.$),delete this[a]}}}t.selection.enter=ht,t.selection.enter.prototype=ft,ft.append=Y.append,ft.empty=Y.empty,ft.node=Y.node,ft.call=Y.call,ft.size=Y.size,ft.select=function(t){for(var e,r,n,a,i,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,a=t[0],i=t[1],o=t[2],s=e[0],l=e[1],c=e[2],u=s-a,h=l-i,f=u*u+h*h;if(f0&&(e=e.transition().duration(g)),e.call(w.event)}function S(){c&&c.domain(l.range().map((function(t){return(t-f.x)/f.k})).map(l.invert)),h&&h.domain(u.range().map((function(t){return(t-f.y)/f.k})).map(u.invert))}function E(t){m++||t({type:\"zoomstart\"})}function C(t){S(),t({type:\"zoom\",scale:f.k,translate:[f.x,f.y]})}function L(t){--m||(t({type:\"zoomend\"}),r=null)}function P(){var e=this,r=_.of(e,arguments),n=0,a=t.select(o(e)).on(y,l).on(x,c),i=T(t.mouse(e)),s=bt(e);function l(){n=1,M(t.mouse(e),i),C(r)}function c(){a.on(y,null).on(x,null),s(n),L(r)}vs.call(e),E(r)}function I(){var e,r=this,n=_.of(r,arguments),a={},i=0,o=\".zoom-\"+t.event.changedTouches[0].identifier,l=\"touchmove\"+o,c=\"touchend\"+o,u=[],h=t.select(r),p=bt(r);function d(){var n=t.touches(r);return e=f.k,n.forEach((function(t){t.identifier in a&&(a[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,h=n.length;o1){v=p[0];var x=p[1],b=v[0]-x[0],_=v[1]-x[1];i=b*b+_*_}}function m(){var o,l,c,u,h=t.touches(r);vs.call(r);for(var f=0,p=h.length;f360?t-=360:t<0&&(t+=360),t<60?n+(a-n)*t/60:t<180?a:t<240?n+(a-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)-(a=r<=.5?r*(1+e):r+e-r*e),new ne(i(t+120),i(t),i(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 Xt?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 Zt(t,e,r){return isNaN(t)&&(t=0),isNaN(e)&&(e=0),new Xt(r,Math.cos(t*=Lt)*e,Math.sin(t)*e)}function Xt(t,e,r){return this instanceof Xt?(this.l=+t,this.a=+e,void(this.b=+r)):arguments.length<2?t instanceof Xt?new Xt(t.l,t.a,t.b):t instanceof Yt?Zt(t.h,t.c,t.l):ue((t=ne(t)).r,t.g,t.b):new Xt(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 Zt(this.h,this.c,this.l).rgb()},t.lab=Xt;var Jt=18,Kt=Xt.prototype=new Vt;function Qt(t,e,r){var n=(t+16)/116,a=n+e/500,i=n-r/200;return new ne(re(3.2404542*(a=.95047*te(a))-1.5371385*(n=1*te(n))-.4985314*(i=1.08883*te(i))),re(-.969266*a+1.8760108*n+.041556*i),re(.0556434*a-.2040259*n+1.0572252*i))}function $t(t,e,r){return t>0?new Yt(Math.atan2(r,e)*Pt,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 ae(t){return new ne(t>>16,t>>8&255,255&t)}function ie(t){return ae(t)+\"\"}Kt.brighter=function(t){return new Xt(Math.min(100,this.l+Jt*(arguments.length?t:1)),this.a,this.b)},Kt.darker=function(t){return new Xt(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,a,i,o=0,s=0,l=0;if(n=/([a-z]+)\\((.*)\\)/.exec(t=t.toLowerCase()))switch(a=n[2].split(\",\"),n[1]){case\"hsl\":return r(parseFloat(a[0]),parseFloat(a[1])/100,parseFloat(a[2])/100);case\"rgb\":return e(fe(a[0]),fe(a[1]),fe(a[2]))}return(i=pe.get(t))?e(i.r,i.g,i.b):(null==t||\"#\"!==t.charAt(0)||isNaN(i=parseInt(t.slice(1),16))||(4===t.length?(o=(3840&i)>>4,o|=o>>4,s=240&i,s|=s>>4,l=15&i,l|=l<<4):7===t.length&&(o=(16711680&i)>>16,s=(65280&i)>>8,l=255&i)),e(o,s,l))}function ce(t,e,r){var n,a,i=Math.min(t/=255,e/=255,r/=255),o=Math.max(t,e,r),s=o-i,l=(o+i)/2;return s?(a=l<.5?s/(o+i):s/(2-o-i),n=t==o?(e-r)/s+(e0&&l<1?0:n),new qt(n,a,l)}function ue(t,e,r){var n=ee((.4124564*(t=he(t))+.3575761*(e=he(e))+.1804375*(r=he(r)))/.95047),a=ee((.2126729*t+.7151522*e+.072175*r)/1);return Xt(116*a-16,500*(n-a),200*(a-ee((.0193339*t+.119192*e+.9503041*r)/1.08883)))}function he(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function fe(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,a=30;return e||r||n?(e&&e=200&&e<300||304===e){try{t=a.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=h:c.onreadystatechange=function(){c.readyState>3&&h()},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 a=t,o},[\"get\",\"post\"].forEach((function(t){o[t]=function(){return o.send.apply(o,[t].concat(n(arguments)))}})),o.send=function(t,n,a){if(2===arguments.length&&\"function\"==typeof n&&(a=n,n=null),c.open(t,e,!0),null==r||\"accept\"in l||(l.accept=r+\",*/*\"),c.setRequestHeader)for(var i in l)c.setRequestHeader(i,l[i]);return null!=r&&c.overrideMimeType&&c.overrideMimeType(r),null!=u&&(c.responseType=u),null!=a&&o.on(\"error\",a).on(\"load\",(function(t){a(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==i?o:o.get(function(t){return 1===t.length?function(e,r){t(null==e?r:null)}:t}(i))}pe.forEach((function(t,e){pe.set(t,ae(e))})),t.functor=de,t.xhr=ge(L),t.dsv=function(t,e){var r=new RegExp('[\"'+t+\"\\n]\"),n=t.charCodeAt(0);function a(t,r,n){arguments.length<3&&(n=r,r=null);var a=me(t,e,null==r?i:o(r),n);return a.row=function(t){return arguments.length?a.response(null==(r=t)?i:o(t)):r},a}function i(t){return a.parse(t.responseText)}function o(t){return function(e){return a.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 a.parse=function(t,e){var r;return a.parseRows(t,(function(t,n){if(r)return r(t,n-1);var a=new Function(\"d\",\"return {\"+t.map((function(t,e){return JSON.stringify(t)+\": d[\"+e+\"]\"})).join(\",\")+\"}\");r=e?function(t,r){return e(a(t),r)}:a}))},a.parseRows=function(t,e){var r,a,i={},o={},s=[],l=t.length,c=0,u=0;function h(){if(c>=l)return o;if(a)return a=!1,i;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,a=e.grouping,i=e.currency,o=a&&n?function(t,e){for(var r=t.length,i=[],o=0,s=a[0],l=0;r>0&&s>0&&(l+s+1>e&&(s=Math.max(1,e-l)),i.push(t.substring(r-=s,r+s)),!((l+=s+1)>e));)s=a[o=(o+1)%a.length];return i.reverse().join(n)}:L;return function(e){var n=Ce.exec(e),a=n[1]||\" \",s=n[2]||\">\",l=n[3]||\"-\",c=n[4]||\"\",u=n[5],h=+n[6],f=n[7],p=n[8],d=n[9],g=1,m=\"\",v=\"\",y=!1,x=!0;switch(p&&(p=+p.substring(1)),(u||\"0\"===a&&\"=\"===s)&&(u=a=\"0\",s=\"=\"),d){case\"n\":f=!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=i[0],v=i[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)||Pe;var b=u&&f;return function(e){var n=v;if(y&&e%1)return\"\";var i=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&&f&&(_=o(_,1/0));var M=m.length+_.length+w.length+(b?0:i.length),A=M\"===s?A+i+e:\"^\"===s?A.substring(0,M>>=1)+i+e+A.substring(M):i+(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 Pe(t){return t+\"\"}var Ie=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=i(r,1);return e-r1)for(;o=c)return-1;if(37===(a=e.charCodeAt(s++))){if(o=e.charAt(s++),!(i=w[o in Ne?e.charAt(s++):o])||(n=i(t,r,n))<0)return-1}else if(a!=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 f=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);i.forEach((function(t,e){f.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+Ie.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 i[+(t.getHours()>=12)]},S:function(t,e){return Ve(t.getSeconds(),e,2)},U:function(t,e){return Ve(Ie.sundayOfYear(t),e,2)},w:function(t){return t.getDay()},W:function(t,e){return Ve(Ie.mondayOfYear(t),e,2)},x:u(n),X:u(a),y:function(t,e){return Ve(t.getFullYear()%100,e,2)},Y:function(t,e){return Ve(t.getFullYear()%1e4,e,4)},Z:ar,\"%\":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 h(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=f.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 h(t,_.x.toString(),e,r)},X:function(t,e,r){return h(t,_.X.toString(),e,r)},y:Xe,Y:Ze,Z:Je,\"%\":ir};return u}Ie.year=Re((function(t){return(t=Ie.day(t)).setMonth(0,1),t}),(function(t,e){t.setFullYear(t.getFullYear()+e)}),(function(t){return t.getFullYear()})),Ie.years=Ie.year.range,Ie.years.utc=Ie.year.utc.range,Ie.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})),Ie.days=Ie.day.range,Ie.days.utc=Ie.day.utc.range,Ie.dayOfYear=function(t){var e=Ie.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=Ie[t]=Re((function(t){return(t=Ie.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=Ie.year(t).getDay();return Math.floor((Ie.dayOfYear(t)+(r+e)%7)/7)-(r!==e)}));Ie[t+\"s\"]=r.range,Ie[t+\"s\"].utc=r.utc.range,Ie[t+\"OfYear\"]=function(t){var r=Ie.year(t).getDay();return Math.floor((Ie.dayOfYear(t)+(r+e)%7)/7)}})),Ie.week=Ie.sunday,Ie.weeks=Ie.sunday.range,Ie.weeks.utc=Ie.sunday.utc.range,Ie.weekOfYear=Ie.sundayOfYear;var Ne={\"-\":\"\",_:\" \",0:\"0\"},je=/^\\s*\\d+/,Ue=/^%/;function Ve(t,e,r){var n=t<0?\"-\":\"\",a=(n?-t:t)+\"\",i=a.length;return n+(i68?1900:2e3),r+a[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 ar(t){var e=t.getTimezoneOffset(),r=e>0?\"-\":\"+\",n=y(e)/60|0,a=y(e)%60;return r+Ve(n,\"0\",2)+Ve(a,\"0\",2)}function ir(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*i,l=Math.cos(e),c=Math.sin(e),u=a*c,h=n*l+u*Math.cos(s),f=u*o*Math.sin(s);Er.add(Math.atan2(f,h)),r=t,n=l,a=c}Cr.point=function(o,s){Cr.point=i,r=(t=o)*Lt,n=Math.cos(s=(e=s)*Lt/2+At/4),a=Math.sin(s)},Cr.lineEnd=function(){i(t,e)}}function Pr(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 Ir(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?a=90:c<-kt&&(r=-90),h[0]=e,h[1]=n}};function p(t,i){u.push(h=[e=t,n=t]),ia&&(a=i)}function d(t,o){var s=Pr([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 h=t-i,f=h>0?1:-1,d=u[0]*Pt*f,g=y(h)>180;if(g^(f*ia&&(a=m);else if(g^(f*i<(d=(d+360)%360-180)&&da&&(a=o);g?t_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t):n>=e?(tn&&(n=t)):t>i?_(e,t)>_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t)}else p(t,o);l=s,i=t}function g(){f.point=d}function m(){h[0]=e,h[1]=n,f.point=p,l=null}function v(t,e){if(l){var r=t-i;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)),h[0]=e,h[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=h=null,e===1/0||r===1/0?[[NaN,NaN],[NaN,NaN]]:[[e,r],[n,a]]}}(),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,a=Sr,i=r*r+n*n+a*a;return i=0;--s)a.point((h=u[s])[0],h[1]);else n(p.x,p.p.x,-1,a);p=p.p}u=(p=p.o).z,d=!d}while(!p.v);a.lineEnd()}}}function Zr(t){if(e=t.length){for(var e,r,n=0,a=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))),i+=k?_+w*St:_,k^f>=r^v>=r){var A=zr(Pr(h),Pr(t));Rr(A);var S=zr(a,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;f=v,d=x,g=b,h=t}}return(i<-kt||i0){for(x||(o.polygonStart(),x=!0),o.lineStart();++i1&&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,a=NaN;return{lineStart:function(){t.lineStart(),e=1},point:function(i,o){var s=i>0?At:-At,l=y(i-r);y(l-At)0?Ct:-Ct),t.point(a,n),t.lineEnd(),t.lineStart(),t.point(s,n),t.point(i,n),e=0):a!==s&&l>=At&&(y(r-a)kt?Math.atan((Math.sin(e)*(i=Math.cos(n))*Math.sin(r)-Math.sin(n)*(a=Math.cos(e))*Math.sin(t))/(a*i*o)):(e+n)/2}(r,n,i,o),t.point(a,n),t.lineEnd(),t.lineStart(),t.point(s,n),e=0),t.point(r=i,n=o),a=s},lineEnd:function(){t.lineEnd(),r=n=NaN},clean:function(){return 2-e}}}),(function(t,e,r,n){var a;if(null==t)a=r*Ct,n.point(-At,a),n.point(0,a),n.point(At,a),n.point(At,0),n.point(At,-a),n.point(0,-a),n.point(-At,-a),n.point(-At,0),n.point(-At,a);else if(y(t[0]-e[0])>kt){var i=t[0]0,n=y(e)>kt;return Jr(a,(function(t){var e,s,l,c,u;return{lineStart:function(){c=l=!1,u=1},point:function(h,f){var p,d=[h,f],g=a(h,f),m=r?g?0:o(h,f):g?o(h+(h<0?At:-At),f):0;if(!e&&(c=l=g)&&t.lineStart(),g!==l&&(p=i(e,d),(Br(e,p)||Br(d,p))&&(d[0]+=kt,d[1]+=kt,g=a(d[0],d[1]))),g!==l)u=0,g?(t.lineStart(),p=i(d,e),t.point(p[0],p[1])):(p=i(e,d),t.point(p[0],p[1]),t.lineEnd()),e=p;else if(n&&e&&r^g){var v;m&s||!(v=i(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 a(t,r){return Math.cos(t)*Math.cos(r)>e}function i(t,r,n){var a=[1,0,0],i=zr(Pr(t),Pr(r)),o=Ir(i,i),s=i[0],l=o-s*s;if(!l)return!n&&t;var c=e*o/l,u=-e*s/l,h=zr(a,i),f=Dr(a,c);Or(f,Dr(i,u));var p=h,d=Ir(f,p),g=Ir(p,p),m=d*d-g*(Ir(f,f)-1);if(!(m<0)){var v=Math.sqrt(m),x=Dr(p,(-d-v)/g);if(Or(x,f),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,f),[x,Fr(S)]}}}function o(e,n){var a=r?t:At-t,i=0;return e<-a?i|=1:e>a&&(i|=2),n<-a?i|=4:n>a&&(i|=8),i}}function rn(t,e,r,n){return function(a){var i,o=a.a,s=a.b,l=o.x,c=o.y,u=0,h=1,f=s.x-l,p=s.y-c;if(i=t-l,f||!(i>0)){if(i/=f,f<0){if(i0){if(i>h)return;i>u&&(u=i)}if(i=r-l,f||!(i<0)){if(i/=f,f<0){if(i>h)return;i>u&&(u=i)}else if(f>0){if(i0)){if(i/=p,p<0){if(i0){if(i>h)return;i>u&&(u=i)}if(i=n-c,p||!(i<0)){if(i/=p,p<0){if(i>h)return;i>u&&(u=i)}else if(p>0){if(i0&&(a.a={x:l+u*f,y:c+u*p}),h<1&&(a.b={x:l+h*f,y:c+h*p}),a}}}}}}function nn(e,r,n,a){return function(l){var c,u,h,f,p,d,g,m,v,y,x,b=l,_=Qr(),w=rn(e,r,n,a),T={point:A,lineStart:function(){T.point=S,u&&u.push(h=[]);y=!0,v=!1,g=m=NaN},lineEnd:function(){c&&(S(f,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],a=0;an&&zt(c,i,t)>0&&++e:i[1]<=n&&zt(c,i,t)<0&&--e,c=i;return 0!==e}([e,a]),n=x&&r,i=c.length;(n||i)&&(l.polygonStart(),n&&(l.lineStart(),k(null,null,1,l),l.lineEnd()),i&&Wr(c,o,r,k,l),l.polygonEnd()),c=u=h=null}};function k(t,o,l,c){var u=0,h=0;if(null==t||(u=i(t,l))!==(h=i(o,l))||s(t,o)<0^l>0)do{c.point(0===u||3===u?e:n,u>1?a:r)}while((u=(u+l+4)%4)!==h);else c.point(o[0],o[1])}function M(t,i){return e<=t&&t<=n&&r<=i&&i<=a}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&&h.push([t,e]),y)f=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 i(t,a){return y(t[0]-e)0?0:3:y(t[0]-n)0?2:1:y(t[1]-r)0?1:0:a>0?3:2}function o(t,e){return s(t.x,e.x)}function s(t,e){var r=i(t,1),n=i(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),a=n(e,r);return a.parallels=function(t){return arguments.length?n(e=t[0]*At/180,r=t[1]*At/180):[e/At*180,r/At*180]},a}function on(t,e){var r=Math.sin(t),n=(r+Math.sin(e))/2,a=1+r*(2*n-r),i=Math.sqrt(a)/n;function o(t,e){var r=Math.sqrt(a-2*n*Math.sin(e))/n;return[r*Math.sin(t*=n),i-r*Math.cos(t)]}return o.invert=function(t,e){var r=i-e;return[Math.atan2(t,r)/n,Dt((a-(t*t+r*r)*n*n)/(2*n))]},o}t.geo.clipExtent=function(){var t,e,r,n,a,i,o={stream:function(t){return a&&(a.valid=!1),(a=i(t)).valid=!0,a},extent:function(s){return arguments.length?(i=nn(t=+s[0][0],e=+s[0][1],r=+s[1][0],n=+s[1][1]),a&&(a.valid=!1,a=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,a,i=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 i=t[0],o=t[1];return e=null,r(i,o),e||(n(i,o),e)||a(i,o),e}return c.invert=function(t){var e=i.scale(),r=i.translate(),n=(t[0]-r[0])/e,a=(t[1]-r[1])/e;return(a>=.12&&a<.234&&n>=-.425&&n<-.214?o:a>=.166&&a<.234&&n>=-.214&&n<-.115?s:i).invert(t)},c.stream=function(t){var e=i.stream(t),r=o.stream(t),n=s.stream(t);return{point:function(t,a){e.point(t,a),r.point(t,a),n.point(t,a)},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?(i.precision(t),o.precision(t),s.precision(t),c):i.precision()},c.scale=function(t){return arguments.length?(i.scale(t),o.scale(.35*t),s.scale(t),c.translate(i.translate())):i.scale()},c.translate=function(t){if(!arguments.length)return i.translate();var e=i.scale(),u=+t[0],h=+t[1];return r=i.translate(t).clipExtent([[u-.455*e,h-.238*e],[u+.455*e,h+.238*e]]).stream(l).point,n=o.translate([u-.307*e,h+.201*e]).clipExtent([[u-.425*e+kt,h+.12*e+kt],[u-.214*e-kt,h+.234*e-kt]]).stream(l).point,a=s.translate([u-.205*e,h+.212*e]).clipExtent([[u-.214*e+kt,h+.166*e+kt],[u-.115*e-kt,h+.234*e-kt]]).stream(l).point,c},c.scale(1070)};var sn,ln,cn,un,hn,fn,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 a(t,e){ln+=n*t-r*e,r=t,n=e}pn.point=function(i,o){pn.point=a,t=r=i,e=n=o},pn.lineEnd=function(){a(t,e)}}var gn={point:function(t,e){thn&&(hn=t);efn&&(fn=e)},lineStart:O,lineEnd:O,polygonStart:O,polygonEnd:O};function mn(){var t=vn(4.5),e=[],r={point:n,lineStart:function(){r.point=a},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 a(t,n){e.push(\"M\",t,\",\",n),r.point=i}function i(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 a=r-t,i=n-e,o=Math.sqrt(a*a+i*i);wr+=o*(t+r)/2,Tr+=o*(e+n)/2,kr+=o,bn(t=r,e=n)}xn.point=function(n,a){xn.point=r,bn(t=n,e=a)}}function wn(){xn.point=bn}function Tn(){var t,e,r,n;function a(t,e){var a=t-r,i=e-n,o=Math.sqrt(a*a+i*i);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(i,o){xn.point=a,bn(t=r=i,e=n=o)},xn.lineEnd=function(){a(t,e)}}function kn(t){var e=4.5,r={point:n,lineStart:function(){r.point=a},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 a(e,n){t.moveTo(e,n),r.point=i}function i(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 a(t){return(n?o:i)(t)}function i(e){return En(e,(function(r,n){r=t(r,n),e.point(r[0],r[1])}))}function o(e){var r,a,i,o,l,c,u,h,f,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(){h=NaN,m.point=x,e.lineStart()}function x(r,a){var i=Pr([r,a]),o=t(r,a);s(h,f,u,p,d,g,h=o[0],f=o[1],u=r,p=i[0],d=i[1],g=i[2],n,e),e.point(h,f)}function b(){m.point=v,e.lineEnd()}function _(){y(),m.point=w,m.lineEnd=T}function w(t,e){x(r=t,e),a=h,i=f,o=p,l=d,c=g,m.point=x}function T(){s(h,f,u,p,d,g,a,i,r,o,l,c,n,e),m.lineEnd=b,b()}return m}function s(n,a,i,o,l,c,u,h,f,p,d,g,m,v){var x=u-n,b=h-a,_=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*P+b*I)/_-.5)>.3||o*p+l*d+c*g0&&16,a):Math.sqrt(e)},a}function An(t){var e=Mn((function(e,r){return t([e*Pt,r*Pt])}));return function(t){return Pn(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,a,i,o,s,l=Mn((function(t,e){return[(t=r(t,e))[0]*c+i,o-t[1]*c]})),c=150,u=480,h=250,f=0,p=0,d=0,g=0,m=0,v=tn,y=L,x=null,b=null;function _(t){return[(t=a(t[0]*Lt,t[1]*Lt))[0]*c+i,o-t[1]*c]}function w(t){return(t=a.invert((t[0]-i)/c,(o-t[1])/c))&&[t[0]*Pt,t[1]*Pt]}function T(){a=Gr(n=On(d,g,m),r);var t=r(f,p);return i=u-t[0]*c,o=h+t[1]*c,k()}function k(){return s&&(s.valid=!1,s=null),_}return _.stream=function(t){return s&&(s.valid=!1),(s=Pn(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],h=+t[1],T()):[u,h]},_.center=function(t){return arguments.length?(f=t[0]%360*Lt,p=t[1]%360*Lt,T()):[f*Pt,p*Pt]},_.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*Pt,g*Pt,m*Pt]},t.rebind(_,l,\"precision\"),function(){return r=e.apply(this,arguments),_.invert=r.invert&&w,T()}}function Pn(t){return En(t,(function(e,r){t.point(e*Lt,r*Lt)}))}function In(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),a=Math.cos(e),i=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*a-u*i,s*r-c*n),Dt(u*a+l*i)]}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*a-l*i;return[Math.atan2(l*a+c*i,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(a,i,o,s){var l=o*e;null!=a?(a=Nn(r,a),i=Nn(r,i),(o>0?ai)&&(a+=o*St)):(a=t+o*St,i=t-.5*l);for(var c,u=a;o>0?u>i:u2?t[2]*Lt:0),e.invert=function(e){return(e=t.invert(e[0]*Lt,e[1]*Lt))[0]*=Pt,e[1]*=Pt,e},e},zn.invert=In,t.geo.circle=function(){var t,e,r=[0,0],n=6;function a(){var t=\"function\"==typeof r?r.apply(this,arguments):r,n=On(-t[0]*Lt,-t[1]*Lt,0).invert,a=[];return e(null,null,1,{point:function(t,e){a.push(t=n(t,e)),t[0]*=Pt,t[1]*=Pt}}),{type:\"Polygon\",coordinates:[a]}}return a.origin=function(t){return arguments.length?(r=t,a):r},a.angle=function(r){return arguments.length?(e=Bn((t=+r)*Lt,n*Lt),a):t},a.precision=function(r){return arguments.length?(e=Bn(t*Lt,(n=+r)*Lt),a):n},a.angle(90)},t.geo.distance=function(t,e){var r,n=(e[0]-t[0])*Lt,a=t[1]*Lt,i=e[1]*Lt,o=Math.sin(n),s=Math.cos(n),l=Math.sin(a),c=Math.cos(a),u=Math.sin(i),h=Math.cos(i);return Math.atan2(Math.sqrt((r=h*o)*r+(r=c*u-l*h*s)*r),l*u+c*h*s)},t.geo.graticule=function(){var e,r,n,a,i,o,s,l,c,u,h,f,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(a/g)*g,n,g).map(h).concat(t.range(Math.ceil(l/m)*m,s,m).map(f)).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,i,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:[h(a).concat(f(s).slice(1),h(n).reverse().slice(1),f(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?(a=+t[0][0],n=+t[1][0],l=+t[0][1],s=+t[1][1],a>n&&(t=a,a=n,n=t),l>s&&(t=l,l=s,s=t),x.precision(v)):[[a,l],[n,s]]},x.minorExtent=function(t){return arguments.length?(r=+t[0][0],e=+t[1][0],o=+t[0][1],i=+t[1][1],r>e&&(t=r,r=e,e=t),o>i&&(t=o,o=i,i=t),x.precision(v)):[[r,o],[e,i]]},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,i,90),u=Un(r,e,v),h=jn(l,s,90),f=Un(a,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,a=qn;function i(){return{type:\"LineString\",coordinates:[e||n.apply(this,arguments),r||a.apply(this,arguments)]}}return i.distance=function(){return t.geo.distance(e||n.apply(this,arguments),r||a.apply(this,arguments))},i.source=function(t){return arguments.length?(n=t,e=\"function\"==typeof t?null:t,i):n},i.target=function(t){return arguments.length?(a=t,r=\"function\"==typeof t?null:t,i):a},i.precision=function(){return arguments.length?i:0},i},t.geo.interpolate=function(t,e){return r=t[0]*Lt,n=t[1]*Lt,a=e[0]*Lt,i=e[1]*Lt,o=Math.cos(n),s=Math.sin(n),l=Math.cos(i),c=Math.sin(i),u=o*Math.cos(r),h=o*Math.sin(r),f=l*Math.cos(a),p=l*Math.sin(a),d=2*Math.asin(Math.sqrt(Ft(i-n)+o*l*Ft(a-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*f,a=r*h+e*p,i=r*s+e*c;return[Math.atan2(a,n)*Pt,Math.atan2(i,Math.sqrt(n*n+a*a))*Pt]}:function(){return[r*Pt,n*Pt]}).distance=d,m;var r,n,a,i,o,s,l,c,u,h,f,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,a){var i=Math.sin(a*=Lt),o=Math.cos(a),s=y((n*=Lt)-t),l=Math.cos(s);yn+=Math.atan2(Math.sqrt((s=o*Math.sin(s))*s+(s=r*i-e*o*l)*s),e*i+r*o*l),t=n,e=i,r=o}Hn.point=function(a,i){t=a*Lt,e=Math.sin(i*=Lt),r=Math.cos(i),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),a=Math.cos(r),i=t(n*a);return[i*a*Math.sin(e),i*Math.sin(r)]}return r.invert=function(t,r){var n=Math.sqrt(t*t+r*r),a=e(n),i=Math.sin(a),o=Math.cos(a);return[Math.atan2(t*i,n*o),Math.asin(n&&r*i/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 Zn(t,e){var r=Math.cos(t),n=function(t){return Math.tan(At/4+t/2)},a=t===e?Math.sin(t):Math.log(r/Math.cos(e))/Math.log(n(e)/n(t)),i=r*Math.pow(n(t),a)/a;if(!a)return Kn;function o(t,e){i>0?e<-Ct+kt&&(e=-Ct+kt):e>Ct-kt&&(e=Ct-kt);var r=i/Math.pow(n(e),a);return[r*Math.sin(a*t),i-r*Math.cos(a*t)]}return o.invert=function(t,e){var r=i-e,n=It(a)*Math.sqrt(t*t+r*r);return[Math.atan2(t,r)/a,2*Math.atan(Math.pow(i/n,1/a))-Ct]},o}function Xn(t,e){var r=Math.cos(t),n=t===e?Math.sin(t):(r-Math.cos(e))/(e-t),a=r/n+t;if(y(n)1&&zt(t[r[n-2]],t[r[n-1]],t[a])<=0;)--n;r[n++]=a}return r.slice(0,n)}function ia(t,e){return t[0]-e[0]||t[1]-e[1]}(t.geo.stereographic=function(){return Cn(ta)}).raw=ta,ea.invert=function(t,e){return[-e,2*Math.atan(Math.exp(t))-Ct]},(t.geo.transverseMercator=function(){var t=Qn(ea),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=ea,t.geom={},t.geom.hull=function(t){var e=ra,r=na;if(arguments.length)return n(t);function n(t){if(t.length<3)return[];var n,a=de(e),i=de(r),o=t.length,s=[],l=[];for(n=0;n=0;--n)p.push(t[s[c[n]][2]]);for(n=+h;nkt)s=s.L;else{if(!((a=i-Ta(s,o))>kt)){n>-kt?(e=s.P,r=s):a>-kt?(e=s,r=s.N):e=r=s;break}if(!s.R){e=s;break}s=s.R}var l=ya(t);if(fa.insert(e,l),e||r){if(e===r)return Ea(e),r=ya(e.site),fa.insert(l,r),l.edge=r.edge=Pa(e.site,l.site),Sa(e),void Sa(r);if(r){Ea(e),Ea(r);var c=e.site,u=c.x,h=c.y,f=t.x-u,p=t.y-h,d=r.site,g=d.x-u,m=d.y-h,v=2*(f*m-p*g),y=f*f+p*p,x=g*g+m*m,b={x:(m*y-p*x)/v+u,y:(f*x-g*y)/v+h};za(r.edge,c,d,b),l.edge=Pa(c,t,null,b),r.edge=Pa(t,d,null,b),Sa(e),Sa(r)}else l.edge=Pa(e.site,l.site)}}function wa(t,e){var r=t.site,n=r.x,a=r.y,i=a-e;if(!i)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,h=1/i-1/c,f=u/c;return h?(-f+Math.sqrt(f*f-2*h*(u*u/(-2*c)-l+c/2+a-i/2)))/h+n:(n+s)/2}function Ta(t,e){var r=t.N;if(r)return wa(r,e);var n=t.site;return n.y===e?n.x:1/0}function ka(t){this.site=t,this.edges=[]}function Ma(t,e){return e.angle-t.angle}function Aa(){Ra(this),this.x=this.y=this.arc=this.site=this.cy=null}function Sa(t){var e=t.P,r=t.N;if(e&&r){var n=e.site,a=t.site,i=r.site;if(n!==i){var o=a.x,s=a.y,l=n.x-o,c=n.y-s,u=i.x-o,h=2*(l*(m=i.y-s)-c*u);if(!(h>=-Mt)){var f=l*l+c*c,p=u*u+m*m,d=(m*f-c*p)/h,g=(l*p-u*f)/h,m=g+s,v=ma.pop()||new Aa;v.arc=t,v.site=a,v.x=d+o,v.y=m+Math.sqrt(d*d+g*g),v.cy=m,t.circle=v;for(var y=null,x=da._;x;)if(v.y=s)return;if(f>d){if(i){if(i.y>=c)return}else i={x:m,y:l};r={x:m,y:c}}else{if(i){if(i.y1)if(f>d){if(i){if(i.y>=c)return}else i={x:(l-a)/n,y:l};r={x:(c-a)/n,y:c}}else{if(i){if(i.y=s)return}else i={x:o,y:n*o+a};r={x:s,y:n*s+a}}else{if(i){if(i.xkt||y(a-r)>kt)&&(s.splice(o,0,new Oa(Ia(i.site,u,y(n-h)kt?{x:h,y:y(e-h)kt?{x:y(r-d)kt?{x:f,y:y(e-f)kt?{x:y(r-p)=r&&c.x<=a&&c.y>=n&&c.y<=o?[[r,o],[a,o],[a,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(a(t,e)/kt)*kt,i:e}}))}return o.links=function(t){return ja(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 ja(s(t)).cells.forEach((function(r,n){for(var a,i,o,s,l=r.site,c=r.edges.sort(Ma),u=-1,h=c.length,f=c[h-1].edge,p=f.l===l?f.r:f.l;++ui||h>o||f=_)<<1|e>=b,T=w+4;wi&&(a=e.slice(i,a),s[o]?s[o]+=a:s[++o]=a),(r=r[0])===(n=n[0])?s[o]?s[o]+=n:s[++o]=n:(s[++o]=null,l.push({i:o,x:Xa(r,n)})),i=Qa.lastIndex;return ig&&(g=l.x),l.y>m&&(m=l.y),c.push(l.x),u.push(l.y);else for(h=0;hg&&(g=b),_>m&&(m=_),c.push(b),u.push(_)}var w=g-p,T=m-d;function k(t,e,r,n,a,i,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,a,i,o,s);else{var u=t.point;t.x=t.y=t.point=null,M(t,u,l,c,a,i,o,s),M(t,e,r,n,a,i,o,s)}else t.x=r,t.y=n,t.point=e}else M(t,e,r,n,a,i,o,s)}function M(t,e,r,n,a,i,o,s){var l=.5*(a+o),c=.5*(i+s),u=r>=l,h=n>=c,f=h<<1|u;t.leaf=!1,u?a=l:o=l,h?i=c:s=c,k(t=t.nodes[f]||(t.nodes[f]={leaf:!0,nodes:[],point:null,x:null,y:null}),e,r,n,a,i,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,++h),+x(t,h),p,d,g,m)},visit:function(t){Ga(t,A,p,d,g,m)},find:function(t){return Ya(A,t[0],t[1],p,d,g,m)}};if(h=-1,null==e){for(;++h=0&&!(n=t.interpolators[a](e,r)););return n}function ti(t,e){var r,n=[],a=[],i=t.length,o=e.length,s=Math.min(t.length,e.length);for(r=0;r=1?1:t(e)}}function ii(t){return function(e){return 1-t(1-e)}}function oi(t){return function(e){return.5*(e<.5?t(2*e):2-t(2-2*e))}}function si(t){return t*t}function li(t){return t*t*t}function ci(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 ui(t){return 1-Math.cos(t*Ct)}function hi(t){return Math.pow(2,10*(t-1))}function fi(t){return 1-Math.sqrt(1-t*t)}function pi(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 di(t,e){return e-=t,function(r){return Math.round(t+e*r)}}function gi(t){var e,r,n,a=[t.a,t.b],i=[t.c,t.d],o=vi(a),s=mi(a,i),l=vi(((e=i)[0]+=(n=-s)*(r=a)[0],e[1]+=n*r[1],e))||0;a[0]*i[1]=0?t.slice(0,e):t,a=e>=0?t.slice(e+1):\"in\";return n=ri.get(n)||ei,ai((a=ni.get(a)||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,a=e.c,i=e.l,o=r.h-n,s=r.c-a,l=r.l-i;isNaN(s)&&(s=0,a=isNaN(a)?r.c:a);isNaN(o)?(o=0,n=isNaN(n)?r.h:n):o>180?o-=360:o<-180&&(o+=360);return function(t){return Zt(n+o*t,a+s*t,i+l*t)+\"\"}},t.interpolateHsl=function(e,r){e=t.hsl(e),r=t.hsl(r);var n=e.h,a=e.s,i=e.l,o=r.h-n,s=r.s-a,l=r.l-i;isNaN(s)&&(s=0,a=isNaN(a)?r.s:a);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,a+s*t,i+l*t)+\"\"}},t.interpolateLab=function(e,r){e=t.lab(e),r=t.lab(r);var n=e.l,a=e.a,i=e.b,o=r.l-n,s=r.a-a,l=r.b-i;return function(t){return Qt(n+o*t,a+s*t,i+l*t)+\"\"}},t.interpolateRound=di,t.transform=function(e){var r=a.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 gi(e?e.matrix:yi)})(e)},gi.prototype.toString=function(){return\"translate(\"+this.translate+\")rotate(\"+this.rotate+\")skewX(\"+this.skew+\")scale(\"+this.scale+\")\"};var yi={a:1,b:0,c:0,d:1,e:0,f:0};function xi(t){return t.length?t.pop()+\",\":\"\"}function bi(e,r){var n=[],a=[];return e=t.transform(e),r=t.transform(r),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var a=r.push(\"translate(\",null,\",\",null,\")\");n.push({i:a-4,x:Xa(t[0],e[0])},{i:a-2,x:Xa(t[1],e[1])})}else(e[0]||e[1])&&r.push(\"translate(\"+e+\")\")}(e.translate,r.translate,n,a),function(t,e,r,n){t!==e?(t-e>180?e+=360:e-t>180&&(t+=360),n.push({i:r.push(xi(r)+\"rotate(\",null,\")\")-2,x:Xa(t,e)})):e&&r.push(xi(r)+\"rotate(\"+e+\")\")}(e.rotate,r.rotate,n,a),function(t,e,r,n){t!==e?n.push({i:r.push(xi(r)+\"skewX(\",null,\")\")-2,x:Xa(t,e)}):e&&r.push(xi(r)+\"skewX(\"+e+\")\")}(e.skew,r.skew,n,a),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var a=r.push(xi(r)+\"scale(\",null,\",\",null,\")\");n.push({i:a-4,x:Xa(t[0],e[0])},{i:a-2,x:Xa(t[1],e[1])})}else 1===e[0]&&1===e[1]||r.push(xi(r)+\"scale(\"+e+\")\")}(e.scale,r.scale,n,a),e=r=null,function(t){for(var e,r=-1,i=a.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(a[n])}function Oi(t,e){for(var r=[t],n=[];null!=(t=r.pop());)if(n.push(t),(i=t.children)&&(a=i.length))for(var a,i,o=-1;++o=0;)o.push(u=c[l]),u.parent=i,u.depth=i.depth+1;r&&(i.value=0),i.children=c}else r&&(i.value=+r.call(n,i,i.depth)||0),delete i.children;return Oi(a,(function(e){var n,a;t&&(n=e.children)&&n.sort(t),r&&(a=e.parent)&&(a.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&&(zi(t,(function(t){t.children&&(t.value=0)})),Oi(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 a=e.call(this,t,n);return function t(e,r,n,a){var i=e.children;if(e.x=r,e.y=e.depth*a,e.dx=n,e.dy=a,i&&(o=i.length)){var o,s,l,c=-1;for(n=e.value?n/e.value:0;++cs&&(s=n),o.push(n)}for(r=0;ra&&(n=r,a=e);return n}function Zi(t){return t.reduce(Xi,0)}function Xi(t,e){return t+e[1]}function Ji(t,e){return Ki(t,Math.ceil(Math.log(e.length)/Math.LN2+1))}function Ki(t,e){for(var r=-1,n=+t[0],a=(t[1]-n)/e,i=[];++r<=e;)i[r]=a*r+n;return i}function Qi(e){return[t.min(e),t.max(e)]}function $i(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,a=t.r+e.r;return.999*a*a>r*r+n*n}function no(t){if((e=t.children)&&(l=e.length)){var e,r,n,a,i,o,s,l,c=1/0,u=-1/0,h=1/0,f=-1/0;if(e.forEach(ao),(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,a=e[2]),x(a),to(r,a),r._pack_prev=a,to(a,n),n=r._pack_next,i=3;i0)for(o=-1;++o=h[0]&&l<=h[1]&&((s=c[t.bisect(f,l,1,d)-1]).y+=g,s.push(i[o]));return c}return i.value=function(t){return arguments.length?(r=t,i):r},i.range=function(t){return arguments.length?(n=de(t),i):n},i.bins=function(t){return arguments.length?(a=\"number\"==typeof t?function(e){return Ki(e,t)}:de(t),i):a},i.frequency=function(t){return arguments.length?(e=!!t,i):e},i},t.layout.pack=function(){var e,r=t.layout.hierarchy().sort($i),n=0,a=[1,1];function i(t,i){var o=r.call(this,t,i),s=o[0],l=a[0],c=a[1],u=null==e?Math.sqrt:\"function\"==typeof e?e:function(){return e};if(s.x=s.y=0,Oi(s,(function(t){t.r=+u(t.value)})),Oi(s,no),n){var h=n*(e?1:Math.max(2*s.r/l,2*s.r/c))/2;Oi(s,(function(t){t.r+=h})),Oi(s,no),Oi(s,(function(t){t.r-=h}))}return function t(e,r,n,a){var i=e.children;if(e.x=r+=a*e.x,e.y=n+=a*e.y,e.r*=a,i)for(var o=-1,s=i.length;++op.x&&(p=t),t.depth>d.depth&&(d=t)}));var g=r(f,p)/2-f.x,m=n[0]/(p.x+r(p,f)/2+g),v=n[1]/(d.depth||1);zi(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,a=t.i?n[t.i-1]:null;if(e.length){!function(t){var e,r=0,n=0,a=t.children,i=a.length;for(;--i>=0;)(e=a[i]).z+=r,e.m+=r,r+=e.s+(n+=e.c)}(t);var i=(e[0].z+e[e.length-1].z)/2;a?(t.z=a.z+r(t._,a._),t.m=t.z-i):t.z=i}else a&&(t.z=a.z+r(t._,a._));t.parent.A=function(t,e,n){if(e){for(var a,i=t,o=t,s=e,l=i.parent.children[0],c=i.m,u=o.m,h=s.m,f=l.m;s=co(s),i=lo(i),s&&i;)l=lo(l),(o=co(o)).a=t,(a=s.z+h-i.z-c+r(s._,i._))>0&&(uo(ho(s,t,n),t,a),c+=a,u+=a),h+=s.m,c+=i.m,f+=l.m,u+=o.m;s&&!co(o)&&(o.t=s,o.m+=h-u),i&&!lo(l)&&(l.t=i,l.m+=c-f,n=t)}return n}(t,a,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 i.separation=function(t){return arguments.length?(r=t,i):r},i.size=function(t){return arguments.length?(a=null==(n=t)?l:null,i):a?null:n},i.nodeSize=function(t){return arguments.length?(a=null==(n=t)?null:l,i):a?n:null},Ii(i,e)},t.layout.cluster=function(){var e=t.layout.hierarchy().sort(null).value(null),r=so,n=[1,1],a=!1;function i(i,o){var s,l=e.call(this,i,o),c=l[0],u=0;Oi(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 h=function t(e){var r=e.children;return r&&r.length?t(r[0]):e}(c),f=function t(e){var r,n=e.children;return n&&(r=n.length)?t(n[r-1]):e}(c),p=h.x-r(h,f)/2,d=f.x+r(f,h)/2;return Oi(c,a?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 i.separation=function(t){return arguments.length?(r=t,i):r},i.size=function(t){return arguments.length?(a=null==(n=t),i):a?null:n},i.nodeSize=function(t){return arguments.length?(a=null!=(n=t),i):a?n:null},Ii(i,e)},t.layout.treemap=function(){var e,r=t.layout.hierarchy(),n=Math.round,a=[1,1],i=null,o=fo,s=!1,l=\"squarify\",c=.5*(1+Math.sqrt(5));function u(t,e){for(var r,n,a=-1,i=t.length;++a0;)s.push(r=c[a-1]),s.area+=r.area,\"squarify\"!==l||(n=p(s,g))<=f?(c.pop(),f=n):(s.area-=s.pop().area,d(s,g,i,!1),g=Math.min(i.dx,i.dy),s.length=s.area=0,f=1/0);s.length&&(d(s,g,i,!0),s.length=s.area=0),e.forEach(h)}}function f(t){var e=t.children;if(e&&e.length){var r,n=o(t),a=e.slice(),i=[];for(u(a,n.dx*n.dy/t.value),i.area=0;r=a.pop();)i.push(r),i.area+=r.area,null!=r.z&&(d(i,r.z?n.dx:n.dy,n,!a.length),i.length=i.area=0);e.forEach(f)}}function p(t,e){for(var r,n=t.area,a=0,i=1/0,o=-1,s=t.length;++oa&&(a=r));return e*=e,(n*=n)?Math.max(e*a*c/n,n/(e*i*c)):1/0}function d(t,e,r,a){var i,o=-1,s=t.length,l=r.x,c=r.y,u=e?n(t.area/e):0;if(e==r.dx){for((a||u>r.dy)&&(u=r.dy);++or.dx)&&(u=r.dx);++o1);return t+e*r*Math.sqrt(-2*Math.log(a)/a)}},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=a?wi:_i;return i=t(e,r,s,n),o=t(r,e,s,$a),l}function l(t){return i(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(di)},l.clamp=function(t){return arguments.length?(a=t,s()):a},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,a)},s()}([0,1],[0,1],$a,!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,a,i){function o(t){return(a?Math.log(t<0?0:t):-Math.log(t>0?0:-t))/Math.log(n)}function s(t){return a?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?(a=t[0]>=0,r.domain((i=t.map(Number)).map(o)),l):i},l.base=function(t){return arguments.length?(n=+t,r.domain(i.map(o)),l):n},l.nice=function(){var t=yo(i.map(o),a?Math:Lo);return r.domain(t),i=t.map(s),l},l.ticks=function(){var t=go(i),e=[],r=t[0],l=t[1],c=Math.floor(o(r)),u=Math.ceil(o(l)),h=n%1?2:n;if(isFinite(u-c)){if(a){for(;c0;f--)e.push(s(c)*f);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 a=Math.max(1,n*e/l.ticks().length);return function(t){var e=t/s(Math.round(o(t)));return e*n0?a[t-1]:r[0],th?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(h-S),_=c*Math.sin(h-S);var C=Math.abs(h-u-2*S)<=At?0:1;if(S&&qo(y,x,b,_)===p^C){var L=(u+h)/2;y=c*Math.cos(L),x=c*Math.sin(L),b=_=null}}else y=x=0;if(s){w=s*Math.cos(h-A),T=s*Math.sin(h-A),k=s*Math.cos(u+A),M=s*Math.sin(u+A);var P=Math.abs(u-h+2*A)<=At?0:1;if(A&&qo(w,T,k,M)===1-p^P){var I=(u+h)/2;w=s*Math.cos(I),T=s*Math.sin(I),k=M=null}}else w=T=0;if(f>kt&&(d=Math.min(Math.abs(c-s)/2,+r.apply(this,arguments)))>.001){g=s0?0:1}function Ho(t,e,r,n,a){var i=t[0]-e[0],o=t[1]-e[1],s=(a?n:-n)/Math.sqrt(i*i+o*o),l=s*o,c=-s*i,u=t[0]+l,h=t[1]+c,f=e[0]+l,p=e[1]+c,d=(u+f)/2,g=(h+p)/2,m=f-u,v=p-h,y=m*m+v*v,x=r-n,b=u*p-f*h,_=(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=ra,r=na,n=Yr,a=Wo,i=a.key,o=.7;function s(i){var s,l=[],c=[],u=-1,h=i.length,f=de(e),p=de(r);function d(){l.push(\"M\",a(t(c),o))}for(;++u1&&a.push(\"H\",n[0]);return a.join(\"\")},\"step-before\":Xo,\"step-after\":Jo,basis:$o,\"basis-open\":function(t){if(t.length<4)return Wo(t);var e,r=[],n=-1,a=t.length,i=[0],o=[0];for(;++n<3;)e=t[n],i.push(e[0]),o.push(e[1]);r.push(ts(ns,i)+\",\"+ts(ns,o)),--n;for(;++n9&&(a=3*e/Math.sqrt(a),o[s]=a*r,o[s+1]=a*n));s=-1;for(;++s<=l;)a=(t[Math.min(l,s+1)][0]-t[Math.max(0,s-1)][0])/(6*(1+o[s]*o[s])),i.push([a||0,o[s]*a||0]);return i}(t))}});function Wo(t){return t.length>1?t.join(\"L\"):t+\"Z\"}function Zo(t){return t.join(\"L\")+\"Z\"}function Xo(t){for(var e=0,r=t.length,n=t[0],a=[n[0],\",\",n[1]];++e1){s=e[1],i=t[l],l++,n+=\"C\"+(a[0]+o[0])+\",\"+(a[1]+o[1])+\",\"+(i[0]-s[0])+\",\"+(i[1]-s[1])+\",\"+i[0]+\",\"+i[1];for(var c=2;cAt)+\",1 \"+e}function l(t,e,r,n){return\"Q 0,0 \"+n}return i.radius=function(t){return arguments.length?(r=de(t),i):r},i.source=function(e){return arguments.length?(t=de(e),i):t},i.target=function(t){return arguments.length?(e=de(t),i):e},i.startAngle=function(t){return arguments.length?(n=de(t),i):n},i.endAngle=function(t){return arguments.length?(a=de(t),i):a},i},t.svg.diagonal=function(){var t=Vn,e=qn,r=cs;function n(n,a){var i=t.call(this,n,a),o=e.call(this,n,a),s=(i.y+o.y)/2,l=[i,{x:i.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=fs,e=hs;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,a=As(t),i=[],o=_s||{time:Date.now(),ease:ci,delay:0,duration:250},s=-1,l=this.length;++s0;)c[--f].call(t,o);if(i>=1)return h.event&&h.event.end.call(t,t.__data__,e),--u.count?delete u[n]:delete t[r],1}h||(i=a.time,o=we((function(t){var e=h.delay;if(o.t=e+i,e<=t)return f(t-e);o.c=f}),0,i),h=u[n]={tween:new _,time:i,timer:o,delay:a.delay,duration:a.duration,ease:a.ease,index:e},a=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,a=this.id,i=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 h,m,v=this,y=t.select(t.event.target),x=n.of(v,arguments),b=t.select(v),_=y.datum(),w=!/^(n|s)$/.test(_)&&a,T=!/^(e|w)$/.test(_)&&i,k=y.classed(\"extent\"),M=bt(v),A=t.mouse(v),S=t.select(o(v)).on(\"keydown.brush\",L).on(\"keyup.brush\",P);if(t.event.changedTouches?S.on(\"touchmove.brush\",I).on(\"touchend.brush\",O):S.on(\"mousemove.brush\",I).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&&(h=A.slice());function L(){32==t.event.keyCode&&(k||(h=null,A[0]-=s[1],A[1]-=l[1],k=2),F())}function P(){32==t.event.keyCode&&2==k&&(A[0]+=s[1],A[1]+=l[1],k=0,F())}function I(){var e=t.mouse(v),r=!1;m&&(e[0]+=m[0],e[1]+=m[1]),k||(t.event.altKey?(h||(h=[(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))},a.ticks=function(t,e){var r=go(a.domain()),n=null==t?i(r,10):\"number\"==typeof t?i(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)},a.tickFormat=function(){return n},a.copy=function(){return Bs(e.copy(),r,n)},wo(a,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,Ie.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()})),Ie.seconds=Ie.second.range,Ie.seconds.utc=Ie.second.utc.range,Ie.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()})),Ie.minutes=Ie.minute.range,Ie.minutes.utc=Ie.minute.utc.range,Ie.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()})),Ie.hours=Ie.hour.range,Ie.hours.utc=Ie.hour.utc.range,Ie.month=Re((function(t){return(t=Ie.day(t)).setDate(1),t}),(function(t,e){t.setMonth(t.getMonth()+e)}),(function(t){return t.getMonth()})),Ie.months=Ie.month.range,Ie.months.utc=Ie.month.utc.range;var js=[1e3,5e3,15e3,3e4,6e4,3e5,9e5,18e5,36e5,108e5,216e5,432e5,864e5,1728e5,6048e5,2592e6,7776e6,31536e6],Us=[[Ie.second,1],[Ie.second,5],[Ie.second,15],[Ie.second,30],[Ie.minute,1],[Ie.minute,5],[Ie.minute,15],[Ie.minute,30],[Ie.hour,1],[Ie.hour,3],[Ie.hour,6],[Ie.hour,12],[Ie.day,1],[Ie.day,2],[Ie.week,1],[Ie.month,1],[Ie.month,3],[Ie.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=Ie.year,Ie.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=a.createRange();return e.selectNode(a.body),e.createContextualFragment(t.responseText)}Hs.year=Ie.year.utc,Ie.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){f=(b=_[u])[0];b[0]=b[1],b[1]=f}return _}},{\"incremental-convex-hull\":433,uniq:569}],172:[function(t,e,r){\"use strict\";e.exports=i;var n=(i.canvas=document.createElement(\"canvas\")).getContext(\"2d\"),a=o([32,126]);function i(t,e){Array.isArray(t)&&(t=t.join(\", \"));var r,i={},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=a),n.font=s+\"px \"+t;for(var c=0;cs*l){var p=(f-h)/s;i[u]=1e3*p}}return i}function o(t){for(var e=[],r=t[0];r<=t[1];r++)for(var n=String.fromCharCode(r),a=t[0];a>>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),a=1048575&n;return 2146435072&n&&(a+=1<<20),[r,a]},e.exports.denormalized=function(t){return!(2146435072&e.exports.hi(t))}}).call(this,t(\"buffer\").Buffer)},{buffer:111}],174:[function(t,e,r){var n=t(\"abs-svg-path\"),a=t(\"normalize-svg-path\"),i={M:\"moveTo\",C:\"bezierCurveTo\"};e.exports=function(t,e){t.beginPath(),a(n(e)).forEach((function(e){var r=e[0],n=e.slice(1);t[i[r]].apply(t,n)})),t.closePath()}},{\"abs-svg-path\":65,\"normalize-svg-path\":471}],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 a(t,e,r,n,a){var i,o;if(a===E(t,e,r,n)>0)for(i=e;i=e;i-=n)o=M(i,t[i],t[i+1],o);return o&&x(o,o.next)&&(A(o),o=o.next),o}function i(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,a,h,f){if(t){!f&&h&&function(t,e,r,n){var a=t;do{null===a.z&&(a.z=d(a.x,a.y,e,r,n)),a.prevZ=a.prev,a.nextZ=a.next,a=a.next}while(a!==t);a.prevZ.nextZ=null,a.prevZ=null,function(t){var e,r,n,a,i,o,s,l,c=1;do{for(r=t,t=null,i=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)?(a=r,r=r.nextZ,s--):(a=n,n=n.nextZ,l--),i?i.nextZ=a:t=a,a.prevZ=i,i=a;r=n}i.nextZ=null,c*=2}while(o>1)}(a)}(t,n,a,h);for(var p,g,m=t;t.prev!==t.next;)if(p=t.prev,g=t.next,h?l(t,n,a,h):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){f?1===f?o(t=c(i(t),e,r),e,r,n,a,h,2):2===f&&u(t,e,r,n,a,h):o(i(t),e,r,n,a,h,1);break}}}function s(t){var e=t.prev,r=t,n=t.next;if(y(e,r,n)>=0)return!1;for(var a=t.next.next;a!==t.prev;){if(m(e.x,e.y,r.x,r.y,n.x,n.y,a.x,a.y)&&y(a.prev,a,a.next)>=0)return!1;a=a.next}return!0}function l(t,e,r,n){var a=t.prev,i=t,o=t.next;if(y(a,i,o)>=0)return!1;for(var s=a.xi.x?a.x>o.x?a.x:o.x:i.x>o.x?i.x:o.x,u=a.y>i.y?a.y>o.y?a.y:o.y:i.y>o.y?i.y:o.y,h=d(s,l,e,r,n),f=d(c,u,e,r,n),p=t.prevZ,g=t.nextZ;p&&p.z>=h&&g&&g.z<=f;){if(p!==t.prev&&p!==t.next&&m(a.x,a.y,i.x,i.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(a.x,a.y,i.x,i.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>=h;){if(p!==t.prev&&p!==t.next&&m(a.x,a.y,i.x,i.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<=f;){if(g!==t.prev&&g!==t.next&&m(a.x,a.y,i.x,i.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 a=n.prev,o=n.next.next;!x(a,o)&&b(a,n,n.next,o)&&T(a,o)&&T(o,a)&&(e.push(a.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 i(n)}function u(t,e,r,n,a,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=i(l,l.next),u=i(u,u.next),o(l,e,r,n,a,s),void o(u,e,r,n,a,s)}c=c.next}l=l.next}while(l!==t)}function h(t,e){return t.x-e.x}function f(t,e){if(e=function(t,e){var r,n=e,a=t.x,i=t.y,o=-1/0;do{if(i<=n.y&&i>=n.next.y&&n.next.y!==n.y){var s=n.x+(i-n.y)*(n.next.x-n.x)/(n.next.y-n.y);if(s<=a&&s>o){if(o=s,s===a){if(i===n.y)return n;if(i===n.next.y)return n.next}r=n.x=n.x&&n.x>=u&&a!==n.x&&m(ir.x||n.x===r.x&&p(r,n)))&&(r=n,f=l)),n=n.next}while(n!==c);return r}(t,e)){var r=k(e,t);i(e,e.next),i(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,a){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t=32767*(t-r)*a)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e=32767*(e-n)*a)|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)*(i-s)-(a-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,a=(t.x+e.x)/2,i=(t.y+e.y)/2;do{r.y>i!=r.next.y>i&&r.next.y!==r.y&&a<(r.next.x-r.x)*(i-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 a=w(y(t,e,r)),i=w(y(t,e,n)),o=w(y(r,n,t)),s=w(y(r,n,e));return a!==i&&o!==s||(!(0!==a||!_(t,r,e))||(!(0!==i||!_(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),a=t.next,i=e.prev;return t.next=e,e.prev=t,r.next=a,a.prev=r,n.next=r,r.prev=n,i.next=n,n.prev=i,n}function M(t,e,r,n){var a=new S(t,e,r);return n?(a.next=n.next,a.prev=n,n.next.prev=a,n.next=a):(a.prev=a,a.next=a),a}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 a=0,i=e,o=r-n;i0&&(n+=t[a-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 a=0;a=e}))}(e);for(var r,a=n(t).components.filter((function(t){return t.length>1})),i=1/0,o=0;o=55296&&y<=56319&&(w+=t[++r]),w=T?f.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\"),a=Math.abs,i=Math.floor;e.exports=function(t){return isNaN(t)?0:0!==(t=Number(t))&&isFinite(t)?n(t)*i(a(t)):t}},{\"../math/sign\":187}],191:[function(t,e,r){\"use strict\";var n=t(\"./to-integer\"),a=Math.max;e.exports=function(t){return a(0,n(t))}},{\"./to-integer\":190}],192:[function(t,e,r){\"use strict\";var n=t(\"./valid-callable\"),a=t(\"./valid-value\"),i=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,h=arguments[2],f=arguments[3];return r=Object(a(r)),n(c),u=s(r),f&&u.sort(\"function\"==typeof f?i.call(f,r):void 0),\"function\"!=typeof t&&(t=u[t]),o.call(t,u,(function(t,n){return l.call(r,t)?o.call(c,h,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\"),a=t(\"../valid-value\"),i=Math.max;e.exports=function(t,e){var r,o,s,l=i(arguments.length,2);for(t=Object(a(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,a=n.call(\"\");e.exports=function(t){return\"string\"==typeof t||t&&\"object\"==typeof t&&(t instanceof String||n.call(t)===a)||!1}},{}],216:[function(t,e,r){\"use strict\";var n=Object.create(null),a=Math.random;e.exports=function(){var t;do{t=a().toString(36).slice(2)}while(n[t]);return t}},{}],217:[function(t,e,r){\"use strict\";var n,a=t(\"es5-ext/object/set-prototype-of\"),i=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?i.call(e,\"key+value\")?\"key+value\":i.call(e,\"key\")?\"key\":\"value\":\"value\",c(this,\"__kind__\",o(\"\",e))},a&&a(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\"),a=t(\"es5-ext/object/valid-callable\"),i=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,h,f,p,d,g,m,v=arguments[2];if(s(t)||n(t)?r=\"array\":i(t)?r=\"string\":t=o(t),a(e),h=function(){f=!0},\"array\"!==r)if(\"string\"!==r)for(u=t.next();!u.done;){if(l.call(e,v,u.value,h),f)return;u=t.next()}else for(d=t.length,p=0;p=55296&&m<=56319&&(g+=t[++p]),l.call(e,v,g,h),!f);++p);else c.call(t,(function(t){return l.call(e,v,t,h),f}))}},{\"./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\"),a=t(\"es5-ext/string/is-string\"),i=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 i(t):a(t)?new o(t):new i(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,a=t(\"es5-ext/array/#/clear\"),i=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\"),h=Object.defineProperty,f=Object.defineProperties;e.exports=n=function(t,e){if(!(this instanceof n))throw new TypeError(\"Constructor requires 'new'\");f(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,f(n.prototype,i({_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)):h(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__&&a.call(this.__redo__),this.__nextIndex__=0}))}))),h(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\"),a=t(\"es5-ext/object/is-value\"),i=t(\"es5-ext/string/is-string\"),o=t(\"es6-symbol\").iterator,s=Array.isArray;e.exports=function(t){return!!a(t)&&(!!s(t)||(!!i(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,a=t(\"es5-ext/object/set-prototype-of\"),i=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__\",i(\"\",t.length))},a&&a(n,s),delete n.prototype.constructor,n.prototype=Object.create(s.prototype,{_next:i((function(){if(this.__list__)return this.__nextIndex__=55296&&e<=56319?r+this.__list__[this.__nextIndex__++]:r}))}),l(n.prototype,o.toStringTag,i(\"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,a){\n", "/*!\n", " * @overview es6-promise - a tiny implementation of Promises/A+.\n", " * @copyright Copyright (c) 2014 Yehuda Katz, Tom Dale, Stefan Penner and contributors (Conversion to ES6 API by Jake Archibald)\n", @@ -131,7 +136,7 @@ " * See https://raw.githubusercontent.com/stefanpenner/es6-promise/master/LICENSE\n", " * @version v4.2.8+1e68dce6\n", " */\n", - "!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)},i=0,o=void 0,s=void 0,l=function(t,e){g[i]=t,g[i+1]=e,2===(i+=2)&&(s?s(m):_())};var c=\"undefined\"!=typeof window?window:void 0,u=c||{},h=u.MutationObserver||u.WebKitMutationObserver,f=\"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){f=l.length-1;var d=t-e[r-1];for(p=0;p=r-1)for(var u=s.length-1,h=(e[r-1],0);h=0;--r)if(t[--e])return!1;return!0},s.jump=function(t){var e=this.lastT(),r=this.dimension;if(!(t0;--h)n.push(i(l[h-1],c[h-1],arguments[h])),a.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 f=r;f>0;--f){var p=i(c[f-1],u[f-1],arguments[f]);n.push(p),a.push((p-n[o++])*h)}}},s.set=function(t){var e=this.dimension;if(!(t0;--l)r.push(i(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,a=this._velocity,o=n.length-this.dimension,s=this.bounds,l=s[0],c=s[1],u=t-e,h=u>1e-6?1/u:0;this._time.push(t);for(var f=r;f>0;--f){var p=arguments[f];n.push(i(l[f-1],c[f-1],n[o++]+p)),a.push(p*h)}}},s.idle=function(t){var e=this.lastT();if(!(t=0;--h)n.push(i(l[h],c[h],n[o]+u*a[o])),a.push(0),o+=1}}},{\"binary-search-bounds\":243,\"cubic-hermite\":150}],243:[function(t,e,r){\"use strict\";function n(t,e,r,n,a,i){var o=[\"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\",a?\".get(m)\":\"[m]\"];return i?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(\"}\"),i?o.push(\"return -1};\"):o.push(\"return i};\"),o.join(\"\")}function a(t,e,r,a){return new Function([n(\"A\",\"x\"+t+\"y\",e,[\"y\"],!1,a),n(\"B\",\"x\"+t+\"y\",e,[\"y\"],!0,a),n(\"P\",\"c(x,y)\"+t+\"0\",e,[\"y\",\"c\"],!1,a),n(\"Q\",\"c(x,y)\"+t+\"0\",e,[\"y\",\"c\"],!0,a),\"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:a(\">=\",!1,\"GE\"),gt:a(\">\",!1,\"GT\"),lt:a(\"<\",!0,\"LT\"),le:a(\"<=\",!0,\"LE\"),eq:a(\"-\",!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 a,i,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(a=0,o=r;ae[0]-o[0]/2&&(f=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 a(n.cache[r],c);var u=e.canvas||n.canvas,h=u.getContext(\"2d\"),f={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,h.font=t;var d={top:0};h.clearRect(0,0,p,p),h.textBaseline=\"top\",h.fillStyle=\"black\",h.fillText(\"H\",0,0);var g=i(h.getImageData(0,0,p,p));h.clearRect(0,0,p,p),h.textBaseline=\"bottom\",h.fillText(\"H\",0,p);var m=i(h.getImageData(0,0,p,p));d.lineHeight=d.bottom=p-m+g,h.clearRect(0,0,p,p),h.textBaseline=\"alphabetic\",h.fillText(\"H\",0,p);var v=p-i(h.getImageData(0,0,p,p))-1+g;d.baseline=d.alphabetic=v,h.clearRect(0,0,p,p),h.textBaseline=\"middle\",h.fillText(\"H\",0,.5*p);var y=i(h.getImageData(0,0,p,p));d.median=d.middle=p-y-1+g-.5*p,h.clearRect(0,0,p,p),h.textBaseline=\"hanging\",h.fillText(\"H\",0,.5*p);var x=i(h.getImageData(0,0,p,p));d.hanging=p-x-1+g-.5*p,h.clearRect(0,0,p,p),h.textBaseline=\"ideographic\",h.fillText(\"H\",0,p);var b=i(h.getImageData(0,0,p,p));if(d.ideographic=p-b-1+g,f.upper&&(h.clearRect(0,0,p,p),h.textBaseline=\"top\",h.fillText(f.upper,0,0),d.upper=i(h.getImageData(0,0,p,p)),d.capHeight=d.baseline-d.upper),f.lower&&(h.clearRect(0,0,p,p),h.textBaseline=\"top\",h.fillText(f.lower,0,0),d.lower=i(h.getImageData(0,0,p,p)),d.xHeight=d.baseline-d.lower),f.tittle&&(h.clearRect(0,0,p,p),h.textBaseline=\"top\",h.fillText(f.tittle,0,0),d.tittle=i(h.getImageData(0,0,p,p))),f.ascent&&(h.clearRect(0,0,p,p),h.textBaseline=\"top\",h.fillText(f.ascent,0,0),d.ascent=i(h.getImageData(0,0,p,p))),f.descent&&(h.clearRect(0,0,p,p),h.textBaseline=\"top\",h.fillText(f.descent,0,0),d.descent=o(h.getImageData(0,0,p,p))),f.overshoot){h.clearRect(0,0,p,p),h.textBaseline=\"top\",h.fillText(f.overshoot,0,0);var _=o(h.getImageData(0,0,p,p));d.overshoot=_-v}for(var w in d)d[w]/=s;return d.em=s,n.cache[r]=d,a(d,c)}function a(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 i(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,a,i){this._color=t,this.key=e,this.value=r,this.left=n,this.right=a,this._count=i}function a(t){return new n(t._color,t.key,t.value,t.left,t.right,t._count)}function i(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 a;if(n.left)if(a=u(t,e,r,n.left))return a;if(a=r(n.key,n.value))return a}if(n.right)return u(t,e,r,n.right)}function h(t,e,r,n,a){var i,o=r(t,a.key),s=r(e,a.key);if(o<=0){if(a.left&&(i=h(t,e,r,n,a.left)))return i;if(s>0&&(i=n(a.key,a.value)))return i}if(s>0&&a.right)return h(t,e,r,n,a.right)}function f(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,a=this.root,l=[],c=[];a;){var u=r(t,a.key);l.push(a),c.push(u),a=u<=0?a.left:a.right}l.push(new n(0,t,e,null,null,1));for(var h=l.length-2;h>=0;--h){a=l[h];c[h]<=0?l[h]=new n(a._color,a.key,a.value,l[h+1],a.right,a._count+1):l[h]=new n(a._color,a.key,a.value,a.left,l[h+1],a._count+1)}for(h=l.length-1;h>1;--h){var f=l[h-1];a=l[h];if(1===f._color||1===a._color)break;var p=l[h-2];if(p.left===f)if(f.left===a){if(!(d=p.right)||0!==d._color){if(p._color=0,p.left=f.right,f._color=1,f.right=p,l[h-2]=f,l[h-1]=a,o(p),o(f),h>=3)(g=l[h-3]).left===p?g.left=f:g.right=f;break}f._color=1,p.right=i(1,d),p._color=0,h-=1}else{if(!(d=p.right)||0!==d._color){if(f.right=a.left,p._color=0,p.left=a.right,a._color=1,a.left=f,a.right=p,l[h-2]=a,l[h-1]=f,o(p),o(f),o(a),h>=3)(g=l[h-3]).left===p?g.left=a:g.right=a;break}f._color=1,p.right=i(1,d),p._color=0,h-=1}else if(f.right===a){if(!(d=p.left)||0!==d._color){if(p._color=0,p.right=f.left,f._color=1,f.left=p,l[h-2]=f,l[h-1]=a,o(p),o(f),h>=3)(g=l[h-3]).right===p?g.right=f:g.left=f;break}f._color=1,p.left=i(1,d),p._color=0,h-=1}else{var d;if(!(d=p.left)||0!==d._color){var g;if(f.left=a.right,p._color=0,p.right=a.left,a._color=1,a.right=f,a.left=p,l[h-2]=a,l[h-1]=f,o(p),o(f),o(a),h>=3)(g=l[h-3]).right===p?g.right=a:g.left=a;break}f._color=1,p.left=i(1,d),p._color=0,h-=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 h(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 f(this,t)}}),Object.defineProperty(l,\"end\",{get:function(){for(var t=[],e=this.root;e;)t.push(e),e=e.right;return new f(this,t)}}),l.at=function(t){if(t<0)return new f(this,[]);for(var e=this.root,r=[];;){if(r.push(e),e.left){if(t=e.right._count)break;e=e.right}return new f(this,[])},l.ge=function(t){for(var e=this._compare,r=this.root,n=[],a=0;r;){var i=e(t,r.key);n.push(r),i<=0&&(a=n.length),r=i<=0?r.left:r.right}return n.length=a,new f(this,n)},l.gt=function(t){for(var e=this._compare,r=this.root,n=[],a=0;r;){var i=e(t,r.key);n.push(r),i<0&&(a=n.length),r=i<0?r.left:r.right}return n.length=a,new f(this,n)},l.lt=function(t){for(var e=this._compare,r=this.root,n=[],a=0;r;){var i=e(t,r.key);n.push(r),i>0&&(a=n.length),r=i<=0?r.left:r.right}return n.length=a,new f(this,n)},l.le=function(t){for(var e=this._compare,r=this.root,n=[],a=0;r;){var i=e(t,r.key);n.push(r),i>=0&&(a=n.length),r=i<0?r.left:r.right}return n.length=a,new f(this,n)},l.find=function(t){for(var e=this._compare,r=this.root,n=[];r;){var a=e(t,r.key);if(n.push(r),0===a)return new f(this,n);r=a<=0?r.left:r.right}return new f(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=f.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 f(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 h=e[e.length-2];h.left===r?h.left=null:h.right===r&&(h.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=a(n)).right=a(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=a(n)).left=a(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=i(0,n));r.right=i(0,n);continue}n=a(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=a(n)).right=a(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=i(0,n));r.left=i(0,n);continue}var c;n=a(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),a=e[e.length-1];r[r.length-1]=new n(a._color,a.key,t,a.left,a.right,a._count);for(var i=e.length-2;i>=0;--i)(a=e[i]).left===e[i+1]?r[i]=new n(a._color,a.key,a.value,r[i+1],a.right,a._count):r[i]=new n(a._color,a.key,a.value,a.left,r[i+1],a._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],a=[.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 i(t){if(t<0)return Number(\"0/0\");for(var e=a[0],r=a.length-1;r>0;--r)e+=a[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(i(e));e-=1;for(var r=n[0],a=1;a<9;a++)r+=n[a]/(e+a);var o=e+7+.5;return Math.sqrt(2*Math.PI)*Math.pow(o,e+.5)*Math.exp(-o)*r},e.exports.log=i},{}],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,a=e;try{var i=[t];0===t.indexOf(\"webgl\")&&i.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};h.isOpaque=function(){return!0},h.isTransparent=function(){return!1},h.drawTransparent=function(t){};var v=[0,0,0],y=[0,0,0],x=[0,0,0];h.draw=function(t){t=t||m;for(var e=this.gl,r=t.model||l,n=t.view||l,a=t.projection||l,i=this.bounds,s=t._ortho||!1,u=o(r,n,a,i,s),h=u.cubeEdges,f=u.axis,b=n[12],_=n[13],w=n[14],T=n[15],k=(s?2:1)*this.pixelRatio*(a[3]*b+a[7]*_+a[11]*w+a[15]*T)/e.drawingBufferHeight,M=0;M<3;++M)this.lastCubeProps.cubeEdges[M]=h[M],this.lastCubeProps.axis[M]=f[M];var A=p;for(M=0;M<3;++M)d(p[M],M,this.bounds,h,f);e=this.gl;var S,E=g;for(M=0;M<3;++M)this.backgroundEnable[M]?E[M]=f[M]:E[M]=0;this._background.draw(r,n,a,i,E,this.backgroundColor),this._lines.bind(r,n,a,this);for(M=0;M<3;++M){var C=[0,0,0];f[M]>0?C[M]=i[1][M]:C[M]=i[0][M];for(var L=0;L<2;++L){var P=(M+1+L)%3,I=(M+1+(1^L))%3;this.gridEnable[P]&&this._lines.drawGrid(P,I,this.bounds,C,this.gridColor[P],this.gridWidth[P]*this.pixelRatio)}for(L=0;L<2;++L){P=(M+1+L)%3,I=(M+1+(1^L))%3;this.zeroEnable[I]&&Math.min(i[0][I],i[1][I])<=0&&Math.max(i[0][I],i[1][I])>=0&&this._lines.drawZero(P,I,this.bounds,C,this.zeroLineColor[I],this.zeroLineWidth[I]*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,a,this.pixelRatio);var F,B;function N(t){(B=[0,0,0])[t]=1}function j(t,e,r){var n=(t+1)%3,a=(t+2)%3,i=e[n],o=e[a],s=r[n],l=r[a];i>0&&l>0||i>0&&l<0||i<0&&l>0||i<0&&l<0?N(n):(o>0&&s>0||o>0&&s<0||o<0&&s>0||o<0&&s<0)&&N(a)}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*(i[0][M]+i[1][M]),this._text.drawLabel(M,this.labelSize[M],this.labelAngle[M],q,this.labelColor[M],[0,0,0],B,S)}}this._text.unbind()},h.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,h=[0,0,0],f=[0,0,0],p=-1;p<=1;p+=2){r.push(s,s+2,s+1,s+1,s+2,s+3),h[l]=p,f[l]=p;for(var d=-1;d<=1;d+=2){h[c]=d;for(var g=-1;g<=1;g+=2)h[u]=g,e.push(h[0],h[1],h[2],f[0],f[1],f[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=a(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=i(t);return b.attributes.position.location=0,b.attributes.normal.location=1,new o(t,v,x,b)};var n=t(\"gl-buffer\"),a=t(\"gl-vao\"),i=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,a,i){for(var o=!1,s=0;s<3;++s)o=o||a[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:a,colors:i},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\":258,\"gl-vao\":332}],252:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,i,p){a(s,e,t),a(s,r,s);for(var y=0,x=0;x<2;++x){u[2]=i[x][2];for(var b=0;b<2;++b){u[1]=i[b][1];for(var _=0;_<2;++_)u[0]=i[_][0],f(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 a(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 a(t,c,u,null,[{name:\"position\",type:\"vec3\"},{name:\"normal\",type:\"vec3\"}])}},{\"gl-shader\":312,glslify:413}],255:[function(t,e,r){(function(r){\"use strict\";e.exports=function(t,e,r,i,s,l){var u=n(t),h=a(t,[{buffer:u,size:3}]),f=o(t);f.attributes.position.location=0;var p=new c(t,f,u,h);return p.update(e,r,i,s,l),p};var n=t(\"gl-buffer\"),a=t(\"gl-vao\"),i=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,h=[0,0];u.bind=function(t,e,r,n){this.vao.bind(),this.shader.bind();var a=this.shader.uniforms;a.model=t,a.view=e,a.projection=r,a.pixelScale=n,h[0]=this.gl.drawingBufferWidth,h[1]=this.gl.drawingBufferHeight,this.shader.uniforms.resolution=h},u.unbind=function(){this.vao.unbind()},u.update=function(t,e,r,n,a){var o=[];function s(t,e,r,n,a,s){var c=l[r];c||(c=l[r]={});var u=c[e];u||(u=c[e]=function(t,e){try{return i(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:a,styletags:s}));for(var h=(n||12)/12,f=u.positions,p=u.cells,d=0,g=p.length;d=0;--v){var y=f[m[v]];o.push(h*y[0],-h*y[1],t)}}for(var c=[0,0,0],u=[0,0,0],h=[0,0,0],f=[0,0,0],p={breaklines:!0,bolds:!0,italics:!0,subscripts:!0,superscripts:!0},d=0;d<3;++d){h[d]=o.length/3|0,s(.5*(t[0][d]+t[1][d]),e[d],r[d],12,1.25,p),f[d]=(o.length/3|0)-h[d],c[d]=o.length/3|0;for(var g=0;g=0&&(a=r.length-n-1);var i=Math.pow(10,a),o=Math.round(t*e*i),s=o+\"\";if(s.indexOf(\"e\")>=0)return s;var l=o/i,c=o%i;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),a){for(var h=\"\"+c;h.length=t[0][a];--o)i.push({x:o*e[a],text:n(e[a],o)});r.push(i)}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,i,a),r}function u(t,e){for(var r=n.malloc(t.length,e),a=t.length,i=0;i=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=i(s,t.shape);a.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 h;h=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?h:h.subarray(0,t.length),e),n.free(h)}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 a=t.createBuffer(),i=new s(t,r,a,0,n);return i.update(e),i}},{ndarray:469,\"ndarray-ops\":464,\"typedarray-pool\":567}],259:[function(t,e,r){\"use strict\";var n=t(\"gl-vec3\");e.exports=function(t,e){var r=t.positions,a=t.vectors,i={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]),i;for(var o=0,s=1/0,l=-1/0,c=1/0,u=-1/0,h=1/0,f=-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,h],T=[l,u,f];e&&(e[0]=w,e[1]=T),0===o&&(o=1);var k=1/o;isFinite(m)||(m=1),i.vectorScale=m;var M=t.coneSize||.5;t.absoluteConeSize&&(M=t.absoluteConeSize*k),i.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 a=e[n],i=0;i<3;++i)r[4*n+i]=a[i];r[4*n+3]=255*a[3]}return c(r,[256,256,4],[4,0,1])}(t.colormap)),this.texture.generateMipmap());var r=t.cells,n=t.positions,a=t.vectors;if(n&&r&&a){var i=[],o=[],s=[],l=[],h=[];this.cells=r,this.positions=n,this.vectors=a;var f=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||h,n=t.view||h,a=t.projection||h,i=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)i[0][o]=Math.max(i[0][o],this.clipBounds[0][o]),i[1][o]=Math.min(i[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(a),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s={model:r,view:n,projection:a,clipBounds:i,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),a={position:n,dataCoordinate:n,index:Math.floor(r[1]/48)};return\"cone\"===this.traceType?a.index=Math.floor(r[1]/48):\"streamtube\"===this.traceType&&(a.intensity=this.intensity[r[1]],a.velocity=this.vectors[r[1]].slice(0,3),a.divergence=this.vectors[r[1]][3],a.index=e),a},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 h=a(t),p=a(t),m=a(t),v=a(t),y=a(t),x=i(t,[{buffer:h,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 f(t,u,s,l,h,p,y,m,v,x,r.traceType||\"cone\");return b.update(e),b}},{colormap:131,\"gl-buffer\":258,\"gl-mat4/invert\":278,\"gl-mat4/multiply\":280,\"gl-shader\":312,\"gl-texture2d\":327,\"gl-vao\":332,ndarray:469}],261:[function(t,e,r){var n=t(\"glslify\"),a=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\"]),i=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:a,fragment:i,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:413}],262:[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\"}},{}],263:[function(t,e,r){var n=t(\"./1.0/numbers\");e.exports=function(t){return n[t]}},{\"./1.0/numbers\":262}],264:[function(t,e,r){\"use strict\";e.exports=function(t){var e=t.gl,r=n(e),o=a(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=i(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\"),a=t(\"gl-vao\"),i=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,a=r.projection=t.projection||o;r.model=t.model||o,r.clipBounds=this.clipBounds,r.opacity=this.opacity;var i=n[12],s=n[13],l=n[14],c=n[15],u=(t._ortho||!1?2:1)*this.pixelRatio*(a[3]*i+a[7]*s+a[11]*l+a[15]*c)/e.drawingBufferHeight;this.vao.bind();for(var h=0;h<3;++h)e.lineWidth(this.lineWidth[h]*this.pixelRatio),r.capSize=this.capSize[h]*u,this.lineCount[h]&&e.drawArrays(e.LINES,this.lineOffset[h],this.lineCount[h]);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 a=-1;a<=1;a+=2){var i=[0,0,0];i[(n+e)%3]=a,r.push(i)}t[e]=r}return t}();function h(t,e,r,n){for(var a=u[n],i=0;i0)(g=u.slice())[s]+=p[1][s],a.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+h(a,g,d,s)}}this.lineCount[s]=o-this.lineOffset[s]}this.buffer.update(a)}},l.dispose=function(){this.shader.dispose(),this.buffer.dispose(),this.vao.dispose()}},{\"./shaders/index\":265,\"gl-buffer\":258,\"gl-vao\":332}],265:[function(t,e,r){\"use strict\";var n=t(\"glslify\"),a=t(\"gl-shader\"),i=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 a(t,i,o,null,[{name:\"position\",type:\"vec3\"},{name:\"color\",type:\"vec4\"},{name:\"offset\",type:\"vec3\"}])}},{\"gl-shader\":312,glslify:413}],266:[function(t,e,r){\"use strict\";var n=t(\"gl-texture2d\");e.exports=function(t,e,r,n){a||(a=t.FRAMEBUFFER_UNSUPPORTED,i=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 a=new Array(r),i=0;iu||r<0||r>u)throw new Error(\"gl-fbo: Parameters are too large for FBO\");var h=1;if(\"color\"in(n=n||{})){if((h=Math.max(0|n.color,0))<0)throw new Error(\"gl-fbo: Must specify a nonnegative number of colors\");if(h>1){if(!c)throw new Error(\"gl-fbo: Multiple draw buffer extension not supported\");if(h>t.getParameter(c.MAX_COLOR_ATTACHMENTS_WEBGL))throw new Error(\"gl-fbo: Context does not support \"+h+\" draw buffers\")}}var f=t.UNSIGNED_BYTE,p=t.getExtension(\"OES_texture_float\");if(n.float&&h>0){if(!p)throw new Error(\"gl-fbo: Context does not support floating point textures\");f=t.FLOAT}else n.preferFloat&&h>0&&p&&(f=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,f,h,g,m,c)};var a,i,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 h(t){switch(t){case a:throw new Error(\"gl-fbo: Framebuffer unsupported\");case i: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 f(t,e,r,a,i,o){if(!a)return null;var s=n(t,e,r,i,a);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,a){var i=t.createRenderbuffer();return t.bindRenderbuffer(t.RENDERBUFFER,i),t.renderbufferStorage(t.RENDERBUFFER,n,e,r),t.framebufferRenderbuffer(t.FRAMEBUFFER,a,t.RENDERBUFFER,i),i}function d(t,e,r,n,a,i,o,s){this.gl=t,this._shape=[0|e,0|r],this._destroyed=!1,this._ext=s,this.color=new Array(a);for(var d=0;d1&&s.drawBuffersWEBGL(l[o]);var y=r.getExtension(\"WEBGL_depth_texture\");y?d?t.depth=f(r,a,i,y.UNSIGNED_INT_24_8_WEBGL,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g&&(t.depth=f(r,a,i,r.UNSIGNED_SHORT,r.DEPTH_COMPONENT,r.DEPTH_ATTACHMENT)):g&&d?t._depth_rb=p(r,a,i,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g?t._depth_rb=p(r,a,i,r.DEPTH_COMPONENT16,r.DEPTH_ATTACHMENT):d&&(t._depth_rb=p(r,a,i,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;va||r<0||r>a)throw new Error(\"gl-fbo: Can't resize FBO, invalid dimensions\");t._shape[0]=e,t._shape[1]=r;for(var i=c(n),o=0;o>8*p&255;this.pickOffset=r,a.bind();var d=a.uniforms;d.viewTransform=t,d.pickOffset=e,d.shape=this.shape;var g=a.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]}}}(),h.pick=function(t,e,r){var n=this.pickOffset,a=this.shape[0]*this.shape[1];if(r=n+a)return null;var i=r-n,o=this.xData,s=this.yData;return{object:this,pointId:i,dataCoord:[o[i%this.shape[0]],s[i/this.shape[0]|0]]}},h.update=function(t){var e=(t=t||{}).shape||[0,0],r=t.x||a(e[0]),o=t.y||a(e[1]),s=t.z||new Float32Array(e[0]*e[1]),l=!1!==t.zsmooth;this.xData=r,this.yData=o;var c,u,h,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],h=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,h=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/(h-c),x=1/(p-u),b=e[0],_=e[1];this.shape=[b,_];var w=(l?(b-1)*(_-1):b*_)*(f.length>>>1);this.numVertices=w;for(var T=i.mallocUint8(4*w),k=i.mallocFloat32(2*w),M=i.mallocUint8(2*w),A=i.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 a(t,i,o,null,l)},r.createPickShader=function(t){return a(t,i,s,null,l)}},{\"gl-shader\":312,glslify:413}],271:[function(t,e,r){\"use strict\";e.exports=function(t){var e=t.gl||t.scene&&t.scene.gl,r=h(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=f(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=a(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=i(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\"),a=t(\"gl-vao\"),i=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\"),h=u.createShader,f=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 a=t[n]-e[n];r+=a*a}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,a,i){this.gl=t,this.shader=e,this.pickShader=r,this.buffer=n,this.vao=a,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=i,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 a=[],i=[],o=[],s=0,u=0,h=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],f=t.position||t.positions;if(f){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)a.push(a[a.length-12]);u+=2,m=!0}continue t}h[0][r]=Math.min(h[0][r],b[r],_[r]),h[1][r]=Math.max(h[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)a.push(b[0],b[1],b[2],_[0],_[1],_[2],T,x,v[0],v[1],v[2],v[3]);u+=2,m=!1}a.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(a),i.push(s),o.push(f[f.length-1].slice()),this.bounds=h,this.vertexCount=u,this.points=o,this.arcLength=i,\"dashes\"in t){var k=t.dashes.slice();for(k.unshift(0),e=1;e1.0001)return null;v+=m[h]}if(Math.abs(v-1)>.001)return null;return[f,s(t,m),m]}},{barycentric:78,\"polytope-closest-point/lib/closest_point_2d.js\":499}],291:[function(t,e,r){var n=t(\"glslify\"),a=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\"]),i=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}\"]),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\\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}\"]),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\\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:a,fragment:i,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:h,attributes:[{name:\"position\",type:\"vec3\"},{name:\"id\",type:\"vec4\"}]},r.pointPickShader={vertex:f,fragment:h,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:413}],292:[function(t,e,r){\"use strict\";var n=t(\"gl-shader\"),a=t(\"gl-buffer\"),i=t(\"gl-vao\"),o=t(\"gl-texture2d\"),s=t(\"normals\"),l=t(\"gl-mat4/multiply\"),c=t(\"gl-mat4/invert\"),u=t(\"ndarray\"),h=t(\"colormap\"),f=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,a,i,o,s,l,c,u,h,f,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=a,this.pickShader=i,this.pointPickShader=o,this.contourShader=s,this.trianglePositions=l,this.triangleColors=u,this.triangleNormals=f,this.triangleUVs=h,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 P(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=f(this.cells,this.intensity,t.intensity),r=e.cells,n=e.vertexIds,a=e.vertexWeights,i=r.length,o=p.mallocFloat32(6*i),s=0,l=0;l0&&((h=this.triShader).bind(),h.uniforms=s,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind());this.edgeCount>0&&this.lineWidth>0&&((h=this.lineShader).bind(),h.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&&((h=this.pointShader).bind(),h.uniforms=s,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind());this.contourEnable&&this.contourCount>0&&this.contourLineWidth>0&&((h=this.contourShader).bind(),h.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,a=t.projection||w,i=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)i[0][o]=Math.max(i[0][o],this.clipBounds[0][o]),i[1][o]=Math.min(i[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(a),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s,l={model:r,view:n,projection:a,clipBounds:i,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,a=new Array(r.length),i=0;ia[k]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=m[t],r.uniforms.angle=v[t],i.drawArrays(i.TRIANGLES,a[k],a[M]-a[k]))),y[t]&&T&&(u[1^t]-=A*p*x[t],r.uniforms.dataAxis=h,r.uniforms.screenOffset=u,r.uniforms.color=b[t],r.uniforms.angle=_[t],i.drawArrays(i.TRIANGLES,w,T)),u[1^t]=A*s[2+(1^t)]-1,d[t+2]&&(u[1^t]+=A*p*g[t+2],ka[k]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=m[t+2],r.uniforms.angle=v[t+2],i.drawArrays(i.TRIANGLES,a[k],a[M]-a[k]))),y[t+2]&&T&&(u[1^t]+=A*p*x[t+2],r.uniforms.dataAxis=h,r.uniforms.screenOffset=u,r.uniforms.color=b[t+2],r.uniforms.angle=_[t+2],i.drawArrays(i.TRIANGLES,w,T))}),g.drawTitle=function(){var t=[0,0],e=[0,0];return function(){var r=this.plot,n=this.shader,a=r.gl,i=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-i[u])/(i[2+u]-i[u])-1;n.bind(),n.uniforms.dataAxis=t,n.uniforms.screenOffset=e,n.uniforms.angle=s,n.uniforms.color=l,a.drawArrays(a.TRIANGLES,this.titleOffset,this.titleCount)}}}(),g.bind=(f=[0,0],p=[0,0],d=[0,0],function(){var t=this.plot,e=this.shader,r=t._tickBounds,n=t.dataBox,a=t.screenBox,i=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],h=i[o],g=i[o+2]-h,m=a[o],v=a[o+2]-m;p[o]=2*l/u*g/v,f[o]=2*(s-c)/u*g/v}d[1]=2*t.pixelRatio/(a[3]-a[1]),d[0]=d[1]*(a[3]-a[1])/(a[2]-a[0]),e.uniforms.dataScale=p,e.uniforms.dataShift=f,e.uniforms.textScale=d,this.vbo.bind(),e.attributes.textCoordinate.pointer()}),g.update=function(t){var e,r,n,a,o,s=[],l=t.ticks,c=t.bounds;for(o=0;o<2;++o){var u=[Math.floor(s.length/3)],h=[-1/0],f=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],f[d]):o.drawLine(e[0],g,e[2],g,p[d],f[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(i,0,0,-t*r*Math.PI*d.rotateSpeed/window.innerWidth);else if(!d._ortho){var o=-d.zoomSpeed*a*e/window.innerHeight*(i-c.lastT())/20;c.pan(i,0,0,h*(Math.exp(o)-1))}}}),!0)},d.enableMouseListeners(),d};var n=t(\"right-now\"),a=t(\"3d-view\"),i=t(\"mouse-change\"),o=t(\"mouse-wheel\"),s=t(\"mouse-event-offset\"),l=t(\"has-passive-events\")},{\"3d-view\":54,\"has-passive-events\":415,\"mouse-change\":457,\"mouse-event-offset\":458,\"mouse-wheel\":460,\"right-now\":514}],300:[function(t,e,r){var n=t(\"glslify\"),a=t(\"gl-shader\"),i=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 a(t,i,o,null,[{name:\"position\",type:\"vec2\"}])}},{\"gl-shader\":312,glslify:413}],301:[function(t,e,r){\"use strict\";var n=t(\"./camera.js\"),a=t(\"gl-axes3d\"),i=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\"),h=t(\"gl-mat4/perspective\"),f=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=a(r,k);M.enable=!k.disable;var A=t.spikes||{},S=o(r,A),E=[],C=[],L=[],P=[],I=!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 a=0|Math.ceil(r*N.pixelRatio),i=0|Math.ceil(n*N.pixelRatio);if(a!==e.width||i!==e.height){e.width=a,e.height=i;var o=e.style;o.position=o.position||\"absolute\",o.left=\"0px\",o.top=\"0px\",o.width=r+\"px\",o.height=n+\"px\",I=!0}}}N.autoResize&&U();function V(){for(var t=E.length,e=P.length,n=0;n0&&0===L[e-1];)L.pop(),P.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||{},I=!0,z=!0)},N.add=function(t){N._stopped||(t.axes=M,E.push(t),C.push(-1),I=!0,z=!0,V())},N.remove=function(t){if(!N._stopped){var e=E.indexOf(t);e<0||(E.splice(e,1),C.pop(),I=!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:413}],303:[function(t,e,r){\"use strict\";var n=t(\"gl-shader\"),a=t(\"gl-buffer\"),i=t(\"typedarray-pool\"),o=t(\"./lib/shader\");function s(t,e,r,n,a){this.plot=t,this.offsetBuffer=e,this.pickBuffer=r,this.shader=n,this.pickShader=a,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,i=a(r),l=a(r),c=n(r,o.pointVertex,o.pointFragment),u=n(r,o.pickVertex,o.pickFragment),h=new s(t,i,l,c,u);return h.update(e),t.addObject(h),h};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,a=t.positions instanceof Float32Array,o=t.idToIndex instanceof Int32Array&&t.idToIndex.length>=n,s=t.positions,l=a?s:i.mallocFloat32(s.length),c=o?t.idToIndex:i.mallocInt32(n);if(a||l.set(s),!o)for(l.set(s),e=0;e>>1;for(r=0;r=e[0]&&i<=e[2]&&o>=e[1]&&o<=e[3]&&n++}return n}(this.points,a),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/i,l[4]=2/o,l[6]=-2*a[0]/i-1,l[7]=-2*a[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 h=n.getParameter(n.BLEND),f=n.getParameter(n.DITHER);return h&&!this.blend&&n.disable(n.BLEND),f&&n.disable(n.DITHER),n.drawArrays(n.POINTS,0,this.pointCount),h&&!this.blend&&n.enable(n.BLEND),f&&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,a=this.pointCount;if(r=n+a)return null;var i=r-n,o=this.points;return{object:this,pointId:i,dataCoord:[o[2*i],o[2*i+1]]}}},{\"./lib/shader\":302,\"gl-buffer\":258,\"gl-shader\":312,\"typedarray-pool\":567}],304:[function(t,e,r){e.exports=function(t,e,r,n){var a,i,o,s,l,c=e[0],u=e[1],h=e[2],f=e[3],p=r[0],d=r[1],g=r[2],m=r[3];(i=c*p+u*d+h*g+f*m)<0&&(i=-i,p=-p,d=-d,g=-g,m=-m);1-i>1e-6?(a=Math.acos(i),o=Math.sin(a),s=Math.sin((1-n)*a)/o,l=Math.sin(n*a)/o):(s=1-n,l=n);return t[0]=s*c+l*p,t[1]=s*u+l*d,t[2]=s*h+l*g,t[3]=s*f+l*m,t}},{}],305:[function(t,e,r){\"use strict\";e.exports=function(t){return t||0===t?t.toString():\"\"}},{}],306:[function(t,e,r){\"use strict\";var n=t(\"vectorize-text\");e.exports=function(t,e,r){var i=a[e];i||(i=a[e]={});if(t in i)return i[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=a([\"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=a([\"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=a([\"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=a([\"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\"}],h={vertex:i,fragment:l,attributes:u},f={vertex:o,fragment:l,attributes:u},p={vertex:s,fragment:l,attributes:u},d={vertex:i,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),a=r.attributes;return a.position.location=0,a.color.location=1,a.glyph.location=2,a.id.location=3,r}r.createPerspective=function(t){return v(t,h)},r.createOrtho=function(t){return v(t,f)},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\":312,glslify:413}],308:[function(t,e,r){\"use strict\";var n=t(\"is-string-blank\"),a=t(\"gl-buffer\"),i=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\"),h=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function f(t,e){var r=t[0],n=t[1],a=t[2],i=t[3];return t[0]=e[0]*r+e[4]*n+e[8]*a+e[12]*i,t[1]=e[1]*r+e[5]*n+e[9]*a+e[13]*i,t[2]=e[2]*r+e[6]*n+e[10]*a+e[14]*i,t[3]=e[3]*r+e[7]*n+e[11]*a+e[15]*i,t}function p(t,e,r,n){return f(n,n),f(n,n),f(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,a,i,o,s,l,c,u,h){this.gl=t,this.pixelRatio=1,this.shader=e,this.orthoShader=r,this.projectShader=n,this.pointBuffer=a,this.colorBuffer=i,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=h,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),h=a(e),f=a(e),p=a(e),d=a(e),g=i(e,[{buffer:h,size:3,type:e.FLOAT},{buffer:f,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,h,f,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=h.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 a,i=e.axesProject,o=e.gl,l=t.uniforms,c=r.model||h,u=r.view||h,f=r.projection||h,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);a=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=f,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(i[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,a[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,P=(m+2)%3,I=A(x),z=A(b);I[L]=1,z[P]=1;var O=p(0,0,0,S(_,I)),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=I,I=z,z=R;var F=L;L=P,P=F}O[0]<0&&(I[L]=-1),D[1]>0&&(z[P]=-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*P+C],2);I[L]/=Math.sqrt(B),z[P]/=Math.sqrt(N),l.axes[0]=I,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 P(t,e,r,n,a,i,o){var s=r.gl;if((i===r.projectHasAlpha||o)&&C(e,r,n,a),i===r.hasAlpha||o){t.bind();var l=t.uniforms;l.model=n.model||h,l.view=n.view||h,l.projection=n.projection||h,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=a,r.vao.bind(),r.vao.draw(s.TRIANGLES,r.vertexCount),r.lineWidth>0&&(s.lineWidth(r.lineWidth*a),r.vao.draw(s.LINES,r.lineVertexCount,r.vertexCount)),r.vao.unbind()}}function I(t,e,r,a){var i;i=Array.isArray(t)?e=this.pointCount||e<0)return null;var r=this.points[e],n=this._selectResult;n.index=e;for(var a=0;a<3;++a)n.position[a]=n.dataCoordinate[a]=r[a];return n},v.highlight=function(t){if(t){var e=t.index,r=255&e,n=e>>8&255,a=e>>16&255;this.highlightId=[r/255,n/255,a/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 a,i,s=t.position,l=t.font||\"normal\",c=t.alignment||[0,0];if(2===c.length)a=c[0],i=c[1];else{a=[],i=[];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;h[T]=Math.max(h[T],w[T]),u[T]=Math.min(u[T],w[T])}k=(N=I(f,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],X=k.cells||[],J=k.positions||[];for(T=0;T0){var v=r*u;o.drawBox(h-v,f-v,p+v,f+v,i),o.drawBox(h-v,d-v,p+v,d+v,i),o.drawBox(h-v,f-v,h+v,d+v,i),o.drawBox(p-v,f-v,p+v,d+v,i)}}}},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\":309,\"gl-buffer\":258,\"gl-shader\":312}],311:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r=e[0],i=e[1],o=n(t,r,i,{}),s=a.mallocUint8(r*i*4);return new l(t,o,s)};var n=t(\"gl-fbo\"),a=t(\"typedarray-pool\"),i=t(\"ndarray\"),o=t(\"bit-twiddle\").nextPow2;function s(t,e,r,n,a){this.coord=[t,e],this.id=r,this.value=n,this.distance=a}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){a.free(this.buffer);for(var n=this.buffer=a.mallocUint8(o(r*e*4)),i=0;ir)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(){f.program=o.program(p,f._vref,f._fref,b,_);for(var t=0;t=0){if((d=f.charCodeAt(f.length-1)-48)<2||d>4)throw new n(\"\",\"Invalid data type for attribute \"+h+\": \"+f);o(t,e,p[0],a,d,i,h)}else{if(!(f.indexOf(\"mat\")>=0))throw new n(\"\",\"Unknown data type for attribute \"+h+\": \"+f);var d;if((d=f.charCodeAt(f.length-1)-48)<2||d>4)throw new n(\"\",\"Invalid data type for attribute \"+h+\": \"+f);s(t,e,p,a,d,i,h)}}}return i};var n=t(\"./GLError\");function a(t,e,r,n,a,i){this._gl=t,this._wrapper=e,this._index=r,this._locations=n,this._dimension=a,this._constFunc=i}var i=a.prototype;function o(t,e,r,n,i,o,s){for(var l=[\"gl\",\"v\"],c=[],u=0;u4)throw new a(\"\",\"Invalid uniform dimension type for matrix \"+name+\": \"+r);return\"gl.uniformMatrix\"+i+\"fv(locations[\"+e+\"],false,obj\"+t+\")\"}throw new a(\"\",\"Unknown uniform data type for \"+name+\": \"+r)}if((i=r.charCodeAt(r.length-1)-48)<2||i>4)throw new a(\"\",\"Invalid data type\");switch(r.charAt(0)){case\"b\":case\"i\":return\"gl.uniform\"+i+\"iv(locations[\"+e+\"],obj\"+t+\")\";case\"v\":return\"gl.uniform\"+i+\"fv(locations[\"+e+\"],obj\"+t+\")\";default:throw new a(\"\",\"Unrecognized data type for vector \"+name+\": \"+r)}}}function c(e){for(var n=[\"return function updateProperty(obj){\"],a=function t(e,r){if(\"object\"!=typeof r)return[[e,r]];var n=[];for(var a in r){var i=r[a],o=e;parseInt(a)+\"\"===a?o+=\"[\"+a+\"]\":o+=\".\"+a,\"object\"==typeof i?n.push.apply(n,t(o,i)):n.push([o,i])}return n}(\"\",e),i=0;i4)throw new a(\"\",\"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 a(\"\",\"Invalid uniform dimension type for matrix \"+name+\": \"+t);return o(r*r,0)}throw new a(\"\",\"Unknown uniform data type for \"+name+\": \"+t)}}(r[u].type);var p}function h(t){var e;if(Array.isArray(t)){e=new Array(t.length);for(var r=0;r1){s[0]in i||(i[s[0]]=[]),i=i[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\"]),i=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:a,fragment:i,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:413}],323:[function(t,e,r){\"use strict\";var n=t(\"gl-vec3\"),a=t(\"gl-vec4\"),i=[\"xyz\",\"xzy\",\"yxz\",\"yzx\",\"zxy\",\"zyx\"],o=function(t,e,r,i){for(var o=0,s=0;s0)for(T=0;T<8;T++){var k=(T+1)%8;c.push(f[T],p[T],p[k],p[k],f[k],f[T]),h.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=f;f=p,p=A;var S=y;y=v,v=S;var E=g;g=m,m=E}return{positions:c,cells:u,vectors:h,vertexIntensity:d}}(t,r,i,o)})),h=[],f=[],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;nh-1||y>f-1||x>p-1)return n.create();var b,_,w,T,k,M,A=i[0][d],S=i[0][v],E=i[1][g],C=i[1][y],L=i[2][m],P=(o-A)/(S-A),I=(c-E)/(C-E),z=(u-L)/(i[2][x]-L);switch(isFinite(P)||(P=.5),isFinite(I)||(I=.5),isFinite(z)||(z=.5),r.reversedX&&(d=h-1-d,v=h-1-v),r.reversedY&&(g=f-1-g,y=f-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*f,_=v*p*f;break;case 4:k=m,M=x,b=d*p,_=v*p,w=g*p*h,T=y*p*h;break;case 3:w=g,T=y,k=m*f,M=x*f,b=d*f*p,_=v*f*p;break;case 2:w=g,T=y,b=d*f,_=v*f,k=m*f*h,M=x*f*h;break;case 1:b=d,_=v,k=m*h,M=x*h,w=g*h*p,T=y*h*p;break;default:b=d,_=v,w=g*h,T=y*h,k=m*h*f,M=x*h*f}var O=a[b+w+k],D=a[b+w+M],R=a[b+T+k],F=a[b+T+M],B=a[_+w+k],N=a[_+w+M],j=a[_+T+k],U=a[_+T+M],V=n.create(),q=n.create(),H=n.create(),G=n.create();n.lerp(V,O,B,P),n.lerp(q,D,N,P),n.lerp(H,R,j,P),n.lerp(G,F,U,P);var Y=n.create(),W=n.create();n.lerp(Y,V,H,I),n.lerp(W,q,G,I);var Z=n.create();return n.lerp(Z,Y,W,z),Z}(e,t,p)},g=t.getDivergence||function(t,e){var r=n.create(),a=1e-4;n.add(r,t,[a,0,0]);var i=d(r);n.subtract(i,i,e),n.scale(i,i,1/a),n.add(r,t,[0,a,0]);var o=d(r);n.subtract(o,o,e),n.scale(o,o,1/a),n.add(r,t,[0,0,a]);var s=d(r);return n.subtract(s,s,e),n.scale(s,s,1/a),n.add(r,i,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])/a,M=k*k,A=1,S=0,E=r.length;E>1&&(A=function(t){for(var e=[],r=[],n=[],a={},i={},o={},s=t.length,l=0;lS&&(S=F),D.push(F),m.push({points:P,velocities:I,divergences:D});for(var B=0;B<100*a&&P.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){P.push(N),O=N,I.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 h?U.tubeScale=h:(0===S&&(S=1),U.tubeScale=.5*u*A/S),U};var u=t(\"./lib/shaders\"),h=t(\"gl-cone3d\").createMesh;e.exports.createTubeMesh=function(t,e){return h(t,e,{shaders:u,traceType:\"streamtube\"})}},{\"./lib/shaders\":322,\"gl-cone3d\":259,\"gl-vec3\":351,\"gl-vec4\":387}],324:[function(t,e,r){var n=t(\"gl-shader\"),a=t(\"glslify\"),i=a([\"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=a([\"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=a([\"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=a([\"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,i,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,i,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\":312,glslify:413}],325:[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=a(e),u=i(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}]),h=a(e),f=i(e,[{buffer:h,size:4,stride:20,offset:0},{buffer:h,size:1,stride:20,offset:16}]),p=a(e),d=i(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,h,f,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\"),a=t(\"gl-buffer\"),i=t(\"gl-vao\"),o=t(\"gl-texture2d\"),s=t(\"typedarray-pool\"),l=t(\"colormap\"),c=t(\"ndarray-ops\"),u=t(\"ndarray-pack\"),h=t(\"ndarray\"),f=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,a){this.position=t,this.index=e,this.uv=r,this.level=n,this.dataCoordinate=a}!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,a,i,o,l,c,u,f,p,d,g,m){this.gl=t,this.shape=e,this.bounds=r,this.objectOffset=m,this.intensityBounds=[],this._shader=n,this._pickShader=a,this._coordinateBuffer=i,this._vao=o,this._colorMap=l,this._contourShader=c,this._contourPickShader=u,this._contourBuffer=f,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=[h(s.mallocFloat(1024),[0,0]),h(s.mallocFloat(1024),[0,0]),h(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.opacityscale=!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.isTransparent=function(){return this.opacity<1||this.opacityscale},S.isOpaque=function(){if(this.opacityscale)return!1;if(this.opacity<1)return!1;if(this.opacity>=1)return!0;for(var t=0;t<3;++t)if(this._contourCounts[t].length>0)return!0;return!1},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,a,i=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[+(i[r]>0)][r],p(l,t.model,l);var c=C.clipBounds[r];for(a=0;a<2;++a)for(n=0;n<3;++n)c[a][n]=t.clipBounds[a][n];c[0][r]=-1e8,c[1][r]=1e8}return C.showSurface=o,C.showContour=s,C}var P={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},I=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=P;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 a=0;a<2;++a)for(var i=n.clipBounds[a],o=0;o<3;++o)i[o]=Math.min(Math.max(this.clipBounds[a][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=I;for(p(s,n.view,n.model),p(s,n.projection,s),d(s,s),a=0;a<3;++a)n.eyePosition[a]=s[12+a]/s[15];var l=s[15];for(a=0;a<3;++a)l+=this.lightPosition[a]*s[4*a+3];for(a=0;a<3;++a){var c=s[12+a];for(o=0;o<3;++o)c+=s[4*o+a]*this.lightPosition[o];n.lightPosition[a]=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),a=0;a<3;++a)this.surfaceProject[a]&&this.vertexCount&&(this._shader.uniforms.model=u.projections[a],this._shader.uniforms.clipBounds=u.clipBounds[a],this._vao.draw(r.TRIANGLES,this._vertexCount));this._vao.unbind()}if(u.showContour){var h=this._contourShader;n.kambient=1,n.kdiffuse=0,n.kspecular=0,n.opacity=1,h.bind(),h.uniforms=n;var f=this._contourVAO;for(f.bind(),a=0;a<3;++a)for(h.uniforms.permutation=k[a],r.lineWidth(this.contourWidth[a]*this.pixelRatio),o=0;o>4)/16)/255,a=Math.floor(n),i=n-a,o=e[1]*(t.value[1]+(15&t.value[2])/16)/255,s=Math.floor(o),l=o-s;a+=1,s+=1;var c=r.position;c[0]=c[1]=c[2]=0;for(var u=0;u<2;++u)for(var h=u?i:1-i,f=0;f<2;++f)for(var p=a+u,d=s+f,m=h*(f?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]=i<.5?a:a+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);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 a=(e.shape[0]+2)*(e.shape[1]+2);a>this._field[2].data.length&&(s.freeFloat(this._field[2].data),this._field[2].data=s.mallocFloat(n.nextPow2(a))),this._field[2]=h(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 i=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]=h(this._field[o].data,[i[0]+2,i[1]+2]);if(t.coords){var p=t.coords;if(!Array.isArray(p)||3!==p.length)throw new Error(\"gl-surface: invalid coordinates for x/y\");for(o=0;o<2;++o){var d=p[o];for(b=0;b<2;++b)if(d.shape[b]!==i[b])throw new Error(\"gl-surface: coords have incorrect shape\");this.padField(this._field[o],d)}}else if(t.ticks){var g=t.ticks;if(!Array.isArray(g)||2!==g.length)throw new Error(\"gl-surface: invalid ticks\");for(o=0;o<2;++o){var v=g[o];if((Array.isArray(v)||v.length)&&(v=h(v)),v.shape[0]!==i[o])throw new Error(\"gl-surface: invalid tick length\");var y=h(v.data,i);y.stride[o]=v.stride[0],y.stride[1^o]=0,this.padField(this._field[o],y)}}else{for(o=0;o<2;++o){var x=[0,0];x[o]=1,this._field[o]=h(this._field[o].data,[i[0]+2,i[1]+2],x,0)}this._field[0].set(0,0,0);for(var b=0;b0){for(var wt=0;wt<5;++wt)et.pop();H-=1}continue t}et.push(ot[0],ot[1],ct[0],ct[1],ot[2]),H+=1}}it.push(H)}this._contourOffsets[rt]=at,this._contourCounts[rt]=it}var Tt=s.mallocFloat(et.length);for(o=0;ot&&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}(r/255,e):1;return[t[0],t[1],t[2],255*n]}))]);return c.divseq(r,255),r}(t.colormap,this.opacityscale))},S.dispose=function(){this._shader.dispose(),this._vao.dispose(),this._coordinateBuffer.dispose(),this._colorMap.dispose(),this._contourBuffer.dispose(),this._contourVAO.dispose(),this._contourShader.dispose(),this._contourPickShader.dispose(),this._dynamicBuffer.dispose(),this._dynamicVAO.dispose();for(var t=0;t<3;++t)s.freeFloat(this._field[t].data)},S.highlight=function(t){var e,r;if(!t)return this._dynamicCounts=[0,0,0],this.dyanamicLevel=[NaN,NaN,NaN],void(this.highlightLevel=[-1,-1,-1]);for(e=0;e<3;++e)this.enableHighlight[e]?this.highlightLevel[e]=t.level[e]:this.highlightLevel[e]=-1;for(r=this.snapToData?t.dataCoordinate:t.position,e=0;e<3;++e)r[e]-=this.objectOffset[e];if(this.enableDynamic[0]&&r[0]!==this.dynamicLevel[0]||this.enableDynamic[1]&&r[1]!==this.dynamicLevel[1]||this.enableDynamic[2]&&r[2]!==this.dynamicLevel[2]){for(var n=0,a=this.shape,i=s.mallocFloat(12*a[0]*a[1]),o=0;o<3;++o)if(this.enableDynamic[o]){this.dynamicLevel[o]=r[o];var l=(o+1)%3,c=(o+2)%3,u=this._field[o],h=this._field[l],p=this._field[c],d=f(u,r[o]),g=d.cells,m=d.positions;for(this._dynamicOffsets[o]=n,e=0;e 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=a(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=h(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,i=!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 a=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]&&a==e.font[r].baseString||(i=!0,e.font[r]=T.fonts[a],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:a,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[a]=e.font[r]}})),(i||o)&&this.font.forEach((function(r,a){var i=n.stringify({size:e.fontSize[a],family:r.family,stretch:_?r.stretch:void 0,variant:r.variant,weight:r.weight,style:r.style});if(e.fontAtlas[a]=e.shader.atlas[i],!e.fontAtlas[a]){var o=r.metrics;e.shader.atlas[i]=e.fontAtlas[a]={fontString:i,step:2*Math.ceil(e.fontSize[a]*o.bottom*.5),em:e.fontSize[a],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),f=0;f2){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,a=0;return a+=.5*n.bottom,a+=\"number\"==typeof t?t-n.baseline:-n[t],T.normalViewport||(a*=-1),a}))),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\":328,\"is-plain-obj\":443,\"object-assign\":473,\"parse-rect\":478,\"parse-unit\":480,\"pick-by-alias\":485,regl:512,\"to-px\":550,\"typedarray-pool\":567}],327:[function(t,e,r){\"use strict\";var n=t(\"ndarray\"),a=t(\"ndarray-ops\"),i=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 h=function(t,e){a.muls(t,e,255)};function f(t,e,r){var n=t.gl,a=n.getParameter(n.MAX_TEXTURE_SIZE);if(e<0||e>a||r<0||r>a)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,a,i){this.gl=t,this.handle=e,this.format=a,this.type=i,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,a){var i=t.getParameter(t.MAX_TEXTURE_SIZE);if(e<0||e>i||r<0||r>i)throw new Error(\"gl-texture2d: Invalid texture shape\");if(a===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,a,null),new p(t,o,e,r,n,a)}function y(t,e,r,n,a,i){var o=m(t);return t.texImage2D(t.TEXTURE_2D,0,a,a,i,e),new p(t,o,r,n,a,i)}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,f,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];f=i.malloc(v,r);var x=n(f,o,y,0);\"float32\"!==r&&\"float64\"!==r||c!==t.UNSIGNED_BYTE?a.assign(x,e):h(x,e),u=f.subarray(0,v)}var b=m(t);return t.texImage2D(t.TEXTURE_2D,0,d,o[0],o[1],0,d,c,u),l||i.free(f),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 f(this,0|t[0],0|t[1]),[0|t[0],0|t[1]]}},width:{get:function(){return this._shape[0]},set:function(t){return f(this,t|=0,this._shape[1]),t}},height:{get:function(){return this._shape[1]},set:function(t){return t|=0,f(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 f=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\"===f?d=t.FLOAT:\"float64\"===f?(d=t.FLOAT,v=!1,f=\"float32\"):\"uint8\"===f?d=t.UNSIGNED_BYTE:(d=t.UNSIGNED_BYTE,v=!1,f=\"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?i.mallocFloat32(y):i.mallocUint8(y);var _=n(b,p,[p[2],p[2]*p[0],1]);d===t.FLOAT&&l===t.UNSIGNED_BYTE?h(_,u):a.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?i.freeFloat32(b):i.freeUint8(b)}}(s,e,r,o,this.format,this.type,this._mipLevels,t)}}},{ndarray:469,\"ndarray-ops\":464,\"typedarray-pool\":567}],328:[function(t,e,r){(function(r){\"use strict\";var n=t(\"pick-by-alias\");function a(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 i(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={},i(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}i(t.container)?(t.canvas=t.container,t.container=t.canvas.parentNode):t.canvas||(t.canvas=o(),t.container.appendChild(t.canvas),a(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),a(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,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{\"pick-by-alias\":485}],329:[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 a=0;a1?0:Math.acos(s)};var n=t(\"./fromValues\"),a=t(\"./normalize\"),i=t(\"./dot\")},{\"./dot\":344,\"./fromValues\":350,\"./normalize\":361}],335:[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}},{}],336:[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}},{}],337:[function(t,e,r){e.exports=function(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t}},{}],338:[function(t,e,r){e.exports=function(){var t=new Float32Array(3);return t[0]=0,t[1]=0,t[2]=0,t}},{}],339:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],a=e[1],i=e[2],o=r[0],s=r[1],l=r[2];return t[0]=a*l-i*s,t[1]=i*o-n*l,t[2]=n*s-a*o,t}},{}],340:[function(t,e,r){e.exports=t(\"./distance\")},{\"./distance\":341}],341:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],a=e[2]-t[2];return Math.sqrt(r*r+n*n+a*a)}},{}],342:[function(t,e,r){e.exports=t(\"./divide\")},{\"./divide\":343}],343:[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}},{}],344:[function(t,e,r){e.exports=function(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]}},{}],345:[function(t,e,r){e.exports=1e-6},{}],346:[function(t,e,r){e.exports=function(t,e){var r=t[0],a=t[1],i=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(a-s)<=n*Math.max(1,Math.abs(a),Math.abs(s))&&Math.abs(i-l)<=n*Math.max(1,Math.abs(i),Math.abs(l))};var n=t(\"./epsilon\")},{\"./epsilon\":345}],347:[function(t,e,r){e.exports=function(t,e){return t[0]===e[0]&&t[1]===e[1]&&t[2]===e[2]}},{}],348:[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}},{}],349:[function(t,e,r){e.exports=function(t,e,r,a,i,o){var s,l;e||(e=3);r||(r=0);l=a?Math.min(a*e+r,t.length):t.length;for(s=r;s0&&(i=1/Math.sqrt(i),t[0]=e[0]*i,t[1]=e[1]*i,t[2]=e[2]*i);return t}},{}],362:[function(t,e,r){e.exports=function(t,e){e=e||1;var r=2*Math.random()*Math.PI,n=2*Math.random()-1,a=Math.sqrt(1-n*n)*e;return t[0]=Math.cos(r)*a,t[1]=Math.sin(r)*a,t[2]=n*e,t}},{}],363:[function(t,e,r){e.exports=function(t,e,r,n){var a=r[1],i=r[2],o=e[1]-a,s=e[2]-i,l=Math.sin(n),c=Math.cos(n);return t[0]=e[0],t[1]=a+o*c-s*l,t[2]=i+o*l+s*c,t}},{}],364:[function(t,e,r){e.exports=function(t,e,r,n){var a=r[0],i=r[2],o=e[0]-a,s=e[2]-i,l=Math.sin(n),c=Math.cos(n);return t[0]=a+s*l+o*c,t[1]=e[1],t[2]=i+s*c-o*l,t}},{}],365:[function(t,e,r){e.exports=function(t,e,r,n){var a=r[0],i=r[1],o=e[0]-a,s=e[1]-i,l=Math.sin(n),c=Math.cos(n);return t[0]=a+o*c-s*l,t[1]=i+o*l+s*c,t[2]=e[2],t}},{}],366:[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}},{}],367:[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}},{}],368:[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}},{}],369:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e,t[1]=r,t[2]=n,t}},{}],370:[function(t,e,r){e.exports=t(\"./squaredDistance\")},{\"./squaredDistance\":372}],371:[function(t,e,r){e.exports=t(\"./squaredLength\")},{\"./squaredLength\":373}],372:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],a=e[2]-t[2];return r*r+n*n+a*a}},{}],373:[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}},{}],374:[function(t,e,r){e.exports=t(\"./subtract\")},{\"./subtract\":375}],375:[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}},{}],376:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],a=e[1],i=e[2];return t[0]=n*r[0]+a*r[3]+i*r[6],t[1]=n*r[1]+a*r[4]+i*r[7],t[2]=n*r[2]+a*r[5]+i*r[8],t}},{}],377:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],a=e[1],i=e[2],o=r[3]*n+r[7]*a+r[11]*i+r[15];return o=o||1,t[0]=(r[0]*n+r[4]*a+r[8]*i+r[12])/o,t[1]=(r[1]*n+r[5]*a+r[9]*i+r[13])/o,t[2]=(r[2]*n+r[6]*a+r[10]*i+r[14])/o,t}},{}],378:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],a=e[1],i=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*i-l*a,h=c*a+l*n-o*i,f=c*i+o*a-s*n,p=-o*n-s*a-l*i;return t[0]=u*c+p*-o+h*-l-f*-s,t[1]=h*c+p*-s+f*-o-u*-l,t[2]=f*c+p*-l+u*-s-h*-o,t}},{}],379:[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}},{}],380:[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}},{}],381:[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}},{}],382:[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}},{}],383:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],a=e[2]-t[2],i=e[3]-t[3];return Math.sqrt(r*r+n*n+a*a+i*i)}},{}],384:[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}},{}],385:[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]}},{}],386:[function(t,e,r){e.exports=function(t,e,r,n){var a=new Float32Array(4);return a[0]=t,a[1]=e,a[2]=r,a[3]=n,a}},{}],387:[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\":379,\"./clone\":380,\"./copy\":381,\"./create\":382,\"./distance\":383,\"./divide\":384,\"./dot\":385,\"./fromValues\":386,\"./inverse\":388,\"./length\":389,\"./lerp\":390,\"./max\":391,\"./min\":392,\"./multiply\":393,\"./negate\":394,\"./normalize\":395,\"./random\":396,\"./scale\":397,\"./scaleAndAdd\":398,\"./set\":399,\"./squaredDistance\":400,\"./squaredLength\":401,\"./subtract\":402,\"./transformMat4\":403,\"./transformQuat\":404}],388:[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}},{}],389:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],a=t[3];return Math.sqrt(e*e+r*r+n*n+a*a)}},{}],390:[function(t,e,r){e.exports=function(t,e,r,n){var a=e[0],i=e[1],o=e[2],s=e[3];return t[0]=a+n*(r[0]-a),t[1]=i+n*(r[1]-i),t[2]=o+n*(r[2]-o),t[3]=s+n*(r[3]-s),t}},{}],391:[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}},{}],392:[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}},{}],393:[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}},{}],394:[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}},{}],395:[function(t,e,r){e.exports=function(t,e){var r=e[0],n=e[1],a=e[2],i=e[3],o=r*r+n*n+a*a+i*i;o>0&&(o=1/Math.sqrt(o),t[0]=r*o,t[1]=n*o,t[2]=a*o,t[3]=i*o);return t}},{}],396:[function(t,e,r){var n=t(\"./normalize\"),a=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),a(t,t,e),t}},{\"./normalize\":395,\"./scale\":397}],397:[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}},{}],398:[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}},{}],399:[function(t,e,r){e.exports=function(t,e,r,n,a){return t[0]=e,t[1]=r,t[2]=n,t[3]=a,t}},{}],400:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],a=e[2]-t[2],i=e[3]-t[3];return r*r+n*n+a*a+i*i}},{}],401:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],a=t[3];return e*e+r*r+n*n+a*a}},{}],402:[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}},{}],403:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],a=e[1],i=e[2],o=e[3];return t[0]=r[0]*n+r[4]*a+r[8]*i+r[12]*o,t[1]=r[1]*n+r[5]*a+r[9]*i+r[13]*o,t[2]=r[2]*n+r[6]*a+r[10]*i+r[14]*o,t[3]=r[3]*n+r[7]*a+r[11]*i+r[15]*o,t}},{}],404:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],a=e[1],i=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*i-l*a,h=c*a+l*n-o*i,f=c*i+o*a-s*n,p=-o*n-s*a-l*i;return t[0]=u*c+p*-o+h*-l-f*-s,t[1]=h*c+p*-s+f*-o-u*-l,t[2]=f*c+p*-l+u*-s-h*-o,t[3]=e[3],t}},{}],405:[function(t,e,r){var n=t(\"glsl-tokenizer\"),a=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 I(){return/[^a-fA-F0-9]/.test(e)?(M(p.join(\"\")),f=999,u):(p.push(e),r=e,u+1)}function z(){return\".\"===e||/[eE]/.test(e)?(p.push(e),f=5,r=e,u+1):\"x\"===e&&1===p.length&&\"0\"===p[0]?(f=11,p.push(e),r=e,u+1):/[^\\d]/.test(e)?(M(p.join(\"\")),f=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(\"\")),f=999,u):(p.push(e),r=e,u+1)}function D(){if(/[^\\d\\w_]/.test(e)){var t=p.join(\"\");return f=k[t]?8:T[t]?7:6,M(p.join(\"\")),f=999,u}return p.push(e),r=e,u+1}};var n=t(\"./lib/literals\"),a=t(\"./lib/operators\"),i=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\":408,\"./lib/builtins-300es\":407,\"./lib/literals\":410,\"./lib/literals-300es\":409,\"./lib/operators\":411}],407:[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\":408}],408:[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\"]},{}],409:[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\":410}],410:[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\"]},{}],411:[function(t,e,r){e.exports=[\"<<=\",\">>=\",\"++\",\"--\",\"<<\",\">>\",\"<=\",\">=\",\"==\",\"!=\",\"&&\",\"||\",\"+=\",\"-=\",\"*=\",\"/=\",\"%=\",\"&=\",\"^^\",\"^=\",\"|=\",\"(\",\")\",\"[\",\"]\",\".\",\"!\",\"~\",\"*\",\"/\",\"%\",\"+\",\"-\",\"<\",\">\",\"&\",\"^\",\"|\",\"?\",\":\",\"=\",\",\",\";\",\"{\",\"}\"]},{}],412:[function(t,e,r){var n=t(\"./index\");e.exports=function(t,e){var r=n(e),a=[];return a=(a=a.concat(r(t))).concat(r(null))}},{\"./index\":406}],413:[function(t,e,r){e.exports=function(t){\"string\"==typeof t&&(t=[t]);for(var e=[].slice.call(arguments,1),r=[],n=0;n>1,u=-7,h=r?a-1:0,f=r?-1:1,p=t[e+h];for(h+=f,i=p&(1<<-u)-1,p>>=-u,u+=s;u>0;i=256*i+t[e+h],h+=f,u-=8);for(o=i&(1<<-u)-1,i>>=-u,u+=n;u>0;o=256*o+t[e+h],h+=f,u-=8);if(0===i)i=1-c;else{if(i===l)return o?NaN:1/0*(p?-1:1);o+=Math.pow(2,n),i-=c}return(p?-1:1)*o*Math.pow(2,i-n)},r.write=function(t,e,r,n,a,i){var o,s,l,c=8*i-a-1,u=(1<>1,f=23===a?Math.pow(2,-24)-Math.pow(2,-77):0,p=n?0:i-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+h>=1?f/l:f*Math.pow(2,1-h))*l>=2&&(o++,l/=2),o+h>=u?(s=0,o=u):o+h>=1?(s=(e*l-1)*Math.pow(2,a),o+=h):(s=e*Math.pow(2,h-1)*Math.pow(2,a),o=0));a>=8;t[r+p]=255&s,p+=d,s/=256,a-=8);for(o=o<0;t[r+p]=255&o,p+=d,o/=256,c-=8);t[r+p-d]|=128*g}},{}],417:[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\":420}],418:[function(t,e,r){(function(r){\"use strict\";var n=t(\"fs\"),a=t(\"path\"),i=t(\"./types\"),o=t(\"./detector\");function s(t,e){var r=o(t,e);if(r in i){var n=i[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 i=a.resolve(t);if(\"function\"!=typeof e)return s(function(t){var e=n.openSync(t,\"r\"),a=n.fstatSync(e).size,i=Math.min(a,524288),o=r.alloc(i);return n.readSync(e,o,0,i,0),n.closeSync(e),o}(i),i);!function(t,e){n.open(t,\"r\",(function(a,i){if(a)return e(a);n.fstat(i,(function(a,o){if(a)return e(a);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(i,c,0,l,0,(function(t){if(t)return e(t);n.close(i,(function(t){e(t,c)}))}))}))}))}(i,(function(t,r){if(t)return e(t);var n;try{n=s(r,i)}catch(e){t=e}e(t,n)}))},e.exports.types=Object.keys(i)}).call(this,t(\"buffer\").Buffer)},{\"./detector\":417,\"./types\":420,buffer:111,fs:109,path:481}],419:[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)}},{}],420:[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\":421,\"./types/cur\":422,\"./types/dds\":423,\"./types/gif\":424,\"./types/icns\":425,\"./types/ico\":426,\"./types/jpg\":427,\"./types/png\":428,\"./types/psd\":429,\"./types/svg\":430,\"./types/tiff\":431,\"./types/webp\":432}],421:[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))}}}},{}],422:[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\":426}],423:[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)}}}},{}],424:[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)}}}},{}],425:[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 a(t,e){var r=e+4;return[t.toString(\"ascii\",e,r),t.readUInt32BE(r)]}function i(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=i((e=a(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,a);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,i)}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),a(t)&&(e=o(t,r)),s(t,r),192===(n=t[r+1])||193===n||194===n){var l=i(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\":419}],428:[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)}}}},{}],429:[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)}}}},{}],430:[function(t,e,r){\"use strict\";var n=/\"']|\"[^\"]*\"|'[^']*')*>/;var a={root:n,width:/\\swidth=(['\"])([^%]+?)\\1/,height:/\\sheight=(['\"])([^%]+?)\\1/,viewbox:/\\sviewBox=(['\"])(.+?)\\1/},i={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])*(i[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(a.root);if(e){var r=function(t){var e=t.match(a.width),r=t.match(a.height),n=t.match(a.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\")}}},{}],431:[function(t,e,r){(function(r){\"use strict\";var n=t(\"fs\"),a=t(\"../readUInt\");function i(t,e){var r=a(t,16,8,e);return(a(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=a(t,16,0,e),n=a(t,16,2,e),s=a(t,32,4,e),0!==r);)1!==s||3!==n&&4!==n||(l[r]=i(t,e)),t=o(t);return l}(function(t,e,i){var o=a(t,32,4,i),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,t(\"buffer\").Buffer)},{\"../readUInt\":419,buffer:111,fs:109}],432:[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)}}},{}],433:[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 a=t[0].length;if(r<=a)throw new Error(\"Must input at least d+1 points\");var o=t.slice(0,a+1),s=n.apply(void 0,o);if(0===s)throw new Error(\"Input not in general position\");for(var l=new Array(a+1),u=0;u<=a;++u)l[u]=u;s<0&&(l[0]=1,l[1]=0);var h=new i(l,new Array(a+1),!1),f=h.adjacent,p=new Array(a+2);for(u=0;u<=a;++u){for(var d=l.slice(),g=0;g<=a;++g)g===u&&(d[g]=-1);var m=d[0];d[0]=d[1],d[1]=m;var v=new i(d,new Array(a+1),!0);f[u]=v,p[u]=v}p[a+1]=h;for(u=0;u<=a;++u){d=f[u].vertices;var y=f[u].adjacent;for(g=0;g<=a;++g){var x=d[g];if(x<0)y[g]=h;else for(var b=0;b<=a;++b)f[b].vertices.indexOf(x)<0&&(y[g]=f[b])}}var _=new c(a,o,p),w=!!e;for(u=a+1;u0&&e.push(\",\"),e.push(\"tuple[\",r,\"]\");e.push(\")}return orient\");var a=new Function(\"test\",e.join(\"\")),i=n[t+1];return i||(i=n),a(i)}(t)),this.orient=i}var u=c.prototype;u.handleBoundaryDegeneracy=function(t,e){var r=this.dimension,n=this.vertices.length-1,a=this.tuple,i=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,h=0;h<=r;++h){var f=u[h];a[h]=f<0?e:i[f]}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,a=this.vertices,i=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)i[u]=a[l[u]];s.lastVisited=r;for(u=0;u<=n;++u){var h=c[u];if(!(h.lastVisited>=r)){var f=i[u];i[u]=t;var p=this.orient();if(i[u]=f,p<0){s=h;continue t}h.boundary?h.lastVisited=-r:h.lastVisited=r}}return}return s},u.addPeaks=function(t,e){var r=this.vertices.length-1,n=this.dimension,a=this.vertices,l=this.tuple,c=this.interior,u=this.simplices,h=[e];e.lastVisited=r,e.vertices[e.vertices.indexOf(-1)]=r,e.boundary=!1,c.push(e);for(var f=[];h.length>0;){var p=(e=h.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]=a[y[b]];if(this.orient()>0){y[x]=r,v.boundary=!1,c.push(v),h.push(v),v.lastVisited=r;continue}v.lastVisited=-r}var _=v.adjacent,w=p.slice(),T=d.slice(),k=new i(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)}f.push(new o(S,k,b))}}}}}}f.sort(s);for(m=0;m+1=0?o[l++]=s[u]:c=1&u;if(c===(1&t)){var h=o[0];o[0]=o[1],o[1]=h}e.push(o)}}return e}},{\"robust-orientation\":520,\"simplicial-complex\":530}],434:[function(t,e,r){\"use strict\";var n=t(\"binary-search-bounds\");function a(t,e,r,n,a){this.mid=t,this.left=e,this.right=r,this.leftPoints=n,this.rightPoints=a,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 i=a.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 a=r(t[n]);if(a)return a}}function f(t,e){for(var r=0;r>1],i=[],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),a=n.ge(this.rightPoints,t,g);this.leftPoints.splice(r,0,t),this.rightPoints.splice(a,0,t)}},i.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,a=this.left;a.right;)r=a,a=a.right;if(r===this)a.right=this.right;else{var i=this.left,s=this.right;r.count-=a.count,r.right=a.left,a.left=i,a.right=s}o(this,a),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(i=n.ge(this.leftPoints,t,d);ithis.mid){var r;if(this.right)if(r=this.right.queryPoint(t,e))return r;return h(this.rightPoints,t,e)}return f(this.leftPoints,e)},i.queryInterval=function(t,e,r){var n;if(tthis.mid&&this.right&&(n=this.right.queryInterval(t,e,r)))return n;return ethis.mid?h(this.rightPoints,t,r):f(this.leftPoints,r)};var y=v.prototype;y.insert=function(t){this.root?this.root.insert(t):this.root=new a(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\":435}],435:[function(t,e,r){arguments[4][243][0].apply(r,arguments)},{dup:243}],436:[function(t,e,r){\"use strict\";e.exports=function(t,e){e=e||new Array(t.length);for(var r=0;r=r-1){f=l.length-1;var d=t-e[r-1];for(p=0;p=r-1)for(var u=s.length-1,h=(e[r-1],0);h=0;--r)if(t[--e])return!1;return!0},s.jump=function(t){var e=this.lastT(),r=this.dimension;if(!(t0;--h)n.push(i(l[h-1],c[h-1],arguments[h])),a.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 f=r;f>0;--f){var p=i(c[f-1],u[f-1],arguments[f]);n.push(p),a.push((p-n[o++])*h)}}},s.set=function(t){var e=this.dimension;if(!(t0;--l)r.push(i(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,a=this._velocity,o=n.length-this.dimension,s=this.bounds,l=s[0],c=s[1],u=t-e,h=u>1e-6?1/u:0;this._time.push(t);for(var f=r;f>0;--f){var p=arguments[f];n.push(i(l[f-1],c[f-1],n[o++]+p)),a.push(p*h)}}},s.idle=function(t){var e=this.lastT();if(!(t=0;--h)n.push(i(l[h],c[h],n[o]+u*a[o])),a.push(0),o+=1}}},{\"binary-search-bounds\":243,\"cubic-hermite\":150}],243:[function(t,e,r){\"use strict\";function n(t,e,r,n,a,i){var o=[\"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\",a?\".get(m)\":\"[m]\"];return i?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(\"}\"),i?o.push(\"return -1};\"):o.push(\"return i};\"),o.join(\"\")}function a(t,e,r,a){return new Function([n(\"A\",\"x\"+t+\"y\",e,[\"y\"],!1,a),n(\"B\",\"x\"+t+\"y\",e,[\"y\"],!0,a),n(\"P\",\"c(x,y)\"+t+\"0\",e,[\"y\",\"c\"],!1,a),n(\"Q\",\"c(x,y)\"+t+\"0\",e,[\"y\",\"c\"],!0,a),\"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:a(\">=\",!1,\"GE\"),gt:a(\">\",!1,\"GT\"),lt:a(\"<\",!0,\"LT\"),le:a(\"<=\",!0,\"LE\"),eq:a(\"-\",!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 a,i,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(a=0,o=r;ae[0]-o[0]/2&&(f=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 a(n.cache[r],c);var u=e.canvas||n.canvas,h=u.getContext(\"2d\"),f={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,h.font=t;var d={top:0};h.clearRect(0,0,p,p),h.textBaseline=\"top\",h.fillStyle=\"black\",h.fillText(\"H\",0,0);var g=i(h.getImageData(0,0,p,p));h.clearRect(0,0,p,p),h.textBaseline=\"bottom\",h.fillText(\"H\",0,p);var m=i(h.getImageData(0,0,p,p));d.lineHeight=d.bottom=p-m+g,h.clearRect(0,0,p,p),h.textBaseline=\"alphabetic\",h.fillText(\"H\",0,p);var v=p-i(h.getImageData(0,0,p,p))-1+g;d.baseline=d.alphabetic=v,h.clearRect(0,0,p,p),h.textBaseline=\"middle\",h.fillText(\"H\",0,.5*p);var y=i(h.getImageData(0,0,p,p));d.median=d.middle=p-y-1+g-.5*p,h.clearRect(0,0,p,p),h.textBaseline=\"hanging\",h.fillText(\"H\",0,.5*p);var x=i(h.getImageData(0,0,p,p));d.hanging=p-x-1+g-.5*p,h.clearRect(0,0,p,p),h.textBaseline=\"ideographic\",h.fillText(\"H\",0,p);var b=i(h.getImageData(0,0,p,p));if(d.ideographic=p-b-1+g,f.upper&&(h.clearRect(0,0,p,p),h.textBaseline=\"top\",h.fillText(f.upper,0,0),d.upper=i(h.getImageData(0,0,p,p)),d.capHeight=d.baseline-d.upper),f.lower&&(h.clearRect(0,0,p,p),h.textBaseline=\"top\",h.fillText(f.lower,0,0),d.lower=i(h.getImageData(0,0,p,p)),d.xHeight=d.baseline-d.lower),f.tittle&&(h.clearRect(0,0,p,p),h.textBaseline=\"top\",h.fillText(f.tittle,0,0),d.tittle=i(h.getImageData(0,0,p,p))),f.ascent&&(h.clearRect(0,0,p,p),h.textBaseline=\"top\",h.fillText(f.ascent,0,0),d.ascent=i(h.getImageData(0,0,p,p))),f.descent&&(h.clearRect(0,0,p,p),h.textBaseline=\"top\",h.fillText(f.descent,0,0),d.descent=o(h.getImageData(0,0,p,p))),f.overshoot){h.clearRect(0,0,p,p),h.textBaseline=\"top\",h.fillText(f.overshoot,0,0);var _=o(h.getImageData(0,0,p,p));d.overshoot=_-v}for(var w in d)d[w]/=s;return d.em=s,n.cache[r]=d,a(d,c)}function a(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 i(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,a,i){this._color=t,this.key=e,this.value=r,this.left=n,this.right=a,this._count=i}function a(t){return new n(t._color,t.key,t.value,t.left,t.right,t._count)}function i(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 a;if(n.left)if(a=u(t,e,r,n.left))return a;if(a=r(n.key,n.value))return a}if(n.right)return u(t,e,r,n.right)}function h(t,e,r,n,a){var i,o=r(t,a.key),s=r(e,a.key);if(o<=0){if(a.left&&(i=h(t,e,r,n,a.left)))return i;if(s>0&&(i=n(a.key,a.value)))return i}if(s>0&&a.right)return h(t,e,r,n,a.right)}function f(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,a=this.root,l=[],c=[];a;){var u=r(t,a.key);l.push(a),c.push(u),a=u<=0?a.left:a.right}l.push(new n(0,t,e,null,null,1));for(var h=l.length-2;h>=0;--h){a=l[h];c[h]<=0?l[h]=new n(a._color,a.key,a.value,l[h+1],a.right,a._count+1):l[h]=new n(a._color,a.key,a.value,a.left,l[h+1],a._count+1)}for(h=l.length-1;h>1;--h){var f=l[h-1];a=l[h];if(1===f._color||1===a._color)break;var p=l[h-2];if(p.left===f)if(f.left===a){if(!(d=p.right)||0!==d._color){if(p._color=0,p.left=f.right,f._color=1,f.right=p,l[h-2]=f,l[h-1]=a,o(p),o(f),h>=3)(g=l[h-3]).left===p?g.left=f:g.right=f;break}f._color=1,p.right=i(1,d),p._color=0,h-=1}else{if(!(d=p.right)||0!==d._color){if(f.right=a.left,p._color=0,p.left=a.right,a._color=1,a.left=f,a.right=p,l[h-2]=a,l[h-1]=f,o(p),o(f),o(a),h>=3)(g=l[h-3]).left===p?g.left=a:g.right=a;break}f._color=1,p.right=i(1,d),p._color=0,h-=1}else if(f.right===a){if(!(d=p.left)||0!==d._color){if(p._color=0,p.right=f.left,f._color=1,f.left=p,l[h-2]=f,l[h-1]=a,o(p),o(f),h>=3)(g=l[h-3]).right===p?g.right=f:g.left=f;break}f._color=1,p.left=i(1,d),p._color=0,h-=1}else{var d;if(!(d=p.left)||0!==d._color){var g;if(f.left=a.right,p._color=0,p.right=a.left,a._color=1,a.right=f,a.left=p,l[h-2]=a,l[h-1]=f,o(p),o(f),o(a),h>=3)(g=l[h-3]).right===p?g.right=a:g.left=a;break}f._color=1,p.left=i(1,d),p._color=0,h-=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 h(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 f(this,t)}}),Object.defineProperty(l,\"end\",{get:function(){for(var t=[],e=this.root;e;)t.push(e),e=e.right;return new f(this,t)}}),l.at=function(t){if(t<0)return new f(this,[]);for(var e=this.root,r=[];;){if(r.push(e),e.left){if(t=e.right._count)break;e=e.right}return new f(this,[])},l.ge=function(t){for(var e=this._compare,r=this.root,n=[],a=0;r;){var i=e(t,r.key);n.push(r),i<=0&&(a=n.length),r=i<=0?r.left:r.right}return n.length=a,new f(this,n)},l.gt=function(t){for(var e=this._compare,r=this.root,n=[],a=0;r;){var i=e(t,r.key);n.push(r),i<0&&(a=n.length),r=i<0?r.left:r.right}return n.length=a,new f(this,n)},l.lt=function(t){for(var e=this._compare,r=this.root,n=[],a=0;r;){var i=e(t,r.key);n.push(r),i>0&&(a=n.length),r=i<=0?r.left:r.right}return n.length=a,new f(this,n)},l.le=function(t){for(var e=this._compare,r=this.root,n=[],a=0;r;){var i=e(t,r.key);n.push(r),i>=0&&(a=n.length),r=i<0?r.left:r.right}return n.length=a,new f(this,n)},l.find=function(t){for(var e=this._compare,r=this.root,n=[];r;){var a=e(t,r.key);if(n.push(r),0===a)return new f(this,n);r=a<=0?r.left:r.right}return new f(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=f.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 f(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 h=e[e.length-2];h.left===r?h.left=null:h.right===r&&(h.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=a(n)).right=a(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=a(n)).left=a(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=i(0,n));r.right=i(0,n);continue}n=a(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=a(n)).right=a(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=i(0,n));r.left=i(0,n);continue}var c;n=a(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),a=e[e.length-1];r[r.length-1]=new n(a._color,a.key,t,a.left,a.right,a._count);for(var i=e.length-2;i>=0;--i)(a=e[i]).left===e[i+1]?r[i]=new n(a._color,a.key,a.value,r[i+1],a.right,a._count):r[i]=new n(a._color,a.key,a.value,a.left,r[i+1],a._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],a=[.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 i(t){if(t<0)return Number(\"0/0\");for(var e=a[0],r=a.length-1;r>0;--r)e+=a[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(i(e));e-=1;for(var r=n[0],a=1;a<9;a++)r+=n[a]/(e+a);var o=e+7+.5;return Math.sqrt(2*Math.PI)*Math.pow(o,e+.5)*Math.exp(-o)*r},e.exports.log=i},{}],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,a=e;try{var i=[t];0===t.indexOf(\"webgl\")&&i.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};h.isOpaque=function(){return!0},h.isTransparent=function(){return!1},h.drawTransparent=function(t){};var v=[0,0,0],y=[0,0,0],x=[0,0,0];h.draw=function(t){t=t||m;for(var e=this.gl,r=t.model||l,n=t.view||l,a=t.projection||l,i=this.bounds,s=t._ortho||!1,u=o(r,n,a,i,s),h=u.cubeEdges,f=u.axis,b=n[12],_=n[13],w=n[14],T=n[15],k=(s?2:1)*this.pixelRatio*(a[3]*b+a[7]*_+a[11]*w+a[15]*T)/e.drawingBufferHeight,M=0;M<3;++M)this.lastCubeProps.cubeEdges[M]=h[M],this.lastCubeProps.axis[M]=f[M];var A=p;for(M=0;M<3;++M)d(p[M],M,this.bounds,h,f);e=this.gl;var S,E=g;for(M=0;M<3;++M)this.backgroundEnable[M]?E[M]=f[M]:E[M]=0;this._background.draw(r,n,a,i,E,this.backgroundColor),this._lines.bind(r,n,a,this);for(M=0;M<3;++M){var C=[0,0,0];f[M]>0?C[M]=i[1][M]:C[M]=i[0][M];for(var L=0;L<2;++L){var P=(M+1+L)%3,I=(M+1+(1^L))%3;this.gridEnable[P]&&this._lines.drawGrid(P,I,this.bounds,C,this.gridColor[P],this.gridWidth[P]*this.pixelRatio)}for(L=0;L<2;++L){P=(M+1+L)%3,I=(M+1+(1^L))%3;this.zeroEnable[I]&&Math.min(i[0][I],i[1][I])<=0&&Math.max(i[0][I],i[1][I])>=0&&this._lines.drawZero(P,I,this.bounds,C,this.zeroLineColor[I],this.zeroLineWidth[I]*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,a,this.pixelRatio);var F,B;function N(t){(B=[0,0,0])[t]=1}function j(t,e,r){var n=(t+1)%3,a=(t+2)%3,i=e[n],o=e[a],s=r[n],l=r[a];i>0&&l>0||i>0&&l<0||i<0&&l>0||i<0&&l<0?N(n):(o>0&&s>0||o>0&&s<0||o<0&&s>0||o<0&&s<0)&&N(a)}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*(i[0][M]+i[1][M]),this._text.drawLabel(M,this.labelSize[M],this.labelAngle[M],q,this.labelColor[M],[0,0,0],B,S)}}this._text.unbind()},h.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,h=[0,0,0],f=[0,0,0],p=-1;p<=1;p+=2){r.push(s,s+2,s+1,s+1,s+2,s+3),h[l]=p,f[l]=p;for(var d=-1;d<=1;d+=2){h[c]=d;for(var g=-1;g<=1;g+=2)h[u]=g,e.push(h[0],h[1],h[2],f[0],f[1],f[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=a(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=i(t);return b.attributes.position.location=0,b.attributes.normal.location=1,new o(t,v,x,b)};var n=t(\"gl-buffer\"),a=t(\"gl-vao\"),i=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,a,i){for(var o=!1,s=0;s<3;++s)o=o||a[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:a,colors:i},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\":258,\"gl-vao\":332}],252:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,i,p){a(s,e,t),a(s,r,s);for(var y=0,x=0;x<2;++x){u[2]=i[x][2];for(var b=0;b<2;++b){u[1]=i[b][1];for(var _=0;_<2;++_)u[0]=i[_][0],f(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 a(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 a(t,c,u,null,[{name:\"position\",type:\"vec3\"},{name:\"normal\",type:\"vec3\"}])}},{\"gl-shader\":312,glslify:413}],255:[function(t,e,r){(function(r){\"use strict\";e.exports=function(t,e,r,i,s,l){var u=n(t),h=a(t,[{buffer:u,size:3}]),f=o(t);f.attributes.position.location=0;var p=new c(t,f,u,h);return p.update(e,r,i,s,l),p};var n=t(\"gl-buffer\"),a=t(\"gl-vao\"),i=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,h=[0,0];u.bind=function(t,e,r,n){this.vao.bind(),this.shader.bind();var a=this.shader.uniforms;a.model=t,a.view=e,a.projection=r,a.pixelScale=n,h[0]=this.gl.drawingBufferWidth,h[1]=this.gl.drawingBufferHeight,this.shader.uniforms.resolution=h},u.unbind=function(){this.vao.unbind()},u.update=function(t,e,r,n,a){var o=[];function s(t,e,r,n,a,s){var c=l[r];c||(c=l[r]={});var u=c[e];u||(u=c[e]=function(t,e){try{return i(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:a,styletags:s}));for(var h=(n||12)/12,f=u.positions,p=u.cells,d=0,g=p.length;d=0;--v){var y=f[m[v]];o.push(h*y[0],-h*y[1],t)}}for(var c=[0,0,0],u=[0,0,0],h=[0,0,0],f=[0,0,0],p={breaklines:!0,bolds:!0,italics:!0,subscripts:!0,superscripts:!0},d=0;d<3;++d){h[d]=o.length/3|0,s(.5*(t[0][d]+t[1][d]),e[d],r[d],12,1.25,p),f[d]=(o.length/3|0)-h[d],c[d]=o.length/3|0;for(var g=0;g=0&&(a=r.length-n-1);var i=Math.pow(10,a),o=Math.round(t*e*i),s=o+\"\";if(s.indexOf(\"e\")>=0)return s;var l=o/i,c=o%i;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),a){for(var h=\"\"+c;h.length=t[0][a];--o)i.push({x:o*e[a],text:n(e[a],o)});r.push(i)}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,i,a),r}function u(t,e){for(var r=n.malloc(t.length,e),a=t.length,i=0;i=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=i(s,t.shape);a.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 h;h=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?h:h.subarray(0,t.length),e),n.free(h)}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 a=t.createBuffer(),i=new s(t,r,a,0,n);return i.update(e),i}},{ndarray:469,\"ndarray-ops\":464,\"typedarray-pool\":567}],259:[function(t,e,r){\"use strict\";var n=t(\"gl-vec3\");e.exports=function(t,e){var r=t.positions,a=t.vectors,i={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]),i;for(var o=0,s=1/0,l=-1/0,c=1/0,u=-1/0,h=1/0,f=-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,h],T=[l,u,f];e&&(e[0]=w,e[1]=T),0===o&&(o=1);var k=1/o;isFinite(m)||(m=1),i.vectorScale=m;var M=t.coneSize||.5;t.absoluteConeSize&&(M=t.absoluteConeSize*k),i.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 a=e[n],i=0;i<3;++i)r[4*n+i]=a[i];r[4*n+3]=255*a[3]}return c(r,[256,256,4],[4,0,1])}(t.colormap)),this.texture.generateMipmap());var r=t.cells,n=t.positions,a=t.vectors;if(n&&r&&a){var i=[],o=[],s=[],l=[],h=[];this.cells=r,this.positions=n,this.vectors=a;var f=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||h,n=t.view||h,a=t.projection||h,i=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)i[0][o]=Math.max(i[0][o],this.clipBounds[0][o]),i[1][o]=Math.min(i[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(a),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s={model:r,view:n,projection:a,clipBounds:i,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),a={position:n,dataCoordinate:n,index:Math.floor(r[1]/48)};return\"cone\"===this.traceType?a.index=Math.floor(r[1]/48):\"streamtube\"===this.traceType&&(a.intensity=this.intensity[r[1]],a.velocity=this.vectors[r[1]].slice(0,3),a.divergence=this.vectors[r[1]][3],a.index=e),a},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 h=a(t),p=a(t),m=a(t),v=a(t),y=a(t),x=i(t,[{buffer:h,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 f(t,u,s,l,h,p,y,m,v,x,r.traceType||\"cone\");return b.update(e),b}},{colormap:131,\"gl-buffer\":258,\"gl-mat4/invert\":278,\"gl-mat4/multiply\":280,\"gl-shader\":312,\"gl-texture2d\":327,\"gl-vao\":332,ndarray:469}],261:[function(t,e,r){var n=t(\"glslify\"),a=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\"]),i=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:a,fragment:i,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:413}],262:[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\"}},{}],263:[function(t,e,r){var n=t(\"./1.0/numbers\");e.exports=function(t){return n[t]}},{\"./1.0/numbers\":262}],264:[function(t,e,r){\"use strict\";e.exports=function(t){var e=t.gl,r=n(e),o=a(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=i(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\"),a=t(\"gl-vao\"),i=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,a=r.projection=t.projection||o;r.model=t.model||o,r.clipBounds=this.clipBounds,r.opacity=this.opacity;var i=n[12],s=n[13],l=n[14],c=n[15],u=(t._ortho||!1?2:1)*this.pixelRatio*(a[3]*i+a[7]*s+a[11]*l+a[15]*c)/e.drawingBufferHeight;this.vao.bind();for(var h=0;h<3;++h)e.lineWidth(this.lineWidth[h]*this.pixelRatio),r.capSize=this.capSize[h]*u,this.lineCount[h]&&e.drawArrays(e.LINES,this.lineOffset[h],this.lineCount[h]);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 a=-1;a<=1;a+=2){var i=[0,0,0];i[(n+e)%3]=a,r.push(i)}t[e]=r}return t}();function h(t,e,r,n){for(var a=u[n],i=0;i0)(g=u.slice())[s]+=p[1][s],a.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+h(a,g,d,s)}}this.lineCount[s]=o-this.lineOffset[s]}this.buffer.update(a)}},l.dispose=function(){this.shader.dispose(),this.buffer.dispose(),this.vao.dispose()}},{\"./shaders/index\":265,\"gl-buffer\":258,\"gl-vao\":332}],265:[function(t,e,r){\"use strict\";var n=t(\"glslify\"),a=t(\"gl-shader\"),i=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 a(t,i,o,null,[{name:\"position\",type:\"vec3\"},{name:\"color\",type:\"vec4\"},{name:\"offset\",type:\"vec3\"}])}},{\"gl-shader\":312,glslify:413}],266:[function(t,e,r){\"use strict\";var n=t(\"gl-texture2d\");e.exports=function(t,e,r,n){a||(a=t.FRAMEBUFFER_UNSUPPORTED,i=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 a=new Array(r),i=0;iu||r<0||r>u)throw new Error(\"gl-fbo: Parameters are too large for FBO\");var h=1;if(\"color\"in(n=n||{})){if((h=Math.max(0|n.color,0))<0)throw new Error(\"gl-fbo: Must specify a nonnegative number of colors\");if(h>1){if(!c)throw new Error(\"gl-fbo: Multiple draw buffer extension not supported\");if(h>t.getParameter(c.MAX_COLOR_ATTACHMENTS_WEBGL))throw new Error(\"gl-fbo: Context does not support \"+h+\" draw buffers\")}}var f=t.UNSIGNED_BYTE,p=t.getExtension(\"OES_texture_float\");if(n.float&&h>0){if(!p)throw new Error(\"gl-fbo: Context does not support floating point textures\");f=t.FLOAT}else n.preferFloat&&h>0&&p&&(f=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,f,h,g,m,c)};var a,i,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 h(t){switch(t){case a:throw new Error(\"gl-fbo: Framebuffer unsupported\");case i: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 f(t,e,r,a,i,o){if(!a)return null;var s=n(t,e,r,i,a);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,a){var i=t.createRenderbuffer();return t.bindRenderbuffer(t.RENDERBUFFER,i),t.renderbufferStorage(t.RENDERBUFFER,n,e,r),t.framebufferRenderbuffer(t.FRAMEBUFFER,a,t.RENDERBUFFER,i),i}function d(t,e,r,n,a,i,o,s){this.gl=t,this._shape=[0|e,0|r],this._destroyed=!1,this._ext=s,this.color=new Array(a);for(var d=0;d1&&s.drawBuffersWEBGL(l[o]);var y=r.getExtension(\"WEBGL_depth_texture\");y?d?t.depth=f(r,a,i,y.UNSIGNED_INT_24_8_WEBGL,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g&&(t.depth=f(r,a,i,r.UNSIGNED_SHORT,r.DEPTH_COMPONENT,r.DEPTH_ATTACHMENT)):g&&d?t._depth_rb=p(r,a,i,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g?t._depth_rb=p(r,a,i,r.DEPTH_COMPONENT16,r.DEPTH_ATTACHMENT):d&&(t._depth_rb=p(r,a,i,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;va||r<0||r>a)throw new Error(\"gl-fbo: Can't resize FBO, invalid dimensions\");t._shape[0]=e,t._shape[1]=r;for(var i=c(n),o=0;o>8*p&255;this.pickOffset=r,a.bind();var d=a.uniforms;d.viewTransform=t,d.pickOffset=e,d.shape=this.shape;var g=a.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]}}}(),h.pick=function(t,e,r){var n=this.pickOffset,a=this.shape[0]*this.shape[1];if(r=n+a)return null;var i=r-n,o=this.xData,s=this.yData;return{object:this,pointId:i,dataCoord:[o[i%this.shape[0]],s[i/this.shape[0]|0]]}},h.update=function(t){var e=(t=t||{}).shape||[0,0],r=t.x||a(e[0]),o=t.y||a(e[1]),s=t.z||new Float32Array(e[0]*e[1]),l=!1!==t.zsmooth;this.xData=r,this.yData=o;var c,u,h,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],h=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,h=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/(h-c),x=1/(p-u),b=e[0],_=e[1];this.shape=[b,_];var w=(l?(b-1)*(_-1):b*_)*(f.length>>>1);this.numVertices=w;for(var T=i.mallocUint8(4*w),k=i.mallocFloat32(2*w),M=i.mallocUint8(2*w),A=i.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 a(t,i,o,null,l)},r.createPickShader=function(t){return a(t,i,s,null,l)}},{\"gl-shader\":312,glslify:413}],271:[function(t,e,r){\"use strict\";e.exports=function(t){var e=t.gl||t.scene&&t.scene.gl,r=h(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=f(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=a(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=i(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\"),a=t(\"gl-vao\"),i=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\"),h=u.createShader,f=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 a=t[n]-e[n];r+=a*a}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,a,i){this.gl=t,this.shader=e,this.pickShader=r,this.buffer=n,this.vao=a,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=i,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 a=[],i=[],o=[],s=0,u=0,h=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],f=t.position||t.positions;if(f){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)a.push(a[a.length-12]);u+=2,m=!0}continue t}h[0][r]=Math.min(h[0][r],b[r],_[r]),h[1][r]=Math.max(h[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)a.push(b[0],b[1],b[2],_[0],_[1],_[2],T,x,v[0],v[1],v[2],v[3]);u+=2,m=!1}a.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(a),i.push(s),o.push(f[f.length-1].slice()),this.bounds=h,this.vertexCount=u,this.points=o,this.arcLength=i,\"dashes\"in t){var k=t.dashes.slice();for(k.unshift(0),e=1;e1.0001)return null;v+=m[h]}if(Math.abs(v-1)>.001)return null;return[f,s(t,m),m]}},{barycentric:78,\"polytope-closest-point/lib/closest_point_2d.js\":499}],291:[function(t,e,r){var n=t(\"glslify\"),a=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\"]),i=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}\"]),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\\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}\"]),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\\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:a,fragment:i,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:h,attributes:[{name:\"position\",type:\"vec3\"},{name:\"id\",type:\"vec4\"}]},r.pointPickShader={vertex:f,fragment:h,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:413}],292:[function(t,e,r){\"use strict\";var n=t(\"gl-shader\"),a=t(\"gl-buffer\"),i=t(\"gl-vao\"),o=t(\"gl-texture2d\"),s=t(\"normals\"),l=t(\"gl-mat4/multiply\"),c=t(\"gl-mat4/invert\"),u=t(\"ndarray\"),h=t(\"colormap\"),f=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,a,i,o,s,l,c,u,h,f,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=a,this.pickShader=i,this.pointPickShader=o,this.contourShader=s,this.trianglePositions=l,this.triangleColors=u,this.triangleNormals=f,this.triangleUVs=h,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 P(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=f(this.cells,this.intensity,t.intensity),r=e.cells,n=e.vertexIds,a=e.vertexWeights,i=r.length,o=p.mallocFloat32(6*i),s=0,l=0;l0&&((h=this.triShader).bind(),h.uniforms=s,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind());this.edgeCount>0&&this.lineWidth>0&&((h=this.lineShader).bind(),h.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&&((h=this.pointShader).bind(),h.uniforms=s,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind());this.contourEnable&&this.contourCount>0&&this.contourLineWidth>0&&((h=this.contourShader).bind(),h.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,a=t.projection||w,i=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)i[0][o]=Math.max(i[0][o],this.clipBounds[0][o]),i[1][o]=Math.min(i[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(a),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s,l={model:r,view:n,projection:a,clipBounds:i,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,a=new Array(r.length),i=0;ia[k]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=m[t],r.uniforms.angle=v[t],i.drawArrays(i.TRIANGLES,a[k],a[M]-a[k]))),y[t]&&T&&(u[1^t]-=A*p*x[t],r.uniforms.dataAxis=h,r.uniforms.screenOffset=u,r.uniforms.color=b[t],r.uniforms.angle=_[t],i.drawArrays(i.TRIANGLES,w,T)),u[1^t]=A*s[2+(1^t)]-1,d[t+2]&&(u[1^t]+=A*p*g[t+2],ka[k]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=m[t+2],r.uniforms.angle=v[t+2],i.drawArrays(i.TRIANGLES,a[k],a[M]-a[k]))),y[t+2]&&T&&(u[1^t]+=A*p*x[t+2],r.uniforms.dataAxis=h,r.uniforms.screenOffset=u,r.uniforms.color=b[t+2],r.uniforms.angle=_[t+2],i.drawArrays(i.TRIANGLES,w,T))}),g.drawTitle=function(){var t=[0,0],e=[0,0];return function(){var r=this.plot,n=this.shader,a=r.gl,i=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-i[u])/(i[2+u]-i[u])-1;n.bind(),n.uniforms.dataAxis=t,n.uniforms.screenOffset=e,n.uniforms.angle=s,n.uniforms.color=l,a.drawArrays(a.TRIANGLES,this.titleOffset,this.titleCount)}}}(),g.bind=(f=[0,0],p=[0,0],d=[0,0],function(){var t=this.plot,e=this.shader,r=t._tickBounds,n=t.dataBox,a=t.screenBox,i=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],h=i[o],g=i[o+2]-h,m=a[o],v=a[o+2]-m;p[o]=2*l/u*g/v,f[o]=2*(s-c)/u*g/v}d[1]=2*t.pixelRatio/(a[3]-a[1]),d[0]=d[1]*(a[3]-a[1])/(a[2]-a[0]),e.uniforms.dataScale=p,e.uniforms.dataShift=f,e.uniforms.textScale=d,this.vbo.bind(),e.attributes.textCoordinate.pointer()}),g.update=function(t){var e,r,n,a,o,s=[],l=t.ticks,c=t.bounds;for(o=0;o<2;++o){var u=[Math.floor(s.length/3)],h=[-1/0],f=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],f[d]):o.drawLine(e[0],g,e[2],g,p[d],f[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(i,0,0,-t*r*Math.PI*d.rotateSpeed/window.innerWidth);else if(!d._ortho){var o=-d.zoomSpeed*a*e/window.innerHeight*(i-c.lastT())/20;c.pan(i,0,0,h*(Math.exp(o)-1))}}}),!0)},d.enableMouseListeners(),d};var n=t(\"right-now\"),a=t(\"3d-view\"),i=t(\"mouse-change\"),o=t(\"mouse-wheel\"),s=t(\"mouse-event-offset\"),l=t(\"has-passive-events\")},{\"3d-view\":54,\"has-passive-events\":415,\"mouse-change\":457,\"mouse-event-offset\":458,\"mouse-wheel\":460,\"right-now\":514}],300:[function(t,e,r){var n=t(\"glslify\"),a=t(\"gl-shader\"),i=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 a(t,i,o,null,[{name:\"position\",type:\"vec2\"}])}},{\"gl-shader\":312,glslify:413}],301:[function(t,e,r){\"use strict\";var n=t(\"./camera.js\"),a=t(\"gl-axes3d\"),i=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\"),h=t(\"gl-mat4/perspective\"),f=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=a(r,k);M.enable=!k.disable;var A=t.spikes||{},S=o(r,A),E=[],C=[],L=[],P=[],I=!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 a=0|Math.ceil(r*N.pixelRatio),i=0|Math.ceil(n*N.pixelRatio);if(a!==e.width||i!==e.height){e.width=a,e.height=i;var o=e.style;o.position=o.position||\"absolute\",o.left=\"0px\",o.top=\"0px\",o.width=r+\"px\",o.height=n+\"px\",I=!0}}}N.autoResize&&U();function V(){for(var t=E.length,e=P.length,n=0;n0&&0===L[e-1];)L.pop(),P.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||{},I=!0,z=!0)},N.add=function(t){N._stopped||(t.axes=M,E.push(t),C.push(-1),I=!0,z=!0,V())},N.remove=function(t){if(!N._stopped){var e=E.indexOf(t);e<0||(E.splice(e,1),C.pop(),I=!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:413}],303:[function(t,e,r){\"use strict\";var n=t(\"gl-shader\"),a=t(\"gl-buffer\"),i=t(\"typedarray-pool\"),o=t(\"./lib/shader\");function s(t,e,r,n,a){this.plot=t,this.offsetBuffer=e,this.pickBuffer=r,this.shader=n,this.pickShader=a,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,i=a(r),l=a(r),c=n(r,o.pointVertex,o.pointFragment),u=n(r,o.pickVertex,o.pickFragment),h=new s(t,i,l,c,u);return h.update(e),t.addObject(h),h};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,a=t.positions instanceof Float32Array,o=t.idToIndex instanceof Int32Array&&t.idToIndex.length>=n,s=t.positions,l=a?s:i.mallocFloat32(s.length),c=o?t.idToIndex:i.mallocInt32(n);if(a||l.set(s),!o)for(l.set(s),e=0;e>>1;for(r=0;r=e[0]&&i<=e[2]&&o>=e[1]&&o<=e[3]&&n++}return n}(this.points,a),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/i,l[4]=2/o,l[6]=-2*a[0]/i-1,l[7]=-2*a[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 h=n.getParameter(n.BLEND),f=n.getParameter(n.DITHER);return h&&!this.blend&&n.disable(n.BLEND),f&&n.disable(n.DITHER),n.drawArrays(n.POINTS,0,this.pointCount),h&&!this.blend&&n.enable(n.BLEND),f&&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,a=this.pointCount;if(r=n+a)return null;var i=r-n,o=this.points;return{object:this,pointId:i,dataCoord:[o[2*i],o[2*i+1]]}}},{\"./lib/shader\":302,\"gl-buffer\":258,\"gl-shader\":312,\"typedarray-pool\":567}],304:[function(t,e,r){e.exports=function(t,e,r,n){var a,i,o,s,l,c=e[0],u=e[1],h=e[2],f=e[3],p=r[0],d=r[1],g=r[2],m=r[3];(i=c*p+u*d+h*g+f*m)<0&&(i=-i,p=-p,d=-d,g=-g,m=-m);1-i>1e-6?(a=Math.acos(i),o=Math.sin(a),s=Math.sin((1-n)*a)/o,l=Math.sin(n*a)/o):(s=1-n,l=n);return t[0]=s*c+l*p,t[1]=s*u+l*d,t[2]=s*h+l*g,t[3]=s*f+l*m,t}},{}],305:[function(t,e,r){\"use strict\";e.exports=function(t){return t||0===t?t.toString():\"\"}},{}],306:[function(t,e,r){\"use strict\";var n=t(\"vectorize-text\");e.exports=function(t,e,r){var i=a[e];i||(i=a[e]={});if(t in i)return i[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=a([\"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=a([\"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=a([\"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=a([\"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\"}],h={vertex:i,fragment:l,attributes:u},f={vertex:o,fragment:l,attributes:u},p={vertex:s,fragment:l,attributes:u},d={vertex:i,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),a=r.attributes;return a.position.location=0,a.color.location=1,a.glyph.location=2,a.id.location=3,r}r.createPerspective=function(t){return v(t,h)},r.createOrtho=function(t){return v(t,f)},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\":312,glslify:413}],308:[function(t,e,r){\"use strict\";var n=t(\"is-string-blank\"),a=t(\"gl-buffer\"),i=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\"),h=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function f(t,e){var r=t[0],n=t[1],a=t[2],i=t[3];return t[0]=e[0]*r+e[4]*n+e[8]*a+e[12]*i,t[1]=e[1]*r+e[5]*n+e[9]*a+e[13]*i,t[2]=e[2]*r+e[6]*n+e[10]*a+e[14]*i,t[3]=e[3]*r+e[7]*n+e[11]*a+e[15]*i,t}function p(t,e,r,n){return f(n,n),f(n,n),f(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,a,i,o,s,l,c,u,h){this.gl=t,this.pixelRatio=1,this.shader=e,this.orthoShader=r,this.projectShader=n,this.pointBuffer=a,this.colorBuffer=i,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=h,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),h=a(e),f=a(e),p=a(e),d=a(e),g=i(e,[{buffer:h,size:3,type:e.FLOAT},{buffer:f,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,h,f,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=h.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 a,i=e.axesProject,o=e.gl,l=t.uniforms,c=r.model||h,u=r.view||h,f=r.projection||h,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);a=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=f,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(i[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,a[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,P=(m+2)%3,I=A(x),z=A(b);I[L]=1,z[P]=1;var O=p(0,0,0,S(_,I)),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=I,I=z,z=R;var F=L;L=P,P=F}O[0]<0&&(I[L]=-1),D[1]>0&&(z[P]=-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*P+C],2);I[L]/=Math.sqrt(B),z[P]/=Math.sqrt(N),l.axes[0]=I,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 P(t,e,r,n,a,i,o){var s=r.gl;if((i===r.projectHasAlpha||o)&&C(e,r,n,a),i===r.hasAlpha||o){t.bind();var l=t.uniforms;l.model=n.model||h,l.view=n.view||h,l.projection=n.projection||h,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=a,r.vao.bind(),r.vao.draw(s.TRIANGLES,r.vertexCount),r.lineWidth>0&&(s.lineWidth(r.lineWidth*a),r.vao.draw(s.LINES,r.lineVertexCount,r.vertexCount)),r.vao.unbind()}}function I(t,e,r,a){var i;i=Array.isArray(t)?e=this.pointCount||e<0)return null;var r=this.points[e],n=this._selectResult;n.index=e;for(var a=0;a<3;++a)n.position[a]=n.dataCoordinate[a]=r[a];return n},v.highlight=function(t){if(t){var e=t.index,r=255&e,n=e>>8&255,a=e>>16&255;this.highlightId=[r/255,n/255,a/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 a,i,s=t.position,l=t.font||\"normal\",c=t.alignment||[0,0];if(2===c.length)a=c[0],i=c[1];else{a=[],i=[];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;h[T]=Math.max(h[T],w[T]),u[T]=Math.min(u[T],w[T])}k=(N=I(f,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],X=k.cells||[],J=k.positions||[];for(T=0;T0){var v=r*u;o.drawBox(h-v,f-v,p+v,f+v,i),o.drawBox(h-v,d-v,p+v,d+v,i),o.drawBox(h-v,f-v,h+v,d+v,i),o.drawBox(p-v,f-v,p+v,d+v,i)}}}},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\":309,\"gl-buffer\":258,\"gl-shader\":312}],311:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r=e[0],i=e[1],o=n(t,r,i,{}),s=a.mallocUint8(r*i*4);return new l(t,o,s)};var n=t(\"gl-fbo\"),a=t(\"typedarray-pool\"),i=t(\"ndarray\"),o=t(\"bit-twiddle\").nextPow2;function s(t,e,r,n,a){this.coord=[t,e],this.id=r,this.value=n,this.distance=a}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){a.free(this.buffer);for(var n=this.buffer=a.mallocUint8(o(r*e*4)),i=0;ir)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(){f.program=o.program(p,f._vref,f._fref,b,_);for(var t=0;t=0){if((d=f.charCodeAt(f.length-1)-48)<2||d>4)throw new n(\"\",\"Invalid data type for attribute \"+h+\": \"+f);o(t,e,p[0],a,d,i,h)}else{if(!(f.indexOf(\"mat\")>=0))throw new n(\"\",\"Unknown data type for attribute \"+h+\": \"+f);var d;if((d=f.charCodeAt(f.length-1)-48)<2||d>4)throw new n(\"\",\"Invalid data type for attribute \"+h+\": \"+f);s(t,e,p,a,d,i,h)}}}return i};var n=t(\"./GLError\");function a(t,e,r,n,a,i){this._gl=t,this._wrapper=e,this._index=r,this._locations=n,this._dimension=a,this._constFunc=i}var i=a.prototype;function o(t,e,r,n,i,o,s){for(var l=[\"gl\",\"v\"],c=[],u=0;u4)throw new a(\"\",\"Invalid uniform dimension type for matrix \"+name+\": \"+r);return\"gl.uniformMatrix\"+i+\"fv(locations[\"+e+\"],false,obj\"+t+\")\"}throw new a(\"\",\"Unknown uniform data type for \"+name+\": \"+r)}if((i=r.charCodeAt(r.length-1)-48)<2||i>4)throw new a(\"\",\"Invalid data type\");switch(r.charAt(0)){case\"b\":case\"i\":return\"gl.uniform\"+i+\"iv(locations[\"+e+\"],obj\"+t+\")\";case\"v\":return\"gl.uniform\"+i+\"fv(locations[\"+e+\"],obj\"+t+\")\";default:throw new a(\"\",\"Unrecognized data type for vector \"+name+\": \"+r)}}}function c(e){for(var n=[\"return function updateProperty(obj){\"],a=function t(e,r){if(\"object\"!=typeof r)return[[e,r]];var n=[];for(var a in r){var i=r[a],o=e;parseInt(a)+\"\"===a?o+=\"[\"+a+\"]\":o+=\".\"+a,\"object\"==typeof i?n.push.apply(n,t(o,i)):n.push([o,i])}return n}(\"\",e),i=0;i4)throw new a(\"\",\"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 a(\"\",\"Invalid uniform dimension type for matrix \"+name+\": \"+t);return o(r*r,0)}throw new a(\"\",\"Unknown uniform data type for \"+name+\": \"+t)}}(r[u].type);var p}function h(t){var e;if(Array.isArray(t)){e=new Array(t.length);for(var r=0;r1){s[0]in i||(i[s[0]]=[]),i=i[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\"]),i=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:a,fragment:i,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:413}],323:[function(t,e,r){\"use strict\";var n=t(\"gl-vec3\"),a=t(\"gl-vec4\"),i=[\"xyz\",\"xzy\",\"yxz\",\"yzx\",\"zxy\",\"zyx\"],o=function(t,e,r,i){for(var o=0,s=0;s0)for(T=0;T<8;T++){var k=(T+1)%8;c.push(f[T],p[T],p[k],p[k],f[k],f[T]),h.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=f;f=p,p=A;var S=y;y=v,v=S;var E=g;g=m,m=E}return{positions:c,cells:u,vectors:h,vertexIntensity:d}}(t,r,i,o)})),h=[],f=[],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;nh-1||y>f-1||x>p-1)return n.create();var b,_,w,T,k,M,A=i[0][d],S=i[0][v],E=i[1][g],C=i[1][y],L=i[2][m],P=(o-A)/(S-A),I=(c-E)/(C-E),z=(u-L)/(i[2][x]-L);switch(isFinite(P)||(P=.5),isFinite(I)||(I=.5),isFinite(z)||(z=.5),r.reversedX&&(d=h-1-d,v=h-1-v),r.reversedY&&(g=f-1-g,y=f-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*f,_=v*p*f;break;case 4:k=m,M=x,b=d*p,_=v*p,w=g*p*h,T=y*p*h;break;case 3:w=g,T=y,k=m*f,M=x*f,b=d*f*p,_=v*f*p;break;case 2:w=g,T=y,b=d*f,_=v*f,k=m*f*h,M=x*f*h;break;case 1:b=d,_=v,k=m*h,M=x*h,w=g*h*p,T=y*h*p;break;default:b=d,_=v,w=g*h,T=y*h,k=m*h*f,M=x*h*f}var O=a[b+w+k],D=a[b+w+M],R=a[b+T+k],F=a[b+T+M],B=a[_+w+k],N=a[_+w+M],j=a[_+T+k],U=a[_+T+M],V=n.create(),q=n.create(),H=n.create(),G=n.create();n.lerp(V,O,B,P),n.lerp(q,D,N,P),n.lerp(H,R,j,P),n.lerp(G,F,U,P);var Y=n.create(),W=n.create();n.lerp(Y,V,H,I),n.lerp(W,q,G,I);var Z=n.create();return n.lerp(Z,Y,W,z),Z}(e,t,p)},g=t.getDivergence||function(t,e){var r=n.create(),a=1e-4;n.add(r,t,[a,0,0]);var i=d(r);n.subtract(i,i,e),n.scale(i,i,1/a),n.add(r,t,[0,a,0]);var o=d(r);n.subtract(o,o,e),n.scale(o,o,1/a),n.add(r,t,[0,0,a]);var s=d(r);return n.subtract(s,s,e),n.scale(s,s,1/a),n.add(r,i,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])/a,M=k*k,A=1,S=0,E=r.length;E>1&&(A=function(t){for(var e=[],r=[],n=[],a={},i={},o={},s=t.length,l=0;lS&&(S=F),D.push(F),m.push({points:P,velocities:I,divergences:D});for(var B=0;B<100*a&&P.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){P.push(N),O=N,I.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 h?U.tubeScale=h:(0===S&&(S=1),U.tubeScale=.5*u*A/S),U};var u=t(\"./lib/shaders\"),h=t(\"gl-cone3d\").createMesh;e.exports.createTubeMesh=function(t,e){return h(t,e,{shaders:u,traceType:\"streamtube\"})}},{\"./lib/shaders\":322,\"gl-cone3d\":259,\"gl-vec3\":351,\"gl-vec4\":387}],324:[function(t,e,r){var n=t(\"gl-shader\"),a=t(\"glslify\"),i=a([\"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=a([\"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=a([\"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=a([\"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,i,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,i,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\":312,glslify:413}],325:[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=a(e),u=i(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}]),h=a(e),f=i(e,[{buffer:h,size:4,stride:20,offset:0},{buffer:h,size:1,stride:20,offset:16}]),p=a(e),d=i(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,h,f,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\"),a=t(\"gl-buffer\"),i=t(\"gl-vao\"),o=t(\"gl-texture2d\"),s=t(\"typedarray-pool\"),l=t(\"colormap\"),c=t(\"ndarray-ops\"),u=t(\"ndarray-pack\"),h=t(\"ndarray\"),f=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,a){this.position=t,this.index=e,this.uv=r,this.level=n,this.dataCoordinate=a}!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,a,i,o,l,c,u,f,p,d,g,m){this.gl=t,this.shape=e,this.bounds=r,this.objectOffset=m,this.intensityBounds=[],this._shader=n,this._pickShader=a,this._coordinateBuffer=i,this._vao=o,this._colorMap=l,this._contourShader=c,this._contourPickShader=u,this._contourBuffer=f,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=[h(s.mallocFloat(1024),[0,0]),h(s.mallocFloat(1024),[0,0]),h(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 a=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 a<1&&(r=!0),[t[0],t[1],t[2],255*a]}))]);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,a,i=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[+(i[r]>0)][r],p(l,t.model,l);var c=C.clipBounds[r];for(a=0;a<2;++a)for(n=0;n<3;++n)c[a][n]=t.clipBounds[a][n];c[0][r]=-1e8,c[1][r]=1e8}return C.showSurface=o,C.showContour=s,C}var P={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},I=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=P;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 a=0;a<2;++a)for(var i=n.clipBounds[a],o=0;o<3;++o)i[o]=Math.min(Math.max(this.clipBounds[a][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=I;for(p(s,n.view,n.model),p(s,n.projection,s),d(s,s),a=0;a<3;++a)n.eyePosition[a]=s[12+a]/s[15];var l=s[15];for(a=0;a<3;++a)l+=this.lightPosition[a]*s[4*a+3];for(a=0;a<3;++a){var c=s[12+a];for(o=0;o<3;++o)c+=s[4*o+a]*this.lightPosition[o];n.lightPosition[a]=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),a=0;a<3;++a)this.surfaceProject[a]&&this.vertexCount&&(this._shader.uniforms.model=u.projections[a],this._shader.uniforms.clipBounds=u.clipBounds[a],this._vao.draw(r.TRIANGLES,this._vertexCount));this._vao.unbind()}if(u.showContour){var h=this._contourShader;n.kambient=1,n.kdiffuse=0,n.kspecular=0,n.opacity=1,h.bind(),h.uniforms=n;var f=this._contourVAO;for(f.bind(),a=0;a<3;++a)for(h.uniforms.permutation=k[a],r.lineWidth(this.contourWidth[a]*this.pixelRatio),o=0;o>4)/16)/255,a=Math.floor(n),i=n-a,o=e[1]*(t.value[1]+(15&t.value[2])/16)/255,s=Math.floor(o),l=o-s;a+=1,s+=1;var c=r.position;c[0]=c[1]=c[2]=0;for(var u=0;u<2;++u)for(var h=u?i:1-i,f=0;f<2;++f)for(var p=a+u,d=s+f,m=h*(f?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]=i<.5?a:a+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 a=(e.shape[0]+2)*(e.shape[1]+2);a>this._field[2].data.length&&(s.freeFloat(this._field[2].data),this._field[2].data=s.mallocFloat(n.nextPow2(a))),this._field[2]=h(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 i=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]=h(this._field[o].data,[i[0]+2,i[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]!==i[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=h(p)),p.shape[0]!==i[o])throw new Error(\"gl-surface: invalid tick length\");var d=h(p.data,i);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]=h(this._field[o].data,[i[0]+2,i[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=a(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=h(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,i=!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 a=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]&&a==e.font[r].baseString||(i=!0,e.font[r]=T.fonts[a],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:a,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[a]=e.font[r]}})),(i||o)&&this.font.forEach((function(r,a){var i=n.stringify({size:e.fontSize[a],family:r.family,stretch:_?r.stretch:void 0,variant:r.variant,weight:r.weight,style:r.style});if(e.fontAtlas[a]=e.shader.atlas[i],!e.fontAtlas[a]){var o=r.metrics;e.shader.atlas[i]=e.fontAtlas[a]={fontString:i,step:2*Math.ceil(e.fontSize[a]*o.bottom*.5),em:e.fontSize[a],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),f=0;f2){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,a=0;return a+=.5*n.bottom,a+=\"number\"==typeof t?t-n.baseline:-n[t],T.normalViewport||(a*=-1),a}))),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\":328,\"is-plain-obj\":443,\"object-assign\":473,\"parse-rect\":478,\"parse-unit\":480,\"pick-by-alias\":485,regl:512,\"to-px\":550,\"typedarray-pool\":567}],327:[function(t,e,r){\"use strict\";var n=t(\"ndarray\"),a=t(\"ndarray-ops\"),i=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 h=function(t,e){a.muls(t,e,255)};function f(t,e,r){var n=t.gl,a=n.getParameter(n.MAX_TEXTURE_SIZE);if(e<0||e>a||r<0||r>a)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,a,i){this.gl=t,this.handle=e,this.format=a,this.type=i,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,a){var i=t.getParameter(t.MAX_TEXTURE_SIZE);if(e<0||e>i||r<0||r>i)throw new Error(\"gl-texture2d: Invalid texture shape\");if(a===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,a,null),new p(t,o,e,r,n,a)}function y(t,e,r,n,a,i){var o=m(t);return t.texImage2D(t.TEXTURE_2D,0,a,a,i,e),new p(t,o,r,n,a,i)}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,f,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];f=i.malloc(v,r);var x=n(f,o,y,0);\"float32\"!==r&&\"float64\"!==r||c!==t.UNSIGNED_BYTE?a.assign(x,e):h(x,e),u=f.subarray(0,v)}var b=m(t);return t.texImage2D(t.TEXTURE_2D,0,d,o[0],o[1],0,d,c,u),l||i.free(f),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 f(this,0|t[0],0|t[1]),[0|t[0],0|t[1]]}},width:{get:function(){return this._shape[0]},set:function(t){return f(this,t|=0,this._shape[1]),t}},height:{get:function(){return this._shape[1]},set:function(t){return t|=0,f(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 f=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\"===f?d=t.FLOAT:\"float64\"===f?(d=t.FLOAT,v=!1,f=\"float32\"):\"uint8\"===f?d=t.UNSIGNED_BYTE:(d=t.UNSIGNED_BYTE,v=!1,f=\"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?i.mallocFloat32(y):i.mallocUint8(y);var _=n(b,p,[p[2],p[2]*p[0],1]);d===t.FLOAT&&l===t.UNSIGNED_BYTE?h(_,u):a.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?i.freeFloat32(b):i.freeUint8(b)}}(s,e,r,o,this.format,this.type,this._mipLevels,t)}}},{ndarray:469,\"ndarray-ops\":464,\"typedarray-pool\":567}],328:[function(t,e,r){(function(r){\"use strict\";var n=t(\"pick-by-alias\");function a(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 i(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={},i(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}i(t.container)?(t.canvas=t.container,t.container=t.canvas.parentNode):t.canvas||(t.canvas=o(),t.container.appendChild(t.canvas),a(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),a(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,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{\"pick-by-alias\":485}],329:[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 a=0;a1?0:Math.acos(s)};var n=t(\"./fromValues\"),a=t(\"./normalize\"),i=t(\"./dot\")},{\"./dot\":344,\"./fromValues\":350,\"./normalize\":361}],335:[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}},{}],336:[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}},{}],337:[function(t,e,r){e.exports=function(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t}},{}],338:[function(t,e,r){e.exports=function(){var t=new Float32Array(3);return t[0]=0,t[1]=0,t[2]=0,t}},{}],339:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],a=e[1],i=e[2],o=r[0],s=r[1],l=r[2];return t[0]=a*l-i*s,t[1]=i*o-n*l,t[2]=n*s-a*o,t}},{}],340:[function(t,e,r){e.exports=t(\"./distance\")},{\"./distance\":341}],341:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],a=e[2]-t[2];return Math.sqrt(r*r+n*n+a*a)}},{}],342:[function(t,e,r){e.exports=t(\"./divide\")},{\"./divide\":343}],343:[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}},{}],344:[function(t,e,r){e.exports=function(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]}},{}],345:[function(t,e,r){e.exports=1e-6},{}],346:[function(t,e,r){e.exports=function(t,e){var r=t[0],a=t[1],i=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(a-s)<=n*Math.max(1,Math.abs(a),Math.abs(s))&&Math.abs(i-l)<=n*Math.max(1,Math.abs(i),Math.abs(l))};var n=t(\"./epsilon\")},{\"./epsilon\":345}],347:[function(t,e,r){e.exports=function(t,e){return t[0]===e[0]&&t[1]===e[1]&&t[2]===e[2]}},{}],348:[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}},{}],349:[function(t,e,r){e.exports=function(t,e,r,a,i,o){var s,l;e||(e=3);r||(r=0);l=a?Math.min(a*e+r,t.length):t.length;for(s=r;s0&&(i=1/Math.sqrt(i),t[0]=e[0]*i,t[1]=e[1]*i,t[2]=e[2]*i);return t}},{}],362:[function(t,e,r){e.exports=function(t,e){e=e||1;var r=2*Math.random()*Math.PI,n=2*Math.random()-1,a=Math.sqrt(1-n*n)*e;return t[0]=Math.cos(r)*a,t[1]=Math.sin(r)*a,t[2]=n*e,t}},{}],363:[function(t,e,r){e.exports=function(t,e,r,n){var a=r[1],i=r[2],o=e[1]-a,s=e[2]-i,l=Math.sin(n),c=Math.cos(n);return t[0]=e[0],t[1]=a+o*c-s*l,t[2]=i+o*l+s*c,t}},{}],364:[function(t,e,r){e.exports=function(t,e,r,n){var a=r[0],i=r[2],o=e[0]-a,s=e[2]-i,l=Math.sin(n),c=Math.cos(n);return t[0]=a+s*l+o*c,t[1]=e[1],t[2]=i+s*c-o*l,t}},{}],365:[function(t,e,r){e.exports=function(t,e,r,n){var a=r[0],i=r[1],o=e[0]-a,s=e[1]-i,l=Math.sin(n),c=Math.cos(n);return t[0]=a+o*c-s*l,t[1]=i+o*l+s*c,t[2]=e[2],t}},{}],366:[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}},{}],367:[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}},{}],368:[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}},{}],369:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e,t[1]=r,t[2]=n,t}},{}],370:[function(t,e,r){e.exports=t(\"./squaredDistance\")},{\"./squaredDistance\":372}],371:[function(t,e,r){e.exports=t(\"./squaredLength\")},{\"./squaredLength\":373}],372:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],a=e[2]-t[2];return r*r+n*n+a*a}},{}],373:[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}},{}],374:[function(t,e,r){e.exports=t(\"./subtract\")},{\"./subtract\":375}],375:[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}},{}],376:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],a=e[1],i=e[2];return t[0]=n*r[0]+a*r[3]+i*r[6],t[1]=n*r[1]+a*r[4]+i*r[7],t[2]=n*r[2]+a*r[5]+i*r[8],t}},{}],377:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],a=e[1],i=e[2],o=r[3]*n+r[7]*a+r[11]*i+r[15];return o=o||1,t[0]=(r[0]*n+r[4]*a+r[8]*i+r[12])/o,t[1]=(r[1]*n+r[5]*a+r[9]*i+r[13])/o,t[2]=(r[2]*n+r[6]*a+r[10]*i+r[14])/o,t}},{}],378:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],a=e[1],i=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*i-l*a,h=c*a+l*n-o*i,f=c*i+o*a-s*n,p=-o*n-s*a-l*i;return t[0]=u*c+p*-o+h*-l-f*-s,t[1]=h*c+p*-s+f*-o-u*-l,t[2]=f*c+p*-l+u*-s-h*-o,t}},{}],379:[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}},{}],380:[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}},{}],381:[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}},{}],382:[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}},{}],383:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],a=e[2]-t[2],i=e[3]-t[3];return Math.sqrt(r*r+n*n+a*a+i*i)}},{}],384:[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}},{}],385:[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]}},{}],386:[function(t,e,r){e.exports=function(t,e,r,n){var a=new Float32Array(4);return a[0]=t,a[1]=e,a[2]=r,a[3]=n,a}},{}],387:[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\":379,\"./clone\":380,\"./copy\":381,\"./create\":382,\"./distance\":383,\"./divide\":384,\"./dot\":385,\"./fromValues\":386,\"./inverse\":388,\"./length\":389,\"./lerp\":390,\"./max\":391,\"./min\":392,\"./multiply\":393,\"./negate\":394,\"./normalize\":395,\"./random\":396,\"./scale\":397,\"./scaleAndAdd\":398,\"./set\":399,\"./squaredDistance\":400,\"./squaredLength\":401,\"./subtract\":402,\"./transformMat4\":403,\"./transformQuat\":404}],388:[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}},{}],389:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],a=t[3];return Math.sqrt(e*e+r*r+n*n+a*a)}},{}],390:[function(t,e,r){e.exports=function(t,e,r,n){var a=e[0],i=e[1],o=e[2],s=e[3];return t[0]=a+n*(r[0]-a),t[1]=i+n*(r[1]-i),t[2]=o+n*(r[2]-o),t[3]=s+n*(r[3]-s),t}},{}],391:[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}},{}],392:[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}},{}],393:[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}},{}],394:[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}},{}],395:[function(t,e,r){e.exports=function(t,e){var r=e[0],n=e[1],a=e[2],i=e[3],o=r*r+n*n+a*a+i*i;o>0&&(o=1/Math.sqrt(o),t[0]=r*o,t[1]=n*o,t[2]=a*o,t[3]=i*o);return t}},{}],396:[function(t,e,r){var n=t(\"./normalize\"),a=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),a(t,t,e),t}},{\"./normalize\":395,\"./scale\":397}],397:[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}},{}],398:[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}},{}],399:[function(t,e,r){e.exports=function(t,e,r,n,a){return t[0]=e,t[1]=r,t[2]=n,t[3]=a,t}},{}],400:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],a=e[2]-t[2],i=e[3]-t[3];return r*r+n*n+a*a+i*i}},{}],401:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],a=t[3];return e*e+r*r+n*n+a*a}},{}],402:[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}},{}],403:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],a=e[1],i=e[2],o=e[3];return t[0]=r[0]*n+r[4]*a+r[8]*i+r[12]*o,t[1]=r[1]*n+r[5]*a+r[9]*i+r[13]*o,t[2]=r[2]*n+r[6]*a+r[10]*i+r[14]*o,t[3]=r[3]*n+r[7]*a+r[11]*i+r[15]*o,t}},{}],404:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],a=e[1],i=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*i-l*a,h=c*a+l*n-o*i,f=c*i+o*a-s*n,p=-o*n-s*a-l*i;return t[0]=u*c+p*-o+h*-l-f*-s,t[1]=h*c+p*-s+f*-o-u*-l,t[2]=f*c+p*-l+u*-s-h*-o,t[3]=e[3],t}},{}],405:[function(t,e,r){var n=t(\"glsl-tokenizer\"),a=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 I(){return/[^a-fA-F0-9]/.test(e)?(M(p.join(\"\")),f=999,u):(p.push(e),r=e,u+1)}function z(){return\".\"===e||/[eE]/.test(e)?(p.push(e),f=5,r=e,u+1):\"x\"===e&&1===p.length&&\"0\"===p[0]?(f=11,p.push(e),r=e,u+1):/[^\\d]/.test(e)?(M(p.join(\"\")),f=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(\"\")),f=999,u):(p.push(e),r=e,u+1)}function D(){if(/[^\\d\\w_]/.test(e)){var t=p.join(\"\");return f=k[t]?8:T[t]?7:6,M(p.join(\"\")),f=999,u}return p.push(e),r=e,u+1}};var n=t(\"./lib/literals\"),a=t(\"./lib/operators\"),i=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\":408,\"./lib/builtins-300es\":407,\"./lib/literals\":410,\"./lib/literals-300es\":409,\"./lib/operators\":411}],407:[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\":408}],408:[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\"]},{}],409:[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\":410}],410:[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\"]},{}],411:[function(t,e,r){e.exports=[\"<<=\",\">>=\",\"++\",\"--\",\"<<\",\">>\",\"<=\",\">=\",\"==\",\"!=\",\"&&\",\"||\",\"+=\",\"-=\",\"*=\",\"/=\",\"%=\",\"&=\",\"^^\",\"^=\",\"|=\",\"(\",\")\",\"[\",\"]\",\".\",\"!\",\"~\",\"*\",\"/\",\"%\",\"+\",\"-\",\"<\",\">\",\"&\",\"^\",\"|\",\"?\",\":\",\"=\",\",\",\";\",\"{\",\"}\"]},{}],412:[function(t,e,r){var n=t(\"./index\");e.exports=function(t,e){var r=n(e),a=[];return a=(a=a.concat(r(t))).concat(r(null))}},{\"./index\":406}],413:[function(t,e,r){e.exports=function(t){\"string\"==typeof t&&(t=[t]);for(var e=[].slice.call(arguments,1),r=[],n=0;n>1,u=-7,h=r?a-1:0,f=r?-1:1,p=t[e+h];for(h+=f,i=p&(1<<-u)-1,p>>=-u,u+=s;u>0;i=256*i+t[e+h],h+=f,u-=8);for(o=i&(1<<-u)-1,i>>=-u,u+=n;u>0;o=256*o+t[e+h],h+=f,u-=8);if(0===i)i=1-c;else{if(i===l)return o?NaN:1/0*(p?-1:1);o+=Math.pow(2,n),i-=c}return(p?-1:1)*o*Math.pow(2,i-n)},r.write=function(t,e,r,n,a,i){var o,s,l,c=8*i-a-1,u=(1<>1,f=23===a?Math.pow(2,-24)-Math.pow(2,-77):0,p=n?0:i-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+h>=1?f/l:f*Math.pow(2,1-h))*l>=2&&(o++,l/=2),o+h>=u?(s=0,o=u):o+h>=1?(s=(e*l-1)*Math.pow(2,a),o+=h):(s=e*Math.pow(2,h-1)*Math.pow(2,a),o=0));a>=8;t[r+p]=255&s,p+=d,s/=256,a-=8);for(o=o<0;t[r+p]=255&o,p+=d,o/=256,c-=8);t[r+p-d]|=128*g}},{}],417:[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\":420}],418:[function(t,e,r){(function(r){\"use strict\";var n=t(\"fs\"),a=t(\"path\"),i=t(\"./types\"),o=t(\"./detector\");function s(t,e){var r=o(t,e);if(r in i){var n=i[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 i=a.resolve(t);if(\"function\"!=typeof e)return s(function(t){var e=n.openSync(t,\"r\"),a=n.fstatSync(e).size,i=Math.min(a,524288),o=r.alloc(i);return n.readSync(e,o,0,i,0),n.closeSync(e),o}(i),i);!function(t,e){n.open(t,\"r\",(function(a,i){if(a)return e(a);n.fstat(i,(function(a,o){if(a)return e(a);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(i,c,0,l,0,(function(t){if(t)return e(t);n.close(i,(function(t){e(t,c)}))}))}))}))}(i,(function(t,r){if(t)return e(t);var n;try{n=s(r,i)}catch(e){t=e}e(t,n)}))},e.exports.types=Object.keys(i)}).call(this,t(\"buffer\").Buffer)},{\"./detector\":417,\"./types\":420,buffer:111,fs:109,path:481}],419:[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)}},{}],420:[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\":421,\"./types/cur\":422,\"./types/dds\":423,\"./types/gif\":424,\"./types/icns\":425,\"./types/ico\":426,\"./types/jpg\":427,\"./types/png\":428,\"./types/psd\":429,\"./types/svg\":430,\"./types/tiff\":431,\"./types/webp\":432}],421:[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))}}}},{}],422:[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\":426}],423:[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)}}}},{}],424:[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)}}}},{}],425:[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 a(t,e){var r=e+4;return[t.toString(\"ascii\",e,r),t.readUInt32BE(r)]}function i(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=i((e=a(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,a);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,i)}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),a(t)&&(e=o(t,r)),s(t,r),192===(n=t[r+1])||193===n||194===n){var l=i(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\":419}],428:[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)}}}},{}],429:[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)}}}},{}],430:[function(t,e,r){\"use strict\";var n=/\"']|\"[^\"]*\"|'[^']*')*>/;var a={root:n,width:/\\swidth=(['\"])([^%]+?)\\1/,height:/\\sheight=(['\"])([^%]+?)\\1/,viewbox:/\\sviewBox=(['\"])(.+?)\\1/},i={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])*(i[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(a.root);if(e){var r=function(t){var e=t.match(a.width),r=t.match(a.height),n=t.match(a.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\")}}},{}],431:[function(t,e,r){(function(r){\"use strict\";var n=t(\"fs\"),a=t(\"../readUInt\");function i(t,e){var r=a(t,16,8,e);return(a(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=a(t,16,0,e),n=a(t,16,2,e),s=a(t,32,4,e),0!==r);)1!==s||3!==n&&4!==n||(l[r]=i(t,e)),t=o(t);return l}(function(t,e,i){var o=a(t,32,4,i),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,t(\"buffer\").Buffer)},{\"../readUInt\":419,buffer:111,fs:109}],432:[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)}}},{}],433:[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 a=t[0].length;if(r<=a)throw new Error(\"Must input at least d+1 points\");var o=t.slice(0,a+1),s=n.apply(void 0,o);if(0===s)throw new Error(\"Input not in general position\");for(var l=new Array(a+1),u=0;u<=a;++u)l[u]=u;s<0&&(l[0]=1,l[1]=0);var h=new i(l,new Array(a+1),!1),f=h.adjacent,p=new Array(a+2);for(u=0;u<=a;++u){for(var d=l.slice(),g=0;g<=a;++g)g===u&&(d[g]=-1);var m=d[0];d[0]=d[1],d[1]=m;var v=new i(d,new Array(a+1),!0);f[u]=v,p[u]=v}p[a+1]=h;for(u=0;u<=a;++u){d=f[u].vertices;var y=f[u].adjacent;for(g=0;g<=a;++g){var x=d[g];if(x<0)y[g]=h;else for(var b=0;b<=a;++b)f[b].vertices.indexOf(x)<0&&(y[g]=f[b])}}var _=new c(a,o,p),w=!!e;for(u=a+1;u0&&e.push(\",\"),e.push(\"tuple[\",r,\"]\");e.push(\")}return orient\");var a=new Function(\"test\",e.join(\"\")),i=n[t+1];return i||(i=n),a(i)}(t)),this.orient=i}var u=c.prototype;u.handleBoundaryDegeneracy=function(t,e){var r=this.dimension,n=this.vertices.length-1,a=this.tuple,i=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,h=0;h<=r;++h){var f=u[h];a[h]=f<0?e:i[f]}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,a=this.vertices,i=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)i[u]=a[l[u]];s.lastVisited=r;for(u=0;u<=n;++u){var h=c[u];if(!(h.lastVisited>=r)){var f=i[u];i[u]=t;var p=this.orient();if(i[u]=f,p<0){s=h;continue t}h.boundary?h.lastVisited=-r:h.lastVisited=r}}return}return s},u.addPeaks=function(t,e){var r=this.vertices.length-1,n=this.dimension,a=this.vertices,l=this.tuple,c=this.interior,u=this.simplices,h=[e];e.lastVisited=r,e.vertices[e.vertices.indexOf(-1)]=r,e.boundary=!1,c.push(e);for(var f=[];h.length>0;){var p=(e=h.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]=a[y[b]];if(this.orient()>0){y[x]=r,v.boundary=!1,c.push(v),h.push(v),v.lastVisited=r;continue}v.lastVisited=-r}var _=v.adjacent,w=p.slice(),T=d.slice(),k=new i(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)}f.push(new o(S,k,b))}}}}}}f.sort(s);for(m=0;m+1=0?o[l++]=s[u]:c=1&u;if(c===(1&t)){var h=o[0];o[0]=o[1],o[1]=h}e.push(o)}}return e}},{\"robust-orientation\":520,\"simplicial-complex\":530}],434:[function(t,e,r){\"use strict\";var n=t(\"binary-search-bounds\");function a(t,e,r,n,a){this.mid=t,this.left=e,this.right=r,this.leftPoints=n,this.rightPoints=a,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 i=a.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 a=r(t[n]);if(a)return a}}function f(t,e){for(var r=0;r>1],i=[],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),a=n.ge(this.rightPoints,t,g);this.leftPoints.splice(r,0,t),this.rightPoints.splice(a,0,t)}},i.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,a=this.left;a.right;)r=a,a=a.right;if(r===this)a.right=this.right;else{var i=this.left,s=this.right;r.count-=a.count,r.right=a.left,a.left=i,a.right=s}o(this,a),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(i=n.ge(this.leftPoints,t,d);ithis.mid){var r;if(this.right)if(r=this.right.queryPoint(t,e))return r;return h(this.rightPoints,t,e)}return f(this.leftPoints,e)},i.queryInterval=function(t,e,r){var n;if(tthis.mid&&this.right&&(n=this.right.queryInterval(t,e,r)))return n;return ethis.mid?h(this.rightPoints,t,r):f(this.leftPoints,r)};var y=v.prototype;y.insert=function(t){this.root?this.root.insert(t):this.root=new a(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\":435}],435:[function(t,e,r){arguments[4][243][0].apply(r,arguments)},{dup:243}],436:[function(t,e,r){\"use strict\";e.exports=function(t,e){e=e||new Array(t.length);for(var r=0;r=r)return a.substr(0,r);for(;r>a.length&&e>1;)1&e&&(a+=t),e>>=1,t+=t;return a=(a+=t).substr(0,r)}},{}],514:[function(t,e,r){(function(t){e.exports=t.performance&&t.performance.now?function(){return performance.now()}:Date.now||function(){return+new Date}}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{}],515:[function(t,e,r){\"use strict\";e.exports=function(t){for(var e=t.length,r=t[t.length-1],n=e,a=e-2;a>=0;--a){var i=r,o=t[a];(l=o-((r=i+o)-i))&&(t[--n]=r,r=l)}var s=0;for(a=n;a>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(\"\"))(a,i,n,o)}var h=[function(){return[0]},function(t){return[t[0][0]]}];!function(){for(;h.length<6;)h.push(u(h.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 a=Function.apply(void 0,t);for(e.exports=a.apply(void 0,h.concat([h,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===a?r.push(\"+b[\",i,\"]\"):r.push(\"+A[\",i,\"][\",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 i=[function(){return[0]},function(t,e){return[[e[0]],[t[0][0]]]}];!function(){for(;i.length<6;)i.push(a(i.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,i.concat([i,a])),n=0;n<6;++n)e.exports[n]=i[n]}()},{\"robust-determinant\":516}],520:[function(t,e,r){\"use strict\";var n=t(\"two-product\"),a=t(\"robust-sum\"),i=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(i<=0)return o;n=a+i}else{if(!(a<0))return o;if(i>=0)return o;n=-(a+i)}var s=33306690738754716e-32*n;return o>=s||o<=-s?o:h(t,e,r)},function(t,e,r,n){var a=t[0]-n[0],i=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],h=e[2]-n[2],p=r[2]-n[2],d=i*c,g=o*l,m=o*s,v=a*c,y=a*l,x=i*s,b=u*(d-g)+h*(m-v)+p*(y-x),_=7771561172376103e-31*((Math.abs(d)+Math.abs(g))*Math.abs(u)+(Math.abs(m)+Math.abs(v))*Math.abs(h)+(Math.abs(y)+Math.abs(x))*Math.abs(p));return b>_||-b>_?b:f(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 a=[\"function getOrientation(\",t.join(),\"){switch(arguments.length){case 0:case 1:return 0;\"];for(n=2;n<=5;++n)a.push(\"case \",n,\":return o\",n,\"(\",t.slice(0,n).join(),\");\");a.push(\"}var s=new Array(arguments.length);for(var i=0;i0&&o>0||i<0&&o<0)return!1;var s=n(r,t,e),l=n(a,t,e);if(s>0&&l>0||s<0&&l<0)return!1;if(0===i&&0===o&&0===s&&0===l)return function(t,e,r,n){for(var a=0;a<2;++a){var i=t[a],o=e[a],s=Math.min(i,o),l=Math.max(i,o),c=r[a],u=n[a],h=Math.min(c,u);if(Math.max(c,u)=n?(a=h,(l+=1)=n?(a=h,(l+=1)0?1:0}},{}],527:[function(t,e,r){\"use strict\";e.exports=function(t){return a(n(t))};var n=t(\"boundary-cells\"),a=t(\"reduce-simplicial-complex\")},{\"boundary-cells\":100,\"reduce-simplicial-complex\":507}],528:[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[\",a[0],\"],c[\",a[1],\"])\")}l.push(\"]\")}l.push(\");\")}}for(i=t+1;i>1;--i){i>1,s=i(t[o],e);s<=0?(0===s&&(a=o),r=o+1):s>0&&(n=o-1)}return a}function u(t,e){for(var r=new Array(t.length),a=0,o=r.length;a=t.length||0!==i(t[m],s)););}return r}function h(t,e){if(e<0)return[];for(var r=[],a=(1<>>u&1&&c.push(a[u]);e.push(c)}return s(e)},r.skeleton=h,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,a=2*(t+1),i=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(i);for(h=0;h>1;h>=0;--h)x(h);for(;;){var S=_();if(S<0||c[S]>r)break;T(S)}var E=[];for(h=0;h=0&&r>=0&&e!==r){var n=M[e],a=M[r];n!==a&&L.push([n,a])}})),a.unique(a.normalize(L)),{positions:E,edges:L}};var n=t(\"robust-orientation\"),a=t(\"simplicial-complex\")},{\"robust-orientation\":520,\"simplicial-complex\":532}],535:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r,i,o,s;if(e[0][0]e[1][0]))return a(e,t);r=e[1],i=e[0]}if(t[0][0]t[1][0]))return-a(t,e);o=t[1],s=t[0]}var l=n(r,i,s),c=n(r,i,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,i),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 i[0]-s[0]};var n=t(\"robust-orientation\");function a(t,e){var r,a,i,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],a=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 h(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),a=-1;if(r&&(a=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,a=u.value):(a=u.value,s=u.key))}var h=this.horizontal[e];if(h.length>0){var f=n.ge(h,t[1],l);if(f=h.length)return a;p=h[f]}}if(p.start)if(s){var d=i(s[0],s[1],[t[0],p.y]);s[0][0]>s[1][0]&&(d=-d),d>0&&(a=p.index)}else a=p.index;else p.y!==t[1]&&(a=p.index)}}}return a}},{\"./lib/order-segments\":535,\"binary-search-bounds\":536,\"functional-red-black-tree\":247,\"robust-orientation\":520}],538:[function(t,e,r){\"use strict\";var n=t(\"robust-dot-product\"),a=t(\"robust-sum\");function i(t,e){var r=a(n(t,e),[e[e.length-1]]);return r[r.length-1]}function o(t,e,r,n){var a=-e/(n-e);a<0?a=0:a>1&&(a=1);for(var i=1-a,o=t.length,s=new Array(o),l=0;l0||a>0&&u<0){var h=o(s,u,l,a);r.push(h),n.push(h.slice())}u<0?n.push(l.slice()):u>0?r.push(l.slice()):(r.push(l.slice()),n.push(l.slice())),a=u}return{positive:r,negative:n}},e.exports.positive=function(t,e){for(var r=[],n=i(t[t.length-1],e),a=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(a,c,s,n)),c>=0&&r.push(s.slice()),n=c}return r},e.exports.negative=function(t,e){for(var r=[],n=i(t[t.length-1],e),a=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(a,c,s,n)),c<=0&&r.push(s.slice()),n=c}return r}},{\"robust-dot-product\":517,\"robust-sum\":525}],539:[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 a(o(t),arguments)}function n(t,r){return e.apply(null,[t].concat(r||[]))}function a(r,n){var a,i,o,s,l,c,u,h,f,p=1,d=r.length,g=\"\";for(i=0;i=0),s.type){case\"b\":a=parseInt(a,10).toString(2);break;case\"c\":a=String.fromCharCode(parseInt(a,10));break;case\"d\":case\"i\":a=parseInt(a,10);break;case\"j\":a=JSON.stringify(a,null,s.width?parseInt(s.width):0);break;case\"e\":a=s.precision?parseFloat(a).toExponential(s.precision):parseFloat(a).toExponential();break;case\"f\":a=s.precision?parseFloat(a).toFixed(s.precision):parseFloat(a);break;case\"g\":a=s.precision?String(Number(a.toPrecision(s.precision))):parseFloat(a);break;case\"o\":a=(parseInt(a,10)>>>0).toString(8);break;case\"s\":a=String(a),a=s.precision?a.substring(0,s.precision):a;break;case\"t\":a=String(!!a),a=s.precision?a.substring(0,s.precision):a;break;case\"T\":a=Object.prototype.toString.call(a).slice(8,-1).toLowerCase(),a=s.precision?a.substring(0,s.precision):a;break;case\"u\":a=parseInt(a,10)>>>0;break;case\"v\":a=a.valueOf(),a=s.precision?a.substring(0,s.precision):a;break;case\"x\":a=(parseInt(a,10)>>>0).toString(16);break;case\"X\":a=(parseInt(a,10)>>>0).toString(16).toUpperCase()}t.json.test(s.type)?g+=a:(!t.number.test(s.type)||h&&!s.sign?f=\"\":(f=h?\"+\":\"-\",a=a.toString().replace(t.sign,\"\")),c=s.pad_char?\"0\"===s.pad_char?\"0\":s.pad_char.charAt(1):\" \",u=s.width-(f+a).length,l=s.width&&u>0?c.repeat(u):\"\",g+=s.align?f+a+l:\"0\"===c?f+l+a:l+f+a)}return g}var i=Object.create(null);function o(e){if(i[e])return i[e];for(var r,n=e,a=[],o=0;n;){if(null!==(r=t.text.exec(n)))a.push(r[0]);else if(null!==(r=t.modulo.exec(n)))a.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\");a.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 i[e]=a}\"undefined\"!=typeof r&&(r.sprintf=e,r.vsprintf=n),\"undefined\"!=typeof window&&(window.sprintf=e,window.vsprintf=n)}()},{}],540:[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 a=n.parse(t,{flat:!0,brackets:r.ignore}),i=a[0].split(e);if(r.escape){for(var o=[],s=0;s0;){e=c[c.length-1];var p=t[e];if(i[e]=0&&s[e].push(o[g])}i[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(a[x]=!1,m.push(x),v.push(s[x]),y+=s[x].length,o[x]=h.length,x===e){l.length=d;break}}h.push(m);var b=new Array(y);for(d=0;d c)|0 },\"),\"generic\"===e&&i.push(\"getters:[0],\");for(var s=[],l=[],c=0;c>>7){\");for(c=0;c<1<<(1<128&&c%128==0){h.length>0&&f.push(\"}}\");var p=\"vExtra\"+h.length;i.push(\"case \",c>>>7,\":\",p,\"(m&0x7f,\",l.join(),\");break;\"),f=[\"function \",p,\"(m,\",l.join(),\"){switch(m){\"],h.push(f)}f.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(\"+\")+\")\")}f.push(\"a.push([\",k.join(),\"]);\",\"break;\")}i.push(\"}},\"),h.length>0&&f.push(\"}}\");var E=[];for(c=0;c<1<1&&(a=1),a<-1&&(a=-1),(t*n-e*r<0?-1:1)*Math.acos(a)};r.default=function(t){var e=t.px,r=t.py,l=t.cx,c=t.cy,u=t.rx,h=t.ry,f=t.xAxisRotation,p=void 0===f?0:f,d=t.largeArcFlag,g=void 0===d?0:d,m=t.sweepFlag,v=void 0===m?0:m,y=[];if(0===u||0===h)return[];var x=Math.sin(p*a/360),b=Math.cos(p*a/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),h=Math.abs(h);var T=Math.pow(_,2)/Math.pow(u,2)+Math.pow(w,2)/Math.pow(h,2);T>1&&(u*=Math.sqrt(T),h*=Math.sqrt(T));var k=function(t,e,r,n,i,o,l,c,u,h,f,p){var d=Math.pow(i,2),g=Math.pow(o,2),m=Math.pow(f,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))*i/o*p,b=y*-o/i*f,_=h*x-u*b+(t+r)/2,w=u*x+h*b+(e+n)/2,T=(f-x)/i,k=(p-b)/o,M=(-f-x)/i,A=(-p-b)/o,S=s(1,0,T,k),E=s(T,k,M,A);return 0===c&&E>0&&(E-=a),1===c&&E<0&&(E+=a),[_,w,S,E]}(e,r,l,c,u,h,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)/(a/4);Math.abs(1-L)<1e-7&&(L=1);var P=Math.max(Math.ceil(L),1);C/=P;for(var I=0;Ie[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\":445,\"normalize-svg-path\":545,\"parse-svg-path\":479}],545:[function(t,e,r){\"use strict\";e.exports=function(t){for(var e,r=[],o=0,s=0,l=0,c=0,u=null,h=null,f=0,p=0,d=0,g=t.length;d4?(o=m[m.length-4],s=m[m.length-3]):(o=f,s=p),r.push(m)}return r};var n=t(\"svg-arc-to-cubic-bezier\");function a(t,e,r,n){return[\"C\",t,e,r,n,r,n]}function i(t,e,r,n,a,i){return[\"C\",t/3+2/3*r,e/3+2/3*n,a/3+2/3*r,i/3+2/3*n,a,i]}},{\"svg-arc-to-cubic-bezier\":543}],546:[function(t,e,r){\"use strict\";var n,a=t(\"svg-path-bounds\"),i=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,h;e.shape?(r=e.shape[0],h=e.shape[1]):(r=c.width=e.w||e.width||200,h=c.height=e.h||e.height||200);var f=Math.min(r,h),p=e.stroke||0,d=e.viewbox||e.viewBox||a(t),g=[r/(d[2]-d[0]),h/(d[3]-d[1])],m=Math.min(g[0]||0,g[1]||0)/2;u.fillStyle=\"black\",u.fillRect(0,0,r,h),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*h),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=i(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*f})}},{\"bitmap-sdf\":98,\"draw-svg-path\":174,\"is-svg-path\":445,\"parse-svg-path\":479,\"svg-path-bounds\":544}],547:[function(t,e,r){(function(r){\"use strict\";e.exports=function t(e,r,a){a=a||{};var o=i[e];o||(o=i[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),a=0,i=0,o=0;o0&&(h+=.02);var p=new Float32Array(u),d=0,g=-.5*h;for(f=0;f1&&(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=a=i=r;else{var s=r<.5?r*(1+e):r+e-r*e,l=2*r-s;n=o(l,s,t+1/3),a=o(l,s,t),i=o(l,s,t-1/3)}return{r:255*n,g:255*a,b:255*i}}(e.h,l,u),h=!0,f=\"hsl\"),e.hasOwnProperty(\"a\")&&(i=e.a));var p,d,g;return i=C(i),{ok:h,format:e.format||f,r:o(255,s(a.r,0)),g:o(255,s(a.g,0)),b:o(255,s(a.b,0)),a:i}}(e);this._originalInput=e,this._r=u.r,this._g=u.g,this._b=u.b,this._a=u.a,this._roundA=i(100*this._a)/100,this._format=l.format||u.format,this._gradientType=l.gradientType,this._r<1&&(this._r=i(this._r)),this._g<1&&(this._g=i(this._g)),this._b<1&&(this._b=i(this._b)),this._ok=u.ok,this._tc_id=a++}function u(t,e,r){t=L(t,255),e=L(e,255),r=L(r,255);var n,a,i=s(t,e,r),l=o(t,e,r),c=(i+l)/2;if(i==l)n=a=0;else{var u=i-l;switch(a=c>.5?u/(2-i-l):u/(i+l),i){case t:n=(e-r)/u+(e>1)+720)%360;--e;)n.h=(n.h+a)%360,i.push(c(n));return i}function A(t,e){e=e||6;for(var r=c(t).toHsv(),n=r.h,a=r.s,i=r.v,o=[],s=1/e;e--;)o.push(c({h:n,s:a,v:i})),i=(i+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,a=this.toRgb();return e=a.r/255,r=a.g/255,n=a.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=i(100*this._a)/100,this},toHsv:function(){var t=h(this._r,this._g,this._b);return{h:360*t.h,s:t.s,v:t.v,a:this._a}},toHsvString:function(){var t=h(this._r,this._g,this._b),e=i(360*t.h),r=i(100*t.s),n=i(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=i(360*t.h),r=i(100*t.s),n=i(100*t.l);return 1==this._a?\"hsl(\"+e+\", \"+r+\"%, \"+n+\"%)\":\"hsla(\"+e+\", \"+r+\"%, \"+n+\"%, \"+this._roundA+\")\"},toHex:function(t){return f(this._r,this._g,this._b,t)},toHexString:function(t){return\"#\"+this.toHex(t)},toHex8:function(t){return function(t,e,r,n,a){var o=[z(i(t).toString(16)),z(i(e).toString(16)),z(i(r).toString(16)),z(D(n))];if(a&&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:i(this._r),g:i(this._g),b:i(this._b),a:this._a}},toRgbString:function(){return 1==this._a?\"rgb(\"+i(this._r)+\", \"+i(this._g)+\", \"+i(this._b)+\")\":\"rgba(\"+i(this._r)+\", \"+i(this._g)+\", \"+i(this._b)+\", \"+this._roundA+\")\"},toPercentageRgb:function(){return{r:i(100*L(this._r,255))+\"%\",g:i(100*L(this._g,255))+\"%\",b:i(100*L(this._b,255))+\"%\",a:this._a}},toPercentageRgbString:function(){return 1==this._a?\"rgb(\"+i(100*L(this._r,255))+\"%, \"+i(100*L(this._g,255))+\"%, \"+i(100*L(this._b,255))+\"%)\":\"rgba(\"+i(100*L(this._r,255))+\"%, \"+i(100*L(this._g,255))+\"%, \"+i(100*L(this._b,255))+\"%, \"+this._roundA+\")\"},toName:function(){return 0===this._a?\"transparent\":!(this._a<1)&&(E[f(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 a=c(t);r=\"#\"+p(a._r,a._g,a._b,a._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(),a=c(e).toRgb(),i=r/100;return c({r:(a.r-n.r)*i+n.r,g:(a.g-n.g)*i+n.g,b:(a.b-n.b)*i+n.b,a:(a.a-n.a)*i+n.a})},c.readability=function(e,r){var n=c(e),a=c(r);return(t.max(n.getLuminance(),a.getLuminance())+.05)/(t.min(n.getLuminance(),a.getLuminance())+.05)},c.isReadable=function(t,e,r){var n,a,i=c.readability(t,e);switch(a=!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\":a=i>=4.5;break;case\"AAlarge\":a=i>=3;break;case\"AAAsmall\":a=i>=7}return a},c.mostReadable=function(t,e,r){var n,a,i,o,s=null,l=0;a=(r=r||{}).includeFallbackColors,i=r.level,o=r.size;for(var u=0;ul&&(l=n,s=c(e[u]));return c.isReadable(t,s,{level:i,size:o})||!a?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 P(t){return o(1,s(0,t))}function I(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 I(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)},{}],549:[function(t,e,r){\"use strict\";e.exports=a,e.exports.float32=e.exports.float=a,e.exports.fract32=e.exports.fract=function(t){if(t.length){for(var e=a(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[a,i,o,s]}function a(t,e){var r=e.id,n=e.bbox,a=null==e.properties?{}:e.properties,o=i(t,e);return null==r&&null==n?{type:\"Feature\",properties:a,geometry:o}:null==n?{type:\"Feature\",id:r,properties:a,geometry:o}:{type:\"Feature\",id:r,bbox:n,properties:a,geometry:o}}function i(t,e){var n=r(t.transform),a=t.arcs;function i(t,e){e.length&&e.pop();for(var r=a[t<0?~t:t],i=0,o=r.length;i1)n=l(t,e,r);else for(a=0,n=new Array(i=t.arcs.length);a1)for(var i,s,c=1,u=l(a[0]);cu&&(s=a[0],a[0]=a[c],a[c]=s,u=i);return a})).filter((function(t){return t.length>0}))}}function u(t,e){for(var r=0,n=t.length;r>>1;t[a]=2))throw new Error(\"n must be \\u22652\");var r,a=(l=t.bbox||n(t))[0],i=l[1],o=l[2],s=l[3];e={scale:[o-a?(o-a)/(r-1):1,s-i?(s-i)/(r-1):1],translate:[a,i]}}var l,c,u=h(e),f=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 f)p[c]=g(f[c]);return{type:\"Topology\",bbox:l,transform:e,objects:p,arcs:t.arcs.map((function(t){var e,r=0,n=1,a=t.length,i=new Array(a);for(i[0]=u(t[0],0);++rMath.max(r,n)?a[2]=1:r>Math.max(e,n)?a[0]=1:a[1]=1;for(var i=0,o=0,l=0;l<3;++l)i+=t[l]*t[l],o+=a[l]*t[l];for(l=0;l<3;++l)a[l]-=o/i*t[l];return s(a,a),a}function f(t,e,r,a,i,o,s,l){this.center=n(r),this.up=n(a),this.right=n(i),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=f.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,a=0,i=0;i<3;++i)a+=e[i]*r[i],n+=e[i]*e[i];var l=Math.sqrt(n),u=0;for(i=0;i<3;++i)r[i]-=e[i]*a/n,u+=r[i]*r[i],e[i]/=l;var h=Math.sqrt(u);for(i=0;i<3;++i)r[i]/=h;var f=this.computedToward;o(f,e,r),s(f,f);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(i=0;i<3;++i){var C=_*r[i]+w*f[i]+T*e[i];E[4*i+1]=k*r[i]+M*f[i]+A*e[i],E[4*i+2]=C,E[4*i+3]=0}var L=E[1],P=E[5],I=E[9],z=E[2],O=E[6],D=E[10],R=P*D-I*O,F=I*z-L*D,B=L*O-P*z,N=c(R,F,B);R/=N,F/=N,B/=N,E[0]=R,E[4]=F,E[8]=B;for(i=0;i<3;++i)S[i]=b[i]+E[2+4*i]*p;for(i=0;i<3;++i){u=0;for(var j=0;j<3;++j)u+=E[i+4*j]*S[j];E[12+i]=-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 a=this.computedMatrix;d[0]=a[2],d[1]=a[6],d[2]=a[10];for(var o=this.computedUp,s=this.computedRight,l=this.computedToward,c=0;c<3;++c)a[4*c]=o[c],a[4*c+1]=s[c],a[4*c+2]=l[c];i(a,a,n,d);for(c=0;c<3;++c)o[c]=a[4*c],s[c]=a[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 a=this.computedMatrix,i=(Math.exp(this.computedRadius[0]),a[1]),o=a[5],s=a[9],l=c(i,o,s);i/=l,o/=l,s/=l;var u=a[0],h=a[4],f=a[8],p=u*i+h*o+f*s,d=c(u-=i*p,h-=o*p,f-=s*p),g=(u/=d)*e+i*r,m=(h/=d)*e+o*r,v=(f/=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 i=1;\"number\"==typeof r&&(i=0|r),(i<0||i>3)&&(i=1);var o=(i+2)%3;e||(this.recalcMatrix(t),e=this.computedMatrix);var s=e[i],l=e[i+4],h=e[i+8];if(n){var f=Math.abs(s),p=Math.abs(l),d=Math.abs(h),g=Math.max(f,p,d);f===g?(s=s<0?-1:1,l=h=0):d===g?(h=h<0?-1:1,s=l=0):(l=l<0?-1:1,s=h=0)}else{var m=c(s,l,h);s/=m,l/=m,h/=m}var v,y,x=e[o],b=e[o+4],_=e[o+8],w=x*s+b*l+_*h,T=c(x-=s*w,b-=l*w,_-=h*w),k=l*(_/=T)-h*(b/=T),M=h*(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,h),this.right.jump(t,x,b,_),2===i){var E=e[1],C=e[5],L=e[9],P=E*x+C*b+L*_,I=E*k+C*M+L*A;v=R<0?-Math.PI/2:Math.PI/2,y=Math.atan2(I,P)}else{var z=e[2],O=e[6],D=e[10],R=z*s+O*l+D*h,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;a(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 a=(n=n||this.computedUp)[0],i=n[1],o=n[2],s=c(a,i,o);if(!(s<1e-6)){a/=s,i/=s,o/=s;var l=e[0]-r[0],h=e[1]-r[1],f=e[2]-r[2],p=c(l,h,f);if(!(p<1e-6)){l/=p,h/=p,f/=p;var d=this.computedRight,g=d[0],m=d[1],v=d[2],y=a*g+i*m+o*v,x=c(g-=y*a,m-=y*i,v-=y*o);if(!(x<.01&&(x=c(g=i*f-o*h,m=o*l-a*f,v=a*h-i*l))<1e-6)){g/=x,m/=x,v/=x,this.up.set(t,a,i,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=i*v-o*m,_=o*g-a*v,w=a*m-i*g,T=c(b,_,w),k=a*l+i*h+o*f,M=g*l+m*h+v*f,A=(b/=T)*l+(_/=T)*h+(w/=T)*f,S=Math.asin(u(k)),E=Math.atan2(A,M),C=this.angle._state,L=C[C.length-1],P=C[C.length-2];L%=2*Math.PI;var I=Math.abs(L+2*Math.PI-E),z=Math.abs(L-E),O=Math.abs(L-2*Math.PI-E);I\":(e.length>100&&(e=e.slice(0,99)+\"\\u2026\"),e=e.replace(a,(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\":558}],560:[function(t,e,r){\"use strict\";var n=t(\"../value/is\"),a={object:!0,function:!0,undefined:!0};e.exports=function(t){return!!n(t)&&hasOwnProperty.call(a,typeof t)}},{\"../value/is\":566}],561:[function(t,e,r){\"use strict\";var n=t(\"../lib/resolve-exception\"),a=t(\"./is\");e.exports=function(t){return a(t)?t:n(t,\"%v is not a plain function\",arguments[1])}},{\"../lib/resolve-exception\":557,\"./is\":562}],562:[function(t,e,r){\"use strict\";var n=t(\"../function/is\"),a=/^\\s*class[\\s{/}]/,i=Function.prototype.toString;e.exports=function(t){return!!n(t)&&!a.test(i.call(t))}},{\"../function/is\":556}],563:[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\":560}],564:[function(t,e,r){\"use strict\";var n=t(\"../value/is\"),a=t(\"../object/is\"),i=Object.prototype.toString;e.exports=function(t){if(!n(t))return null;if(a(t)){var e=t.toString;if(\"function\"!=typeof e)return null;if(e===i)return null}try{return\"\"+t}catch(t){return null}}},{\"../object/is\":560,\"../value/is\":566}],565:[function(t,e,r){\"use strict\";var n=t(\"../lib/resolve-exception\"),a=t(\"./is\");e.exports=function(t){return a(t)?t:n(t,\"Cannot use %v\",arguments[1])}},{\"../lib/resolve-exception\":557,\"./is\":566}],566:[function(t,e,r){\"use strict\";e.exports=function(t){return null!=t}},{}],567:[function(t,e,r){(function(e){\"use strict\";var n=t(\"bit-twiddle\"),a=t(\"dup\"),i=t(\"buffer\").Buffer;e.__TYPEDARRAY_POOL||(e.__TYPEDARRAY_POOL={UINT8:a([32,0]),UINT16:a([32,0]),UINT32:a([32,0]),BIGUINT64:a([32,0]),INT8:a([32,0]),INT16:a([32,0]),INT32:a([32,0]),BIGINT64:a([32,0]),FLOAT:a([32,0]),DOUBLE:a([32,0]),DATA:a([32,0]),UINT8C:a([32,0]),BUFFER:a([32,0])});var o=\"undefined\"!=typeof Uint8ClampedArray,s=\"undefined\"!=typeof BigUint64Array,l=\"undefined\"!=typeof BigInt64Array,c=e.__TYPEDARRAY_POOL;c.UINT8C||(c.UINT8C=a([32,0])),c.BIGUINT64||(c.BIGUINT64=a([32,0])),c.BIGINT64||(c.BIGINT64=a([32,0])),c.BUFFER||(c.BUFFER=a([32,0]));var u=c.DATA,h=c.BUFFER;function f(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=h[e];return r.length>0?r.pop():new i(t)}r.free=function(t){if(i.isBuffer(t))h[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){f(t.buffer)},r.freeArrayBuffer=f,r.freeBuffer=function(t){h[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,h[t].length=0}}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{\"bit-twiddle\":97,buffer:111,dup:176}],568:[function(t,e,r){\"use strict\";function n(t){this.roots=new Array(t),this.ranks=new Array(t);for(var e=0;e0&&(i=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,i+\"px\",n.font].filter((function(t){return t})).join(\" \"),r.textAlign=\"start\",r.textBaseline=\"alphabetic\",r.direction=\"ltr\",f(function(t,e,r,n,i,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+a]):0,l=i>-1?parseInt(r[1+i]):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(\"+\"),h=c>-1?parseInt(t[1+c]):0,f=u>-1?parseInt(r[1+u]):0;h!==f&&(n=n.replace(S(),\"?px \"),m*=Math.pow(.75,f-h),n=n.replace(\"?px \",S())),g-=.25*x*(f-h)}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(f=0;f\",i=\"\",o=a.length,s=i.length,l=\"+\"===e[0]||\"-\"===e[0],c=0,u=-s;c>-1&&-1!==(c=r.indexOf(a,c))&&-1!==(u=r.indexOf(i,c+o))&&!(u<=c);){for(var h=c;h=u)n[h]=null,r=r.substr(0,h)+\" \"+r.substr(h+1);else if(null!==n[h]){var f=n[h].indexOf(e[0]);-1===f?n[h]+=e:l&&(n[h]=n[h].substr(0,f+1)+(1+parseInt(n[h][f+1]))+n[h].substr(f+2))}var p=c+o,d=r.substr(p,u-p).indexOf(a);c=-1!==d?d:u+s}return n}function u(t,e){var r=n(t,128);return e?i(r.cells,r.positions,.25):{edges:r.cells,positions:r.positions}}function h(t,e,r,n){var a=u(t,n),i=function(t,e,r){for(var n=e.textAlign||\"start\",a=e.textBaseline||\"alphabetic\",i=[1<<30,1<<30],o=[0,0],s=t.length,l=0;l=0?e[i]:a}))},has___:{value:y((function(e){var n=v(e);return n?r in n:t.indexOf(e)>=0}))},set___:{value:y((function(n,a){var i,o=v(n);return o?o[r]=a:(i=t.indexOf(n))>=0?e[i]=a:(i=t.length,e[i]=a,t[i]=n),this}))},delete___:{value:y((function(n){var a,i,o=v(n);return o?r in o&&delete o[r]:!((a=t.indexOf(n))<0)&&(i=t.length-1,t[a]=void 0,e[a]=e[i],t[a]=t[i],t.length=i,e.length=i,!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,a=void 0,i=!1;return e=t?function(t,e){return n.set(t,e),n.has(t)||(a||(a=new d),a.set(t,e)),this}:function(t,e){if(i)try{n.set(t,e)}catch(r){a||(a=new d),a.set___(t,e)}else n.set(t,e);return this},Object.create(d.prototype,{get___:{value:y((function(t,e){return a?n.has(t)?n.get(t):a.get___(t,e):n.get(t,e)}))},has___:{value:y((function(t){return n.has(t)||!!a&&a.has___(t)}))},set___:{value:y(e)},delete___:{value:y((function(t){var e=!!n.delete(t);return a&&a.delete___(t)||e}))},permitHostObjects___:{value:y((function(t){if(t!==g)throw new Error(\"bogus call to permitHostObjects___\");i=!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(){f||\"undefined\"==typeof console||(f=!0,console.warn(\"WeakMap should be invoked as new WeakMap(), not WeakMap(). This will be an error in the future.\"))}}()},{}],575:[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\":576}],576:[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}},{}],577:[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\":575}],578:[function(t,e,r){var n=t(\"get-canvas-context\");e.exports=function(t){return n(\"webgl\",t)}},{\"get-canvas-context\":249}],579:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\"),i=n.instance();function o(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}o.prototype=new n.baseCalendar,a(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),a=t.month(),i=\"\"+this.toChineseMonth(n,a);return e&&i.length<2&&(i=\"0\"+i),this.isIntercalaryMonth(n,a)&&(i+=\"i\"),i},monthNames:function(t){if(\"string\"==typeof t){var e=t.match(c);return e?e[0]:\"\"}var r=this._validateYear(t),n=t.month(),a=[\"\\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)&&(a=\"\\u95f0\"+a),a},monthNamesShort:function(t){if(\"string\"==typeof t){var e=t.match(u);return e?e[0]:\"\"}var r=this._validateYear(t),n=t.month(),a=[\"\\u4e00\",\"\\u4e8c\",\"\\u4e09\",\"\\u56db\",\"\\u4e94\",\"\\u516d\",\"\\u4e03\",\"\\u516b\",\"\\u4e5d\",\"\\u5341\",\"\\u5341\\u4e00\",\"\\u5341\\u4e8c\"][this.toChineseMonth(r,n)-1];return this.isIntercalaryMonth(r,n)&&(a=\"\\u95f0\"+a),a},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 a=e[e.length-1];r=\"i\"===a||\"I\"===a}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 a=this.intercalaryMonth(t);if(r&&e!==a||e<1||e>12)throw n.local.invalidMonth.replace(/\\{0\\}/,this.local.name);return a?!r&&e<=a?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 a,o=this._validateYear(t,n.local.invalidyear),s=f[o-f[0]],l=s>>9&4095,c=s>>5&15,u=31&s;(a=i.newDate(l,c,u)).add(4-(a.dayOfWeek()||7),\"d\");var h=this.toJD(t,e,r)-a.toJD();return 1+Math.floor(h/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=h[t-h[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 a=this._validate(t,s,r,n.local.invalidDate);t=this._validateYear(a.year()),e=a.month(),r=a.day();var o=this.isIntercalaryMonth(t,e),s=this.toChineseMonth(t,e),l=function(t,e,r,n,a){var i,o,s;if(\"object\"==typeof t)o=t,i=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,i=n):(l=!!n,i=a||{}),o={year:t,month:e,day:r,isIntercalary:l}}s=o.day-1;var c,u=h[o.year-h[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 i.year=m.getFullYear(),i.month=1+m.getMonth(),i.day=m.getDate(),i}(t,s,r,o);return i.toJD(l.year,l.month,l.day)},fromJD:function(t){var e=i.fromJD(t),r=function(t,e,r,n){var a,i;if(\"object\"==typeof t)a=t,i=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\");a={year:t,month:e,day:r},i=n||{}}var o=f[a.year-f[0]],s=a.year<<9|a.month<<5|a.day;i.year=s>=o?a.year:a.year-1,o=f[i.year-f[0]];var l,c=new Date(o>>9&4095,(o>>5&15)-1,31&o),u=new Date(a.year,a.month-1,a.day);l=Math.round((u-c)/864e5);var p,d=h[i.year-h[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 a=this._validate(t,e,r,n.local.invalidDate);return{century:o[Math.floor((a.year()-1)/100)+1]||\"\"}},toJD:function(t,e,r){var a=this._validate(t,e,r,n.local.invalidDate);return t=a.year()+(a.year()<0?1:0),e=a.month(),(r=a.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=i},{\"../main\":593,\"object-assign\":473}],582:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\");function i(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}i.prototype=new n.baseCalendar,a(i.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 a=this._validate(t,e,r,n.local.invalidDate);return(t=a.year())<0&&t++,a.day()+30*(a.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,a=e-30*(n-1)+1;return this.newDate(r,n,a)}}),n.calendars.ethiopian=i},{\"../main\":593,\"object-assign\":473}],583:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\");function i(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}function o(t,e){return t-e*Math.floor(t/e)}i.prototype=new n.baseCalendar,a(i.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 a=this._validate(t,e,r,n.local.invalidDate);return{yearType:(this.leapYear(a)?\"embolismic\":\"common\")+\" \"+[\"deficient\",\"regular\",\"complete\"][this.daysInYear(a)%10-3]}},toJD:function(t,e,r){var a=this._validate(t,e,r,n.local.invalidDate);t=a.year(),e=a.month(),r=a.day();var i=t<=0?t+1:t,o=this.jdEpoch+this._delay1(i)+this._delay2(i)+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=i},{\"../main\":593,\"object-assign\":473}],584:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\");function i(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}i.prototype=new n.baseCalendar,a(i.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 a=this._validate(t,e,r,n.local.invalidDate);return t=a.year(),e=a.month(),t=t<=0?t+1:t,(r=a.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=i},{\"../main\":593,\"object-assign\":473}],585:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\");function i(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}i.prototype=new n.baseCalendar,a(i.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 a=this._validate(t,e,r,n.local.invalidDate);return t=a.year(),e=a.month(),r=a.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),a=Math.floor((e-n)/30.6001),i=a-Math.floor(a<14?1:13),o=r-Math.floor(i>2?4716:4715),s=e-n-Math.floor(30.6001*a);return o<=0&&o--,this.newDate(o,i,s)}}),n.calendars.julian=i},{\"../main\":593,\"object-assign\":473}],586:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\");function i(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}i.prototype=new n.baseCalendar,a(i.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 a=this._validate(t,e,r,n.local.invalidDate).toJD(),i=this._toHaab(a),o=this._toTzolkin(a);return{haabMonthName:this.local.haabMonths[i[0]-1],haabMonth:i[0],haabDay:i[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 a=this._validate(t,e,r,n.local.invalidDate);return a.day()+20*a.month()+360*a.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=i},{\"../main\":593,\"object-assign\":473}],587:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\");function i(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}i.prototype=new n.baseCalendar;var o=n.instance(\"gregorian\");a(i.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 a=this._validate(t,e,r,n.local.invalidMonth);(t=a.year())<0&&t++;for(var i=a.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=i},{\"../main\":593,\"object-assign\":473}],588:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\");function i(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}i.prototype=new n.baseCalendar,a(i.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 a=this._validate(t,e,r,n.local.invalidDate);t=a.year(),e=a.month(),r=a.day();var i=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+=i.daysInYear(c)):o+=this.NEPALI_CALENDAR_DATA[l][9]-this.NEPALI_CALENDAR_DATA[l][0],i.newDate(c,1,1).add(o,\"d\").toJD()},fromJD:function(t){var e=n.instance().fromJD(t),r=e.year(),a=e.dayOfYear(),i=r+56;this._createMissingCalendarData(i);for(var o=9,s=this.NEPALI_CALENDAR_DATA[i][0],l=this.NEPALI_CALENDAR_DATA[i][o]-s+1;a>l;)++o>12&&(o=1,i++),l+=this.NEPALI_CALENDAR_DATA[i][o];var c=this.NEPALI_CALENDAR_DATA[i][o]-(l-a);return this.newDate(i,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 a=this._validate(t,e,r,n.local.invalidDate);t=a.year(),e=a.month(),r=a.day();var i=t-(t>=0?474:473),s=474+o(i,2820);return r+(e<=7?31*(e-1):30*(e-1)+6)+Math.floor((682*s-110)/2816)+365*(s-1)+1029983*Math.floor(i/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),a=2820;if(1029982!==n){var i=Math.floor(n/366),s=o(n,366);a=Math.floor((2134*i+2816*s+2815)/1028522)+i+1}var l=a+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),h=t-this.toJD(l,u,1)+1;return this.newDate(l,u,h)}}),n.calendars.persian=i,n.calendars.jalali=i},{\"../main\":593,\"object-assign\":473}],590:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\"),i=n.instance();function o(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}o.prototype=new n.baseCalendar,a(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 i.leapYear(t)},weekOfYear:function(t,e,r){var a=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(a.year());return i.weekOfYear(t,a.month(),a.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 a=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(a.year());return i.toJD(t,a.month(),a.day())},fromJD:function(t){var e=i.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\":593,\"object-assign\":473}],591:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\"),i=n.instance();function o(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}o.prototype=new n.baseCalendar,a(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 i.leapYear(t)},weekOfYear:function(t,e,r){var a=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(a.year());return i.weekOfYear(t,a.month(),a.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 a=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(a.year());return i.toJD(t,a.month(),a.day())},fromJD:function(t){var e=i.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\":593,\"object-assign\":473}],592:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\");function i(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}i.prototype=new n.baseCalendar,a(i.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,a=0,i=0;ir)return o[a]-o[a-1];a++}return 30},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var a=this._validate(t,e,r,n.local.invalidDate),i=12*(a.year()-1)+a.month()-15292;return a.day()+o[i-1]-1+24e5-.5},fromJD:function(t){for(var e=t-24e5+.5,r=0,n=0;ne);n++)r++;var a=r+15292,i=Math.floor((a-1)/12),s=i+1,l=a-12*i,c=e-o[r-1]+1;return this.newDate(s,l,c)},isValid:function(t,e,r){var a=n.baseCalendar.prototype.isValid.apply(this,arguments);return a&&(a=(t=null!=t.year?t.year:t)>=1276&&t<=1500),a},_validate:function(t,e,r,a){var i=n.baseCalendar.prototype._validate.apply(this,arguments);if(i.year<1276||i.year>1500)throw a.replace(/\\{0\\}/,this.local.name);return i}}),n.calendars.ummalqura=i;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\":593,\"object-assign\":473}],593:[function(t,e,r){var n=t(\"object-assign\");function a(){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 i(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(a.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,a){return(n=(null!=t&&t.year?t.calendar():\"string\"==typeof n?this.instance(n,a):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=\"\",a=0;r>0;){var i=r%10;n=(0===i?\"\":t[i]+e[a])+n,a++,r=Math.floor(r/10)}return 0===n.indexOf(t[1]+e[1])&&(n=n.substr(1)),n||t[0]}}}),n(i.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 i(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),a=t.calendar().fromJD(n);return this._validateLevel--,[a.year(),a.month(),a.day()]}try{var i=t.year()+(\"y\"===r?e:0),o=t.monthOfYear()+(\"m\"===r?e:0);a=t.day();\"y\"===r?(t.month()!==this.fromMonthOfYear(i,o)&&(o=this.newDate(i,t.month(),this.minDay).monthOfYear()),o=Math.min(o,this.monthsInYear(i)),a=Math.min(a,this.daysInMonth(i,this.fromMonthOfYear(i,o)))):\"m\"===r&&(!function(t){for(;oe-1+t.minMonth;)i++,o-=e,e=t.monthsInYear(i)}(this),a=Math.min(a,this.daysInMonth(i,this.fromMonthOfYear(i,o))));var s=[i,this.fromMonthOfYear(i,o),a];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 a={y:[1,1,\"y\"],m:[1,this.monthsInYear(-1),\"m\"],w:[this.daysInWeek(),this.daysInYear(-1),\"d\"],d:[1,this.daysInYear(-1),\"d\"]}[n],i=r<0?-1:1;e=this._add(t,r*a[0]+i*a[1],a[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(),a=\"m\"===r?e:t.month(),i=\"d\"===r?e:t.day();return\"y\"!==r&&\"m\"!==r||(i=Math.min(i,this.daysInMonth(n,a))),t.date(n,a,i)},isValid:function(t,e,r){this._validateLevel++;var n=this.hasYearZero||0!==t;if(n){var a=this.newDate(t,e,this.minDay);n=e>=this.minMonth&&e-this.minMonth=this.minDay&&r-this.minDay13.5?13:1),c=a-(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),a=new Date(n.year(),n.month()-1,n.day());return a.setHours(0),a.setMinutes(0),a.setSeconds(0),a.setMilliseconds(0),a.setHours(a.getHours()>12?a.getHours()+2:0),a},fromJSDate:function(t){return this.newDate(t.getFullYear(),t.getMonth()+1,t.getDate())}});var c=e.exports=new a;c.cdate=i,c.baseCalendar=s,c.calendars.gregorian=l},{\"object-assign\":473}],594:[function(t,e,r){var n=t(\"object-assign\"),a=t(\"./main\");n(a.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\"}),a.local=a.regionalOptions[\"\"],n(a.cdate.prototype,{formatDate:function(t,e){return\"string\"!=typeof t&&(e=t,t=\"\"),this._calendar.formatDate(t||\"\",this,e)}}),n(a.baseCalendar.prototype,{UNIX_EPOCH:a.instance().newDate(1970,1,1).toJD(),SECS_PER_DAY:86400,TICKS_EPOCH:a.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 a.local.invalidFormat||a.regionalOptions[\"\"].invalidFormat;t=t||this.local.dateFormat;for(var n,i,o,s,l=(r=r||{}).dayNamesShort||this.local.dayNamesShort,c=r.dayNames||this.local.dayNames,u=r.monthNumbers||this.local.monthNumbers,h=r.monthNamesShort||this.local.monthNamesShort,f=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 a=\"\"+e;if(p(t,n))for(;a.length1},x=function(t,r){var n=y(t,r),i=[2,3,n?4:2,n?4:2,10,11,20][\"oyYJ@!\".indexOf(t)+1],o=new RegExp(\"^-?\\\\d{1,\"+i+\"}\"),s=e.substring(M).match(o);if(!s)throw(a.local.missingNumberAt||a.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,i){for(var o=y(t,i)?n:r,s=0;s-1){p=1,d=g;for(var E=this.daysInMonth(f,p);d>E;E=this.daysInMonth(f,p))p++,d-=E}return h>-1?this.fromJD(h):this.newDate(f,p,d)},determineDate:function(t,e,r,n,a){r&&\"object\"!=typeof r&&(a=n,n=r,r=null),\"string\"!=typeof n&&(a=n,n=\"\");var i=this;return e=e?e.newDate():null,t=null==t?e:\"string\"==typeof t?function(t){try{return i.parseDate(n,t,a)}catch(t){}for(var e=((t=t.toLowerCase()).match(/^c/)&&r?r.newDate():null)||i.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:i.today().add(t,\"d\"):i.newDate(t)}})},{\"./main\":593,\"object-assign\":473}],595:[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}],596:[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\":595}],597:[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}]},{}],598:[function(t,e,r){\"use strict\";var n=t(\"./arrow_paths\"),a=t(\"../../plots/font_attributes\"),i=t(\"../../plots/cartesian/constants\"),o=t(\"../../plot_api/plot_template\").templatedArray;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:a({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\",i.idRegex.x.toString()],editType:\"calc\"},ayref:{valType:\"enumerated\",dflt:\"pixel\",values:[\"pixel\",i.idRegex.y.toString()],editType:\"calc\"},xref:{valType:\"enumerated\",values:[\"paper\",i.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\",i.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:a({editType:\"arraydraw\"}),editType:\"arraydraw\"},captureevents:{valType:\"boolean\",editType:\"arraydraw\"},editType:\"calc\",_deprecated:{ref:{valType:\"string\",editType:\"calc\"}}})},{\"../../plot_api/plot_template\":787,\"../../plots/cartesian/constants\":803,\"../../plots/font_attributes\":825,\"./arrow_paths\":597}],599:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../plots/cartesian/axes\"),i=t(\"./draw\").draw;function o(t){var e=t._fullLayout;n.filterVisible(e.annotations).forEach((function(e){var r=a.getFromId(t,e.xref),n=a.getFromId(t,e.yref);e._extremes={},r&&s(e,r),n&&s(e,n)}))}function s(t,e){var r,n=e._id,i=n.charAt(0),o=t[i],s=t[\"a\"+i],l=t[i+\"ref\"],c=t[\"a\"+i+\"ref\"],u=t[\"_\"+i+\"padplus\"],h=t[\"_\"+i+\"padminus\"],f={x:1,y:-1}[i]*t[i+\"shift\"],p=3*t.arrowsize*t.arrowwidth||0,d=p+f,g=p-f,m=3*t.startarrowsize*t.arrowwidth||0,v=m+f,y=m-f;if(c===l){var x=a.findExtremes(e,[e.r2c(o)],{ppadplus:d,ppadminus:g}),b=a.findExtremes(e,[e.r2c(s)],{ppadplus:Math.max(u,v),ppadminus:Math.max(h,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=a.findExtremes(e,[e.r2c(o)],{ppadplus:Math.max(u,d,v),ppadminus:Math.max(h,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([i,o],t)}},{\"../../lib\":749,\"../../plots/cartesian/axes\":797,\"./draw\":604}],600:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../registry\"),i=t(\"../../plot_api/plot_template\").arrayEditor;function o(t,e){var r,n,a,i,o,l,c,u=t._fullLayout.annotations,h=[],f=[],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),h={},f=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 H=!1,G=[\"x\",\"y\"],Y=0;Y1)&&(tt===$?((ct=et.r2fraction(e[\"a\"+Q]))<0||ct>1)&&(H=!0):H=!0),W=et._offset+et.r2p(e[Q]),J=.5}else\"x\"===Q?(X=e[Q],W=b.l+b.w*X):(X=1-e[Q],W=b.t+b.h*X),J=e.showarrow?.5:X;if(e.showarrow){lt.head=W;var ut=e[\"a\"+Q];K=nt*U(.5,e.xanchor)-at*U(.5,e.yanchor),tt===$?(lt.tail=et._offset+et.r2p(ut),Z=K):(lt.tail=W+ut,Z=K+ut),lt.text=lt.tail+K;var ht=x[\"x\"===Q?\"width\":\"height\"];if(\"paper\"===$&&(lt.head=o.constrain(lt.head,1,ht-1)),\"pixel\"===tt){var ft=-Math.max(lt.tail-3,lt.text),pt=Math.min(lt.tail+3,lt.text)-ht;ft>0?(lt.tail+=ft,lt.text+=ft):pt>0&&(lt.tail-=pt,lt.text-=pt)}lt.tail+=st,lt.head+=st}else Z=K=it*U(J,ot),lt.text=W+K;lt.text+=st,K+=st,Z+=st,e[\"_\"+Q+\"padplus\"]=it/2+Z,e[\"_\"+Q+\"padminus\"]=it/2-Z,e[\"_\"+Q+\"size\"]=it,e[\"_\"+Q+\"shift\"]=K}if(H)z.remove();else{var dt=0,gt=0;if(\"left\"!==e.align&&(dt=(w-v)*(\"center\"===e.align?.5:1)),\"top\"!==e.valign&&(gt=(I-y)*(\"middle\"===e.valign?.5:1)),u)n.select(\"svg\").attr({x:R+dt-1,y:R+gt}).call(c.setClipUrl,B?A:null,t);else{var mt=R+gt-d.top,vt=R+dt-d.left;V.call(h.positionText,vt,mt).call(c.setClipUrl,B?A:null,t)}N.select(\"rect\").call(c.setRect,R,R,w,I),F.call(c.setRect,O/2,O/2,D-O,j-O),z.call(c.setTranslate,Math.round(S.x.text-D/2),Math.round(S.y.text-j/2)),L.attr({transform:\"rotate(\"+E+\",\"+S.x.text+\",\"+S.y.text+\")\"});var yt,xt=function(r,n){C.selectAll(\".annotation-arrow-g\").remove();var u=S.x.head,h=S.y.head,f=S.x.tail+r,d=S.y.tail+n,v=S.x.text+r,y=S.y.text+n,x=o.rotationXYMatrix(E,v,y),w=o.apply2DTransform(x),A=o.apply2DTransform2(x),P=+F.attr(\"width\"),I=+F.attr(\"height\"),O=v-.5*P,D=O+P,R=y-.5*I,B=R+I,N=[[O,R,O,B],[O,B,D,B],[D,B,D,R],[D,R,O,R]].map(A);if(!N.reduce((function(t,e){return t^!!o.segmentsIntersect(u,h,u+1e6,h+1e6,e[0],e[1],e[2],e[3])}),!1)){N.forEach((function(t){var e=o.segmentsIntersect(f,d,u,h,t[0],t[1],t[2],t[3]);e&&(f=e.x,d=e.y)}));var j=e.arrowwidth,U=e.arrowcolor,V=e.arrowside,q=C.append(\"g\").style({opacity:l.opacity(U)}).classed(\"annotation-arrow-g\",!0),H=q.append(\"path\").attr(\"d\",\"M\"+f+\",\"+d+\"L\"+u+\",\"+h).style(\"stroke-width\",j+\"px\").call(l.stroke,l.rgb(U));if(g(H,V,e),_.annotationPosition&&H.node().parentNode&&!i){var G=u,Y=h;if(e.standoff){var W=Math.sqrt(Math.pow(u-f,2)+Math.pow(h-d,2));G+=e.standoff*(f-u)/W,Y+=e.standoff*(d-h)/W}var Z,X,J=q.append(\"path\").classed(\"annotation-arrow\",!0).classed(\"anndrag\",!0).classed(\"cursor-move\",!0).attr({d:\"M3,3H-3V-3H3ZM0,0L\"+(f-G)+\",\"+(d-Y),transform:\"translate(\"+G+\",\"+Y+\")\"}).style(\"stroke-width\",j+6+\"px\").call(l.stroke,\"rgba(0,0,0,0)\").call(l.fill,\"rgba(0,0,0,0)\");p.init({element:J.node(),gd:t,prepFn:function(){var t=c.getTranslate(z);Z=t.x,X=t.y,s&&s.autorange&&T(s._name+\".autorange\",!0),m&&m.autorange&&T(m._name+\".autorange\",!0)},moveFn:function(t,r){var n=w(Z,X),a=n[0]+t,i=n[1]+r;z.call(c.setTranslate,a,i),k(\"x\",s?s.p2r(s.r2p(e.x)+t):e.x+t/b.w),k(\"y\",m?m.p2r(m.r2p(e.y)+r):e.y-r/b.h),e.axref===e.xref&&k(\"ax\",s.p2r(s.r2p(e.ax)+t)),e.ayref===e.yref&&k(\"ay\",m.p2r(m.r2p(e.ay)+r)),q.attr(\"transform\",\"translate(\"+t+\",\"+r+\")\"),L.attr({transform:\"rotate(\"+E+\",\"+a+\",\"+i+\")\"})},doneFn:function(){a.call(\"_guiRelayout\",t,M());var e=document.querySelector(\".js-notes-box-panel\");e&&e.redraw(e.selectedObj)}})}}};if(e.showarrow&&xt(0,0),P)p.init({element:z.node(),gd:t,prepFn:function(){yt=L.attr(\"transform\")},moveFn:function(t,r){var n=\"pointer\";if(e.showarrow)e.axref===e.xref?k(\"ax\",s.p2r(s.r2p(e.ax)+t)):k(\"ax\",e.ax+t),e.ayref===e.yref?k(\"ay\",m.p2r(m.r2p(e.ay)+r)):k(\"ay\",e.ay+r),xt(t,r);else{if(i)return;var a,o;if(s)a=s.p2r(s.r2p(e.x)+t);else{var l=e._xsize/b.w,c=e.x+(e._xshift-e.xshift)/b.w-l/2;a=p.align(c+t/b.w,l,0,1,e.xanchor)}if(m)o=m.p2r(m.r2p(e.y)+r);else{var u=e._ysize/b.h,h=e.y-(e._yshift+e.yshift)/b.h-u/2;o=p.align(h-r/b.h,u,0,1,e.yanchor)}k(\"x\",a),k(\"y\",o),s&&m||(n=p.getCursor(s?.5:a,m?.5:o,e.xanchor,e.yanchor))}L.attr({transform:\"translate(\"+t+\",\"+r+\")\"+yt}),f(z,n)},clickFn:function(r,n){e.captureevents&&t.emit(\"plotly_clickannotation\",q(n))},doneFn:function(){f(z),a.call(\"_guiRelayout\",t,M());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,m=e.indexOf(\"end\")>=0,v=h.backoff*p+r.standoff,y=f.backoff*d+r.startstandoff;if(\"line\"===u.nodeName){o={x:+t.attr(\"x1\"),y:+t.attr(\"y1\")},s={x:+t.attr(\"x2\"),y:+t.attr(\"y2\")};var x=o.x-s.x,b=o.y-s.y;if(c=(l=Math.atan2(b,x))+Math.PI,v&&y&&v+y>Math.sqrt(x*x+b*b))return void P();if(v){if(v*v>x*x+b*b)return void P();var _=v*Math.cos(l),w=v*Math.sin(l);s.x+=_,s.y+=w,t.attr({x2:s.x,y2:s.y})}if(y){if(y*y>x*x+b*b)return void P();var T=y*Math.cos(l),k=y*Math.sin(l);o.x-=T,o.y-=k,t.attr({x1:o.x,y1:o.y})}}else if(\"path\"===u.nodeName){var M=u.getTotalLength(),A=\"\";if(M1){c=!0;break}}c?t.fullLayout._infolayer.select(\".annotation-\"+t.id+'[data-index=\"'+s+'\"]').remove():(l._pdata=a(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\":848,\"../annotations/draw\":604}],611:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),a=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 i=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 i?\"rgba(\"+s+\", \"+n[3]+\")\":\"rgb(\"+s+\")\"}i.tinyRGB=function(t){var e=t.toRgb();return\"rgb(\"+Math.round(e.r)+\", \"+Math.round(e.g)+\", \"+Math.round(e.b)+\")\"},i.rgb=function(t){return i.tinyRGB(n(t))},i.opacity=function(t){return t?n(t).getAlpha():0},i.addOpacity=function(t,e){var r=n(t).toRgb();return\"rgba(\"+Math.round(r.r)+\", \"+Math.round(r.g)+\", \"+Math.round(r.b)+\", \"+e+\")\"},i.combine=function(t,e){var r=n(t).toRgb();if(1===r.a)return n(t).toRgbString();var a=n(e||l).toRgb(),i=1===a.a?a:{r:255*(1-a.a)+a.r*a.a,g:255*(1-a.a)+a.g*a.a,b:255*(1-a.a)+a.b*a.a},o={r:i.r*(1-r.a)+r.r*r.a,g:i.g*(1-r.a)+r.g*r.a,b:i.b*(1-r.a)+r.b*r.a};return n(o).toRgbString()},i.contrast=function(t,e,r){var a=n(t);return 1!==a.getAlpha()&&(a=n(i.combine(t,l))),(a.isDark()?e?a.lighten(e):l:r?a.darken(r):s).toString()},i.stroke=function(t,e){var r=n(e);t.style({stroke:i.tinyRGB(r),\"stroke-opacity\":r.getAlpha()})},i.fill=function(t,e){var r=n(e);t.style({fill:i.tinyRGB(r),\"fill-opacity\":r.getAlpha()})},i.clean=function(t){if(t&&\"object\"==typeof t){var e,r,n,a,o=Object.keys(t);for(e=0;e0?n>=l:n<=l));a++)n>u&&n0?n>=l:n<=l));a++)n>r[0]&&n1){var X=Math.pow(10,Math.floor(Math.log(Z)/Math.LN10));Y*=X*c.roundUp(Z/X,[2,5,10]),(Math.abs(C.start)/C.size+1e-6)%1<2e-6&&(G.tick0=0)}G.dtick=Y}G.domain=[V+N,V+R-N],G.setScale(),t.attr(\"transform\",\"translate(\"+Math.round(l.l)+\",\"+Math.round(l.t)+\")\");var J,K=t.select(\".\"+k.cbtitleunshift).attr(\"transform\",\"translate(-\"+Math.round(l.l)+\",-\"+Math.round(l.t)+\")\"),Q=t.select(\".\"+k.cbaxis),$=0;function tt(n,a){var i={propContainer:G,propName:e._propPrefix+\"title\",traceIndex:e._traceIndex,_meta:e._meta,placeholder:o._dfltTitle.colorbar,containerGroup:t.select(\".\"+k.cbtitle)},s=\"h\"===n.charAt(0)?n.substr(1):\"h\"+n;t.selectAll(\".\"+s+\",.\"+s+\"-math-group\").remove(),d.draw(r,n,u(i,a||{}))}return c.syncOrAsync([i.previousPromises,function(){if(-1!==[\"top\",\"bottom\"].indexOf(M)){var t,r=l.l+(e.x+F)*l.w,n=G.title.font.size;t=\"top\"===M?(1-(V+R-N))*l.h+l.t+3+.75*n:(1-(V+N))*l.h+l.t-3-.25*n,tt(G._id+\"title\",{attributes:{x:r,y:t,\"text-anchor\":\"start\"}})}},function(){if(-1!==[\"top\",\"bottom\"].indexOf(M)){var i=t.select(\".\"+k.cbtitle),o=i.select(\"text\"),u=[-e.outlinewidth/2,e.outlinewidth/2],h=i.select(\".h\"+G._id+\"title-math-group\").node(),p=15.6;if(o.node()&&(p=parseInt(o.node().style.fontSize,10)*_),h?($=f.bBox(h).height)>p&&(u[1]-=($-p)/2):o.node()&&!o.classed(k.jsPlaceholder)&&($=f.bBox(o.node()).height),$){if($+=5,\"top\"===M)G.domain[1]-=$/l.h,u[1]*=-1;else{G.domain[0]+=$/l.h;var d=g.lineCount(o);u[1]+=(1-d)*p}i.attr(\"transform\",\"translate(\"+u+\")\"),G.setScale()}}t.selectAll(\".\"+k.cbfills+\",.\"+k.cblines).attr(\"transform\",\"translate(0,\"+Math.round(l.h*(1-G.domain[1]))+\")\"),Q.attr(\"transform\",\"translate(0,\"+Math.round(-l.t)+\")\");var v=t.select(\".\"+k.cbfills).selectAll(\"rect.\"+k.cbfill).data(P);v.enter().append(\"rect\").classed(k.cbfill,!0).style(\"stroke\",\"none\"),v.exit().remove();var y=A.map(G.c2p).map(Math.round).sort((function(t,e){return t-e}));v.each((function(t,i){var o=[0===i?A[0]:(P[i]+P[i-1])/2,i===P.length-1?A[1]:(P[i]+P[i+1])/2].map(G.c2p).map(Math.round);o[1]=c.constrain(o[1]+(o[1]>o[0])?1:-1,y[0],y[1]);var s=n.select(this).attr({x:j,width:Math.max(z,2),y:n.min(o),height:Math.max(n.max(o)-n.min(o),2)});if(e._fillgradient)f.gradient(s,r,e._id,\"vertical\",e._fillgradient,\"fill\");else{var l=E(t).replace(\"e-\",\"\");s.attr(\"fill\",a(l).toHexString())}}));var x=t.select(\".\"+k.cblines).selectAll(\"path.\"+k.cbline).data(m.color&&m.width?I:[]);x.enter().append(\"path\").classed(k.cbline,!0),x.exit().remove(),x.each((function(t){n.select(this).attr(\"d\",\"M\"+j+\",\"+(Math.round(G.c2p(t))+m.width/2%1)+\"h\"+z).call(f.lineGroupStyle,m.width,S(t),m.dash)})),Q.selectAll(\"g.\"+G._id+\"tick,path\").remove();var b=j+z+(e.outlinewidth||0)/2-(\"outside\"===e.ticks?1:0),w=s.calcTicks(G),T=s.makeTransFn(G),C=s.getTickSigns(G)[2];return s.drawTicks(r,G,{vals:\"inside\"===G.ticks?s.clipEnds(G,w):w,layer:Q,path:s.makeTickPath(G,b,C),transFn:T}),s.drawLabels(r,G,{vals:w,layer:Q,transFn:T,labelFns:s.makeLabelFns(G,b)})},function(){if(-1===[\"top\",\"bottom\"].indexOf(M)){var t=G.title.font.size,e=G._offset+G._length/2,a=l.l+(G.position||0)*l.w+(\"right\"===G.side?10+t*(G.showticklabels?1:.5):-10-t*(G.showticklabels?.5:0));tt(\"h\"+G._id+\"title\",{avoid:{selection:n.select(r).selectAll(\"g.\"+G._id+\"tick\"),side:M,offsetLeft:l.l,offsetTop:0,maxShift:o.width},attributes:{x:a,y:e,\"text-anchor\":\"middle\"},transform:{rotate:\"-90\",offset:0}})}},i.previousPromises,function(){var n=z+e.outlinewidth/2+f.bBox(Q.node()).width;if((J=K.select(\"text\")).node()&&!J.classed(k.jsPlaceholder)){var a,o=K.select(\".h\"+G._id+\"title-math-group\").node();a=o&&-1!==[\"top\",\"bottom\"].indexOf(M)?f.bBox(o).width:f.bBox(K.node()).right-j-l.l,n=Math.max(n,a)}var s=2*e.xpad+n+e.borderwidth+e.outlinewidth/2,c=q-H;t.select(\".\"+k.cbbg).attr({x:j-e.xpad-(e.borderwidth+e.outlinewidth)/2,y:H-B,width:Math.max(s,2),height:Math.max(c+2*B,2)}).call(p.fill,e.bgcolor).call(p.stroke,e.bordercolor).style(\"stroke-width\",e.borderwidth),t.selectAll(\".\"+k.cboutline).attr({x:j,y:H+e.ypad+(\"top\"===M?$:0),width:Math.max(z,2),height:Math.max(c-2*e.ypad-$,2)}).call(p.stroke,e.outlinecolor).style({fill:\"none\",\"stroke-width\":e.outlinewidth});var u=({center:.5,right:1}[e.xanchor]||0)*s;t.attr(\"transform\",\"translate(\"+(l.l-u)+\",\"+l.t+\")\");var h={},d=w[e.yanchor],g=T[e.yanchor];\"pixels\"===e.lenmode?(h.y=e.y,h.t=c*d,h.b=c*g):(h.t=h.b=0,h.yt=e.y+e.len*d,h.yb=e.y-e.len*g);var m=w[e.xanchor],v=T[e.xanchor];if(\"pixels\"===e.thicknessmode)h.x=e.x,h.l=s*m,h.r=s*v;else{var y=s-z;h.l=y*m,h.r=y*v,h.xl=e.x-e.thickness*m,h.xr=e.x+e.thickness*v}i.autoMargin(r,e._id,h)}],r)}(r,e,t);m&&m.then&&(t._promises||[]).push(m),t._context.edits.colorbarPosition&&function(t,e,r){var n,a,i,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+\" translate(\"+r+\",\"+o+\")\"),a=l.align(e._xLeftFrac+r/s.w,e._thickFrac,0,1,e.xanchor),i=l.align(e._yBottomFrac-o/s.h,e._lenFrac,0,1,e.yanchor);var c=l.getCursor(a,i,e.xanchor,e.yanchor);h(t,c)},doneFn:function(){if(h(t),void 0!==a&&void 0!==i){var n={};n[e._propPrefix+\"x\"]=a,n[e._propPrefix+\"y\"]=i,void 0!==e._traceIndex?o.call(\"_guiRestyle\",r,n,e._traceIndex):o.call(\"_guiRelayout\",r,n)}}})}(r,e,t)})),e.exit().each((function(e){i.autoMargin(t,e._id)})).remove(),e.order()}}},{\"../../constants/alignment\":717,\"../../lib\":749,\"../../lib/extend\":739,\"../../lib/setcursor\":769,\"../../lib/svg_text_utils\":773,\"../../plots/cartesian/axes\":797,\"../../plots/cartesian/axis_defaults\":799,\"../../plots/cartesian/layout_attributes\":811,\"../../plots/cartesian/position_defaults\":814,\"../../plots/plots\":860,\"../../registry\":880,\"../color\":615,\"../colorscale/helpers\":626,\"../dragelement\":634,\"../drawing\":637,\"../titles\":710,\"./constants\":617,d3:169,tinycolor2:548}],620:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");e.exports=function(t){return n.isPlainObject(t.colorbar)}},{\"../../lib\":749}],621:[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\":616,\"./defaults\":618,\"./draw\":619,\"./has_colorbar\":620}],622:[function(t,e,r){\"use strict\";var n=t(\"../colorbar/attributes\"),a=t(\"../../lib/regex\").counter,i=t(\"./scales.js\").scales;Object.keys(i);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?i[e.colorscaleDflt]:null,h=e.editTypeOverride||\"\",f=t?t+\".\":\"\";\"colorAttr\"in e?(r=e.colorAttr,e.colorAttr):o(f+(r={z:\"z\",c:\"color\"}[s]));var p=s+\"auto\",d=s+\"min\",g=s+\"max\",m=s+\"mid\",v=(o(f+p),o(f+d),o(f+g),{});v[d]=v[g]=void 0;var y={};y[p]=!1;var x={};return\"color\"===r&&(x.color={valType:\"color\",arrayOk:!0,editType:h||\"style\"},e.anim&&(x.color.anim=!0)),x[p]={valType:\"boolean\",dflt:!0,editType:\"calc\",impliedEdits:v},x[d]={valType:\"number\",dflt:null,editType:h||\"plot\",impliedEdits:y},x[g]={valType:\"number\",dflt:null,editType:h||\"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:a(\"coloraxis\"),dflt:null,editType:\"calc\"}),x}},{\"../../lib/regex\":765,\"../colorbar/attributes\":616,\"./scales.js\":630}],623:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"../../lib\"),i=t(\"./helpers\").extractOpts;e.exports=function(t,e,r){var o,s=t._fullLayout,l=r.vals,c=r.containerStr,u=c?a.nestedProperty(e,c).get():e,h=i(u),f=!1!==h.auto,p=h.min,d=h.max,g=h.mid,m=function(){return a.aggNums(Math.min,null,l)},v=function(){return a.aggNums(Math.max,null,l)};(void 0===p?p=m():f&&(p=u._colorAx&&n(p)?Math.min(p,m()):m()),void 0===d?d=v():f&&(d=u._colorAx&&n(d)?Math.max(d,v()):v()),f&&void 0!==g&&(d-g>g-p?p=g-(d-g):d-g=0?s.colorscale.sequential:s.colorscale.sequentialminus,h._sync(\"colorscale\",o))}},{\"../../lib\":749,\"./helpers\":626,\"fast-isnumeric\":241}],624:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./helpers\").hasColorscale,i=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,a){var o=a.container?n.nestedProperty(t,a.container).get():t;if(o)if(o.coloraxis)o._colorAx=e[o.coloraxis];else{var s=i(o),l=s.auto;(l||void 0===s.min)&&r(o,a.min),(l||void 0===s.max)&&r(o,a.max),s.autocolorscale&&r(o,\"colorscale\")}}for(var s=0;s=0;n--,a++){var i=t[n];r[a]=[1-i[0],i[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}},{}],632:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=[[\"sw-resize\",\"s-resize\",\"se-resize\"],[\"w-resize\",\"move\",\"e-resize\"],[\"nw-resize\",\"n-resize\",\"ne-resize\"]];e.exports=function(t,e,r,i){return t=\"left\"===r?0:\"center\"===r?1:\"right\"===r?2:n.constrain(Math.floor(3*t),0,2),e=\"bottom\"===i?0:\"middle\"===i?1:\"top\"===i?2:n.constrain(Math.floor(3*e),0,2),a[e][t]}},{\"../../lib\":749}],633:[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)}},{}],634:[function(t,e,r){\"use strict\";var n=t(\"mouse-event-offset\"),a=t(\"has-hover\"),i=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 h(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,f,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=_,i?(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=h(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\":749,\"../../plots/cartesian/constants\":803,\"./align\":631,\"./cursor\":632,\"./unhover\":635,\"has-hover\":414,\"has-passive-events\":415,\"mouse-event-offset\":458}],635:[function(t,e,r){\"use strict\";var n=t(\"../../lib/events\"),a=t(\"../../lib/throttle\"),i=t(\"../../lib/dom\").getGraphDiv,o=t(\"../fx/constants\"),s=e.exports={};s.wrapped=function(t,e,r){(t=i(t))._fullLayout&&a.clear(t._fullLayout._uid+o.HOVERID),s.raw(t,e,r)},s.raw=function(t,e){var r=t._fullLayout,a=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&&a&&t.emit(\"plotly_unhover\",{event:e,points:a}))}},{\"../../lib/dom\":737,\"../../lib/events\":738,\"../../lib/throttle\":774,\"../fx/constants\":649}],636:[function(t,e,r){\"use strict\";r.dash={valType:\"string\",values:[\"solid\",\"dot\",\"dash\",\"longdash\",\"dashdot\",\"longdashdot\"],dflt:\"solid\",editType:\"style\"}},{}],637:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"fast-isnumeric\"),i=t(\"tinycolor2\"),o=t(\"../../registry\"),s=t(\"../color\"),l=t(\"../colorscale\"),c=t(\"../../lib\"),u=t(\"../../lib/svg_text_utils\"),h=t(\"../../constants/xmlns_namespaces\"),f=t(\"../../constants/alignment\").LINE_SPACING,p=t(\"../../constants/interactions\").DESELECTDIM,d=t(\"../../traces/scatter/subtypes\"),g=t(\"../../traces/scatter/make_bubble_size_func\"),m=t(\"../../components/fx/helpers\").appendArrayPointValue,v=e.exports={};v.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)},v.setPosition=function(t,e,r){t.attr(\"x\",e).attr(\"y\",r)},v.setSize=function(t,e,r){t.attr(\"width\",e).attr(\"height\",r)},v.setRect=function(t,e,r,n,a){t.call(v.setPosition,e,r).call(v.setSize,n,a)},v.translatePoint=function(t,e,r,n){var i=r.c2p(t.x),o=n.c2p(t.y);return!!(a(i)&&a(o)&&e.node())&&(\"text\"===e.node().nodeName?e.attr(\"x\",i).attr(\"y\",o):e.attr(\"transform\",\"translate(\"+i+\",\"+o+\")\"),!0)},v.translatePoints=function(t,e,r){t.each((function(t){var a=n.select(this);v.translatePoint(t,a,e,r)}))},v.hideOutsideRangePoint=function(t,e,r,n,a,i){e.attr(\"display\",r.isPtWithinRange(t,a)&&n.isPtWithinRange(t,i)?null:\"none\")},v.hideOutsideRangePoints=function(t,e){if(e._hasClipOnAxisFalse){var r=e.xaxis,a=e.yaxis;t.each((function(e){var i=e[0].trace,s=i.xcalendar,l=i.ycalendar,c=o.traceIs(i,\"bar-like\")?\".bartext\":\".point,.textpoint\";t.selectAll(c).each((function(t){v.hideOutsideRangePoint(t,n.select(this),r,a,s,l)}))}))}},v.crispRound=function(t,e,r){return e&&a(e)?t._context.staticPlot?e:e<1?1:Math.round(e):r||0},v.singleLineStyle=function(t,e,r,n,a){e.style(\"fill\",\"none\");var i=(((t||[])[0]||{}).trace||{}).line||{},o=r||i.width||0,l=a||i.dash||\"\";s.stroke(e,n||i.color),v.dashLine(e,l,o)},v.lineGroupStyle=function(t,e,r,a){t.style(\"fill\",\"none\").each((function(t){var i=(((t||[])[0]||{}).trace||{}).line||{},o=e||i.width||0,l=a||i.dash||\"\";n.select(this).call(s.stroke,r||i.color).call(v.dashLine,l,o)}))},v.dashLine=function(t,e,r){r=+r||0,e=v.dashStyle(e,r),t.style({\"stroke-dasharray\":e,\"stroke-width\":r+\"px\"})},v.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},v.singleFillStyle=function(t){var e=(((n.select(t.node()).data()[0]||[])[0]||{}).trace||{}).fillcolor;e&&t.call(s.fill,e)},v.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 y=t(\"./symbol_defs\");v.symbolNames=[],v.symbolFuncs=[],v.symbolNeedLines={},v.symbolNoDot={},v.symbolNoFill={},v.symbolList=[],Object.keys(y).forEach((function(t){var e=y[t],r=e.n;v.symbolList.push(r,String(r),t,r+100,String(r+100),t+\"-open\"),v.symbolNames[r]=t,v.symbolFuncs[r]=e.f,e.needLine&&(v.symbolNeedLines[r]=!0),e.noDot?v.symbolNoDot[r]=!0:v.symbolList.push(r+200,String(r+200),t+\"-dot\",r+300,String(r+300),t+\"-open-dot\"),e.noFill&&(v.symbolNoFill[r]=!0)}));var x=v.symbolNames.length;function b(t,e){var r=t%100;return v.symbolFuncs[r](e)+(t>=200?\"M0,0.5L0.5,0L0,-0.5L-0.5,0Z\":\"\")}v.symbolNumber=function(t){if(a(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=v.symbolNames.indexOf(t))>=0&&(t+=e)}return t%100>=x||t>=400?0:Math.floor(Math.max(t,0))};var _={x1:1,x2:0,y1:0,y2:0},w={x1:0,x2:0,y1:1,y2:0},T=n.format(\"~.1f\"),k={radial:{node:\"radialGradient\"},radialreversed:{node:\"radialGradient\",reversed:!0},horizontal:{node:\"linearGradient\",attrs:_},horizontalreversed:{node:\"linearGradient\",attrs:_,reversed:!0},vertical:{node:\"linearGradient\",attrs:w},verticalreversed:{node:\"linearGradient\",attrs:w,reversed:!0}};v.gradient=function(t,e,r,a,o,l){for(var u=o.length,h=k[a],f=new Array(u),p=0;p\"+v(t);d._gradientUrlQueryParts[y]=1},v.initGradients=function(t){var e=t._fullLayout;c.ensureSingle(e._defs,\"g\",\"gradients\").selectAll(\"linearGradient,radialGradient\").remove(),e._gradientUrlQueryParts={}},v.pointStyle=function(t,e,r){if(t.size()){var a=v.makePointStyleFns(e);t.each((function(t){v.singlePointStyle(t,n.select(this),e,a,r)}))}},v.singlePointStyle=function(t,e,r,n,a){var i=r.marker,o=i.line;if(e.style(\"opacity\",n.selectedOpacityFn?n.selectedOpacityFn(t):void 0===t.mo?i.opacity:t.mo),n.ms2mrc){var l;l=\"various\"===t.ms||\"various\"===i.size?3:n.ms2mrc(t.ms),t.mrc=l,n.selectedSizeFn&&(l=t.mrc=n.selectedSizeFn(t));var u=v.symbolNumber(t.mx||i.symbol)||0;t.om=u%200>=100,e.attr(\"d\",b(u,l))}var h,f,p,d=!1;if(t.so)p=o.outlierwidth,f=o.outliercolor,h=i.outliercolor;else{var g=(o||{}).width;p=(t.mlw+1||g+1||(t.trace?(t.trace.marker.line||{}).width:0)+1)-1||0,f=\"mlc\"in t?t.mlcc=n.lineScale(t.mlc):c.isArrayOrTypedArray(o.color)?s.defaultLine:o.color,c.isArrayOrTypedArray(i.color)&&(h=s.defaultLine,d=!0),h=\"mc\"in t?t.mcc=n.markerScale(t.mc):i.color||\"rgba(0,0,0,0)\",n.selectedColorFn&&(h=n.selectedColorFn(t))}if(t.om)e.call(s.stroke,h).style({\"stroke-width\":(p||1)+\"px\",fill:\"none\"});else{e.style(\"stroke-width\",(t.isBlank?0:p)+\"px\");var m=i.gradient,y=t.mgt;if(y?d=!0:y=m&&m.type,Array.isArray(y)&&(y=y[0],k[y]||(y=0)),y&&\"none\"!==y){var x=t.mgc;x?d=!0:x=m.color;var _=r.uid;d&&(_+=\"-\"+t.i),v.gradient(e,a,_,y,[[0,x],[1,h]],\"fill\")}else s.fill(e,h);p&&s.stroke(e,f)}},v.makePointStyleFns=function(t){var e={},r=t.marker;return e.markerScale=v.tryColorscale(r,\"\"),e.lineScale=v.tryColorscale(r,\"line\"),o.traceIs(t,\"symbols\")&&(e.ms2mrc=d.isBubble(t)?g(t):function(){return(r.size||6)/2}),t.selectedpoints&&c.extendFlat(e,v.makeSelectedPointStyleFns(t)),e},v.makeSelectedPointStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},a=t.marker||{},i=r.marker||{},s=n.marker||{},l=a.opacity,u=i.opacity,h=s.opacity,f=void 0!==u,d=void 0!==h;(c.isArrayOrTypedArray(l)||f||d)&&(e.selectedOpacityFn=function(t){var e=void 0===t.mo?a.opacity:t.mo;return t.selected?f?u:e:d?h:p*e});var g=a.color,m=i.color,v=s.color;(m||v)&&(e.selectedColorFn=function(t){var e=t.mcc||g;return t.selected?m||e:v||e});var y=a.size,x=i.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},v.makeSelectedTextStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},a=t.textfont||{},i=r.textfont||{},o=n.textfont||{},l=a.color,c=i.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,p))},e},v.selectedPointStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=v.makeSelectedPointStyleFns(e),a=e.marker||{},i=[];r.selectedOpacityFn&&i.push((function(t,e){t.style(\"opacity\",r.selectedOpacityFn(e))})),r.selectedColorFn&&i.push((function(t,e){s.fill(t,r.selectedColorFn(e))})),r.selectedSizeFn&&i.push((function(t,e){var n=e.mx||a.symbol||0,i=r.selectedSizeFn(e);t.attr(\"d\",b(v.symbolNumber(n),i)),e.mrc2=i})),i.length&&t.each((function(t){for(var e=n.select(this),r=0;r0?r:0}v.textPointStyle=function(t,e,r){if(t.size()){var a;if(e.selectedpoints){var i=v.makeSelectedTextStyleFns(e);a=i.selectedTextColorFn}var o=e.texttemplate,s=r._fullLayout;t.each((function(t){var i=n.select(this),l=o?c.extractOption(t,e,\"txt\",\"texttemplate\"):c.extractOption(t,e,\"tx\",\"text\");if(l||0===l){if(o){var h=e._module.formatLabels?e._module.formatLabels(t,e,s):{},f={};m(f,e,t.i);var p=e._meta||{};l=c.texttemplateString(l,h,s._d3locale,f,t,p)}var d=t.tp||e.textposition,g=S(t,e),y=a?a(t):t.tc||e.textfont.color;i.call(v.font,t.tf||e.textfont.family,g,y).text(l).call(u.convertToTspans,r).call(A,d,g,t.mrc)}else i.remove()}))}},v.selectedTextStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=v.makeSelectedTextStyleFns(e);t.each((function(t){var a=n.select(this),i=r.selectedTextColorFn(t),o=t.tp||e.textposition,l=S(t,e);s.fill(a,i),A(a,o,l,t.mrc2||t.mrc)}))}};function E(t,e,r,a){var i=t[0]-e[0],o=t[1]-e[1],s=r[0]-e[0],l=r[1]-e[1],c=Math.pow(i*i+o*o,.25),u=Math.pow(s*s+l*l,.25),h=(u*u*i-c*c*s)*a,f=(u*u*o-c*c*l)*a,p=3*u*(c+u),d=3*c*(c+u);return[[n.round(e[0]+(p&&h/p),2),n.round(e[1]+(p&&f/p),2)],[n.round(e[0]-(d&&h/d),2),n.round(e[1]-(d&&f/d),2)]]}v.smoothopen=function(t,e){if(t.length<3)return\"M\"+t.join(\"L\");var r,n=\"M\"+t[0],a=[];for(r=1;r=1e4&&(v.savedBBoxes={},P=0),r&&(v.savedBBoxes[r]=m),P++,c.extendFlat({},m)},v.setClipUrl=function(t,e,r){t.attr(\"clip-path\",z(e,r))},v.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}},v.setTranslate=function(t,e,r){var n=t.attr?\"attr\":\"getAttribute\",a=t.attr?\"attr\":\"setAttribute\",i=t[n](\"transform\")||\"\";return e=e||0,r=r||0,i=i.replace(/(\\btranslate\\(.*?\\);?)/,\"\").trim(),i=(i+=\" translate(\"+e+\", \"+r+\")\").trim(),t[a](\"transform\",i),i},v.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}},v.setScale=function(t,e,r){var n=t.attr?\"attr\":\"getAttribute\",a=t.attr?\"attr\":\"setAttribute\",i=t[n](\"transform\")||\"\";return e=e||1,r=r||1,i=i.replace(/(\\bscale\\(.*?\\);?)/,\"\").trim(),i=(i+=\" scale(\"+e+\", \"+r+\")\").trim(),t[a](\"transform\",i),i};var O=/\\s*sc.*/;v.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(O,\"\");t=(t+=n).trim(),this.setAttribute(\"transform\",t)}))}};var D=/translate\\([^)]*\\)\\s*$/;v.setTextPointsScale=function(t,e,r){t&&t.each((function(){var t,a=n.select(this),i=a.select(\"text\");if(i.node()){var o=parseFloat(i.attr(\"x\")||0),s=parseFloat(i.attr(\"y\")||0),l=(a.attr(\"transform\")||\"\").match(D);t=1===e&&1===r?[]:[\"translate(\"+o+\",\"+s+\")\",\"scale(\"+e+\",\"+r+\")\",\"translate(\"+-o+\",\"+-s+\")\"],l&&t.push(l),a.attr(\"transform\",t.join(\" \"))}}))}},{\"../../components/fx/helpers\":651,\"../../constants/alignment\":717,\"../../constants/interactions\":723,\"../../constants/xmlns_namespaces\":725,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../../registry\":880,\"../../traces/scatter/make_bubble_size_func\":1172,\"../../traces/scatter/subtypes\":1179,\"../color\":615,\"../colorscale\":627,\"./symbol_defs\":638,d3:169,\"fast-isnumeric\":241,tinycolor2:548}],638:[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,a=\"l\"+e+\",-\"+e,i=\"l-\"+e+\",-\"+e,o=\"l-\"+e+\",\"+e;return\"M0,\"+e+r+a+i+a+i+o+i+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),a=n.round(-t,2),i=n.round(-.309*t,2);return\"M\"+e+\",\"+i+\"L\"+r+\",\"+n.round(.809*t,2)+\"H-\"+r+\"L-\"+e+\",\"+i+\"L0,\"+a+\"Z\"}},hexagon:{n:14,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),a=n.round(t*Math.sqrt(3)/2,2);return\"M\"+a+\",-\"+r+\"V\"+r+\"L0,\"+e+\"L-\"+a+\",\"+r+\"V-\"+r+\"L0,-\"+e+\"Z\"}},hexagon2:{n:15,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),a=n.round(t*Math.sqrt(3)/2,2);return\"M-\"+r+\",\"+a+\"H\"+r+\"L\"+e+\",0L\"+r+\",-\"+a+\"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),a=n.round(.951*e,2),i=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\"+a+\"L\"+i+\",\"+c+\"L\"+o+\",\"+u+\"L0,\"+n.round(.382*e,2)+\"L-\"+o+\",\"+u+\"L-\"+i+\",\"+c+\"L-\"+a+\",\"+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),a=n.round(.76*t,2);return\"M-\"+a+\",0l-\"+r+\",-\"+e+\"h\"+a+\"l\"+r+\",-\"+e+\"l\"+r+\",\"+e+\"h\"+a+\"l-\"+r+\",\"+e+\"l\"+r+\",\"+e+\"h-\"+a+\"l-\"+r+\",\"+e+\"l-\"+r+\",-\"+e+\"h-\"+a+\"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),a=n.round(1.6*t,2),i=n.round(4*t,2),o=\"A \"+i+\",\"+i+\" 0 0 1 \";return\"M-\"+e+\",\"+r+o+e+\",\"+r+o+\"0,-\"+a+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),a=n.round(1.6*t,2),i=n.round(4*t,2),o=\"A \"+i+\",\"+i+\" 0 0 1 \";return\"M\"+e+\",-\"+r+o+\"-\"+e+\",-\"+r+o+\"0,\"+a+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),a=\"A \"+r+\",\"+r+\" 0 0 1 \";return\"M-\"+e+\",-\"+e+a+\"-\"+e+\",\"+e+a+e+\",\"+e+a+e+\",-\"+e+a+\"-\"+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),a=\"A \"+r+\",\"+r+\" 0 0 1 \";return\"M-\"+e+\",0\"+a+\"0,\"+e+a+e+\",0\"+a+\"0,-\"+e+a+\"-\"+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),a=n.round(.8*t,2);return\"M-\"+e+\",\"+a+\"L0,0M\"+e+\",\"+a+\"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),a=n.round(.8*t,2);return\"M-\"+e+\",-\"+a+\"L0,0M\"+e+\",-\"+a+\"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),a=n.round(.8*t,2);return\"M\"+a+\",\"+e+\"L0,0M\"+a+\",-\"+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),a=n.round(.8*t,2);return\"M-\"+a+\",\"+e+\"L0,0M-\"+a+\",-\"+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}],639:[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\"}}}},{}],640:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"../../registry\"),i=t(\"../../plots/cartesian/axes\"),o=t(\"../../lib\"),s=t(\"./compute_error\");function l(t,e,r,a){var l=e[\"error_\"+a]||{},c=[];if(l.visible&&-1!==[\"linear\",\"log\"].indexOf(r.type)){for(var u=s(l),h=0;h0;e.each((function(e){var h,f=e[0].trace,p=f.error_x||{},d=f.error_y||{};f.ids&&(h=function(t){return t.id});var g=o.hasMarkers(f)&&f.marker.maxdisplayed>0;d.visible||p.visible||(e=[]);var m=n.select(this).selectAll(\"g.errorbar\").data(e,h);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),i.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),a(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),a(n.xs)||(n.noXS=!0,n.xs=e.c2p(t.xs,!0)));return n}(t,l,c);if(!g||t.vis){var i,o=e.select(\"path.yerror\");if(d.visible&&a(r.x)&&a(r.yh)&&a(r.ys)){var h=d.width;i=\"M\"+(r.x-h)+\",\"+r.yh+\"h\"+2*h+\"m-\"+h+\",0V\"+r.ys,r.noYS||(i+=\"m-\"+h+\",0h\"+2*h),!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\",i)}else o.remove();var f=e.select(\"path.xerror\");if(p.visible&&a(r.y)&&a(r.xh)&&a(r.xs)){var m=(p.copy_ystyle?d:p).width;i=\"M\"+r.xh+\",\"+(r.y-m)+\"v\"+2*m+\"m0,-\"+m+\"H\"+r.xs,r.noXS||(i+=\"m0,-\"+m+\"v\"+2*m),!f.size()?f=e.append(\"path\").style(\"vector-effect\",\"non-scaling-stroke\").classed(\"xerror\",!0):u&&(f=f.transition().duration(s.duration).ease(s.easing)),f.attr(\"d\",i)}else f.remove()}}))}}))}},{\"../../traces/scatter/subtypes\":1179,\"../drawing\":637,d3:169,\"fast-isnumeric\":241}],645:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../color\");e.exports=function(t){t.each((function(t){var e=t[0].trace,r=e.error_y||{},i=e.error_x||{},o=n.select(this);o.selectAll(\"path.yerror\").style(\"stroke-width\",r.thickness+\"px\").call(a.stroke,r.color),i.copy_ystyle&&(i=r),o.selectAll(\"path.xerror\").style(\"stroke-width\",i.thickness+\"px\").call(a.stroke,i.color)}))}},{\"../color\":615,d3:169}],646:[function(t,e,r){\"use strict\";var n=t(\"../../plots/font_attributes\"),a=t(\"./layout_attributes\").hoverlabel,i=t(\"../../lib/extend\").extendFlat;e.exports={hoverlabel:{bgcolor:i({},a.bgcolor,{arrayOk:!0}),bordercolor:i({},a.bordercolor,{arrayOk:!0}),font:n({arrayOk:!0,editType:\"none\"}),align:i({},a.align,{arrayOk:!0}),namelength:i({},a.namelength,{arrayOk:!0}),editType:\"none\"}}},{\"../../lib/extend\":739,\"../../plots/font_attributes\":825,\"./layout_attributes\":656}],647:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../registry\");function i(t,e,r,a){a=a||n.identity,Array.isArray(t)&&(e[0][r]=a(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>w[0]._length)return f.unhoverRaw(t,e)}if(e.pointerX=$+b[0]._offset,e.pointerY=tt+w[0]._offset,O=\"xval\"in e?g.flat(l,e.xval):g.p2c(b,$),D=\"yval\"in e?g.flat(l,e.yval):g.p2c(w,tt),!a(O[0])||!a(D[0]))return o.warn(\"Fx.hover failed\",e,t),f.unhoverRaw(t,e)}var rt=1/0;function nt(t,r){for(F=0;FY&&(X.splice(0,Y),rt=X[0].distance),v&&0!==Z&&0===X.length){G.distance=Z,G.index=!1;var f=N._module.hoverPoints(G,q,H,\"closest\",u._hoverlayer);if(f&&(f=f.filter((function(t){return t.spikeDistance<=Z}))),f&&f.length){var p,d=f.filter((function(t){return t.xa.showspikes&&\"hovered data\"!==t.xa.spikesnap}));if(d.length){var m=d[0];a(m.x0)&&a(m.y0)&&(p=it(m),(!K.vLinePoint||K.vLinePoint.spikeDistance>p.spikeDistance)&&(K.vLinePoint=p))}var y=f.filter((function(t){return t.ya.showspikes&&\"hovered data\"!==t.ya.spikesnap}));if(y.length){var x=y[0];a(x.x0)&&a(x.y0)&&(p=it(x),(!K.hLinePoint||K.hLinePoint.spikeDistance>p.spikeDistance)&&(K.hLinePoint=p))}}}}}function at(t,e){for(var r,n=null,a=1/0,i=0;i1||X.length>1)||\"closest\"===C&&Q&&X.length>1,Mt=h.combine(u.plot_bgcolor||h.background,u.paper_bgcolor),At={hovermode:C,rotateLabels:kt,bgColor:Mt,container:u._hoverlayer,outerContainer:u._paperdiv,commonLabelOpts:u.hoverlabel,hoverdistance:u.hoverdistance},St=E(X,At,t);g.isUnifiedHover(C)||(!function(t,e,r){var n,a,i,o,s,l,c,u=0,h=1,f=t.size(),p=new Array(f),d=0;function g(t){var e=t[0],r=t[t.length-1];if(a=e.pmin-e.pos-e.dp+e.size,i=r.pos+r.dp+r.size-e.pmax,a>.01){for(s=t.length-1;s>=0;s--)t[s].dp+=a;n=!1}if(!(i<.01)){if(a<-.01){for(s=t.length-1;s>=0;s--)t[s].dp-=i;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-=i;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],a=\"x\"===n._id.charAt(0),i=n.range;0===d&&i&&i[0]>i[1]!==a&&(h=-1),p[d++]=[{datum:t,traceIndex:t.trace.index,dp:0,pos:t.pos,posref:t.posref,size:t.by*(a?_:1)/2,pmin:0,pmax:a?r.width:r.height}]})),p.sort((function(t,e){return t[0].posref-e[0].posref||h*(e[0].traceIndex-t[0].traceIndex)}));for(;!n&&u<=f;){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+=a;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(i=c/m.length,s=m.length-1;s>=0;s--)m[s].dp-=i;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 w=b[s],T=w.datum;T.offset=w.dp,T.del=w.del}}}(St,kt?\"xa\":\"ya\",u),L(St,kt));if(e.target&&e.target.tagName){var Et=d.getComponentMethod(\"annotations\",\"hasClickToShow\")(t,bt);c(n.select(e.target),Et?\"pointer\":\"\")}if(!e.target||i||!function(t,e,r){if(!r||r.length!==t._hoverdata.length)return!0;for(var n=r.length-1;n>=0;n--){var a=r[n],i=t._hoverdata[n];if(a.curveNumber!==i.curveNumber||String(a.pointNumber)!==String(i.pointNumber)||String(a.pointNumbers)!==String(i.pointNumbers))return!0}return!1}(t,0,xt))return;xt&&t.emit(\"plotly_unhover\",{event:e,points:xt});t.emit(\"plotly_hover\",{event:e,points:t._hoverdata,xaxes:b,yaxes:w,xvals:O,yvals:D})}(t,e,r,i)}))},r.loneHover=function(t,e){var r=!0;Array.isArray(t)||(r=!1,t=[t]);var a=t.map((function(t){return{color:t.color||h.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}})),i=n.select(e.container),o=e.outerContainer?n.select(e.outerContainer):i,s={hovermode:\"closest\",rotateLabels:!1,bgColor:e.bgColor||h.background,container:i,outerContainer:o},l=E(a,s,e.gd),c=0,u=0;return 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 E(t,e,r){var a=r._fullLayout,i=e.hovermode,s=e.rotateLabels,c=e.bgColor,f=e.container,p=e.outerContainer,d=e.commonLabelOpts||{},b=e.fontFamily||m.HOVERFONT,_=e.fontSize||m.HOVERFONTSIZE,w=t[0],T=w.xa,S=w.ya,E=\"y\"===i.charAt(0)?\"yLabel\":\"xLabel\",L=w[E],P=(String(L)||\"\").split(\" \")[0],I=p.node().getBoundingClientRect(),z=I.top,O=I.width,D=I.height,R=void 0!==L&&w.distance<=e.hoverdistance&&(\"x\"===i||\"y\"===i);if(R){var F,B,N=!0;for(F=0;Fa.width-E?(v=a.width-E,s.attr(\"d\",\"M\"+(E-k)+\",0L\"+E+\",\"+A+k+\"v\"+A+(2*M+x.height)+\"H-\"+E+\"V\"+A+k+\"H\"+(E-2*k)+\"Z\")):s.attr(\"d\",\"M0,0L\"+k+\",\"+A+k+\"H\"+(M+x.width/2)+\"v\"+A+(2*M+x.height)+\"H-\"+(M+x.width/2)+\"V\"+A+k+\"H-\"+k+\"Z\")}else{var C,P,I;\"right\"===S.side?(C=\"start\",P=1,I=\"\",v=T._offset+T._length):(C=\"end\",P=-1,I=\"-\",v=T._offset),y=S._offset+(w.y0+w.y1)/2,c.attr(\"text-anchor\",C),s.attr(\"d\",\"M0,0L\"+I+k+\",\"+k+\"V\"+(M+x.height/2)+\"h\"+I+(2*M+x.width)+\"V-\"+(M+x.height/2)+\"H\"+I+k+\"V-\"+k+\"Z\");var O,D=x.height/2,R=z-x.top-D,F=\"clip\"+a._uid+\"commonlabel\"+S._id;if(v=0?$-=rt:$+=2*M;var nt=et.height+2*M,at=Q+nt>=D;return nt<=D&&(Q<=z?Q=S._offset+2*M:at&&(Q=D-nt)),tt.attr(\"transform\",\"translate(\"+$+\",\"+Q+\")\"),tt}var it=f.selectAll(\"g.hovertext\").data(t,(function(t){return A(t)}));return it.enter().append(\"g\").classed(\"hovertext\",!0).each((function(){var t=n.select(this);t.append(\"rect\").call(h.fill,h.addOpacity(c,.8)),t.append(\"text\").classed(\"name\",!0),t.append(\"path\").style(\"stroke-width\",\"1px\"),t.append(\"text\").classed(\"nums\",!0).call(u.font,b,_)})),it.exit().remove(),it.each((function(t){var e=n.select(this).attr(\"transform\",\"\"),o=t.bgcolor||t.color,f=h.combine(h.opacity(o)?o:h.defaultLine,c),p=h.combine(h.opacity(t.color)?t.color:h.defaultLine,c),d=t.borderColor||h.contrast(f),g=C(t,R,i,a,L,e),m=g[0],v=g[1],y=e.select(\"text.nums\").call(u.font,t.fontFamily||b,t.fontSize||_,t.fontColor||d).text(m).attr(\"data-notex\",1).call(l.positionText,0,0).call(l.convertToTspans,r),w=e.select(\"text.name\"),T=0,A=0;if(v&&v!==m){w.call(u.font,t.fontFamily||b,t.fontSize||_,p).text(v).attr(\"data-notex\",1).call(l.positionText,0,0).call(l.convertToTspans,r);var S=w.node().getBoundingClientRect();T=S.width+2*M,A=S.height+2*M}else w.remove(),e.select(\"rect\").remove();e.select(\"path\").style({fill:f,stroke:d});var E,P,I=y.node().getBoundingClientRect(),F=t.xa._offset+(t.x0+t.x1)/2,B=t.ya._offset+(t.y0+t.y1)/2,N=Math.abs(t.x1-t.x0),j=Math.abs(t.y1-t.y0),U=I.width+k+M+T;if(t.ty0=z-I.top,t.bx=I.width+2*M,t.by=Math.max(I.height+2*M,A),t.anchor=\"start\",t.txwidth=I.width,t.tx2width=T,t.offset=0,s)t.pos=F,E=B+j/2+U<=D,P=B-j/2-U>=0,\"top\"!==t.idealAlign&&E||!P?E?(B+=j/2,t.anchor=\"start\"):t.anchor=\"middle\":(B-=j/2,t.anchor=\"end\");else if(t.pos=B,E=F+N/2+U<=O,P=F-N/2-U>=0,\"left\"!==t.idealAlign&&E||!P)if(E)F+=N/2,t.anchor=\"start\";else{t.anchor=\"middle\";var V=U/2,q=F+V-O,H=F-V;q>0&&(F-=q),H<0&&(F+=-H)}else F-=N/2,t.anchor=\"end\";y.attr(\"text-anchor\",t.anchor),T&&w.attr(\"text-anchor\",t.anchor),e.attr(\"transform\",\"translate(\"+F+\",\"+B+\")\"+(s?\"rotate(\"+x+\")\":\"\"))})),it}function C(t,e,r,n,a,i){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=O(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\"]===a?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),i&&\"\"===l&&!t.hovertemplate&&(\"\"===s&&i.remove(),l=s);var c=n._d3locale,u=t.hovertemplate||!1,h=t.hovertemplateLabels||t,f=t.eventData[0]||{};return u&&(l=(l=o.hovertemplateString(u,h,c,f,t.trace._meta)).replace(S,(function(e,r){return s=O(r,t.nameLength),\"\"}))),[l,s]}function L(t,e){t.each((function(t){var r=n.select(this);if(t.del)return r.remove();var a=r.select(\"text.nums\"),i=t.anchor,o=\"end\"===i?-1:1,s={start:1,end:-1,middle:0}[i],c=s*(k+M),h=c+s*(t.txwidth+M),f=0,p=t.offset;\"middle\"===i&&(c-=t.tx2width/2,h+=t.txwidth/2+M),e&&(p*=-T,f=t.offset*w),r.select(\"path\").attr(\"d\",\"middle\"===i?\"M-\"+(t.bx/2+t.tx2width/2)+\",\"+(p-t.by/2)+\"h\"+t.bx+\"v\"+t.by+\"h-\"+t.bx+\"Z\":\"M0,0L\"+(o*k+f)+\",\"+(k+p)+\"v\"+(t.by/2-k)+\"h\"+o*t.bx+\"v-\"+t.by+\"H\"+(o*k+f)+\"V\"+(p-k)+\"Z\");var d=c+f,g=p+t.ty0-t.by/2+M,m=t.textAlign||\"auto\";\"auto\"!==m&&(\"left\"===m&&\"start\"!==i?(a.attr(\"text-anchor\",\"start\"),d=\"middle\"===i?-t.bx/2-t.tx2width/2+M:-t.bx-M):\"right\"===m&&\"end\"!==i&&(a.attr(\"text-anchor\",\"end\"),d=\"middle\"===i?t.bx/2-t.tx2width/2-M:t.bx+M)),a.call(l.positionText,d,g),t.tx2width&&(r.select(\"text.name\").call(l.positionText,h+s*M+f,p+t.ty0-t.by/2+M),r.select(\"rect\").call(u.setRect,h+(s-1)*t.tx2width/2+f,p-t.by/2-1,t.tx2width,t.by+2))}))}function P(t,e){var r=t.index,n=t.trace||{},i=t.cd[0],s=t.cd[r]||{};function l(t){return t||a(t)&&0===t}var c=Array.isArray(r)?function(t,e){var a=o.castOption(i,r,t);return l(a)?a:o.extractOption({},n,\"\",e)}:function(t,e){return o.extractOption(s,n,t,e)};function u(e,r,n){var a=c(r,n);l(a)&&(t[e]=a)}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:p.hoverLabelText(t.xa,t.xLabelVal),t.xVal=t.xa.c2d(t.xLabelVal)),void 0!==t.yLabelVal&&(t.yLabel=\"yLabel\"in t?t.yLabel:p.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 h=p.tickText(t.xa,t.xa.c2l(t.xerr),\"hover\").text;void 0!==t.xerrneg?t.xLabel+=\" +\"+h+\" / -\"+p.tickText(t.xa,t.xa.c2l(t.xerrneg),\"hover\").text:t.xLabel+=\" \\xb1 \"+h,\"x\"===e&&(t.distance+=1)}if(!(isNaN(t.yerr)||\"log\"===t.ya.type&&t.yerr<=0)){var f=p.tickText(t.ya,t.ya.c2l(t.yerr),\"hover\").text;void 0!==t.yerrneg?t.yLabel+=\" +\"+f+\" / -\"+p.tickText(t.ya,t.ya.c2l(t.yerrneg),\"hover\").text:t.yLabel+=\" \\xb1 \"+f,\"y\"===e&&(t.distance+=1)}var d=t.hoverinfo||t.trace.hoverinfo;return d&&\"all\"!==d&&(-1===(d=Array.isArray(d)?d:d.split(\"+\")).indexOf(\"x\")&&(t.xLabel=void 0),-1===d.indexOf(\"y\")&&(t.yLabel=void 0),-1===d.indexOf(\"z\")&&(t.zLabel=void 0),-1===d.indexOf(\"text\")&&(t.text=void 0),-1===d.indexOf(\"name\")&&(t.name=void 0)),t}function I(t,e,r){var n,a,o=r.container,s=r.fullLayout,l=s._size,c=r.event,f=!!e.hLinePoint,d=!!e.vLinePoint;if(o.selectAll(\".spikeline\").remove(),d||f){var g=h.combine(s.plot_bgcolor,s.paper_bgcolor);if(f){var m,v,y=e.hLinePoint;n=y&&y.xa,\"cursor\"===(a=y&&y.ya).spikesnap?(m=c.pointerX,v=c.pointerY):(m=n._offset+y.x,v=a._offset+y.y);var x,b,_=i.readability(y.color,g)<1.5?h.contrast(g):y.color,w=a.spikemode,T=a.spikethickness,k=a.spikecolor||_,M=p.getPxPosition(t,a);if(-1!==w.indexOf(\"toaxis\")||-1!==w.indexOf(\"across\")){if(-1!==w.indexOf(\"toaxis\")&&(x=M,b=m),-1!==w.indexOf(\"across\")){var A=a._counterDomainMin,S=a._counterDomainMax;\"free\"===a.anchor&&(A=Math.min(A,a.position),S=Math.max(S,a.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\":u.dashStyle(a.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:g}).classed(\"spikeline\",!0).classed(\"crisp\",!0)}-1!==w.indexOf(\"marker\")&&o.insert(\"circle\",\":first-child\").attr({cx:M+(\"right\"!==a.side?T:-T),cy:v,r:T,fill:k}).classed(\"spikeline\",!0)}if(d){var E,C,L=e.vLinePoint;n=L&&L.xa,a=L&&L.ya,\"cursor\"===n.spikesnap?(E=c.pointerX,C=c.pointerY):(E=n._offset+L.x,C=a._offset+L.y);var P,I,z=i.readability(L.color,g)<1.5?h.contrast(g):L.color,O=n.spikemode,D=n.spikethickness,R=n.spikecolor||z,F=p.getPxPosition(t,n);if(-1!==O.indexOf(\"toaxis\")||-1!==O.indexOf(\"across\")){if(-1!==O.indexOf(\"toaxis\")&&(P=F,I=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)),P=l.t+(1-N)*l.h,I=l.t+(1-B)*l.h}o.insert(\"line\",\":first-child\").attr({x1:E,x2:E,y1:P,y2:I,\"stroke-width\":D,stroke:R,\"stroke-dasharray\":u.dashStyle(n.spikedash,D)}).classed(\"spikeline\",!0).classed(\"crisp\",!0),o.insert(\"line\",\":first-child\").attr({x1:E,x2:E,y1:P,y2:I,\"stroke-width\":D+2,stroke:g}).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 z(t,e){return!e||(e.vLinePoint!==t._spikepoints.vLinePoint||e.hLinePoint!==t._spikepoints.hLinePoint)}function O(t,e){return l.plainText(t||\"\",{len:e,allowedTags:[\"br\",\"sub\",\"sup\",\"b\",\"i\",\"em\"]})}},{\"../../lib\":749,\"../../lib/events\":738,\"../../lib/override_cursor\":760,\"../../lib/svg_text_utils\":773,\"../../plots/cartesian/axes\":797,\"../../registry\":880,\"../color\":615,\"../dragelement\":634,\"../drawing\":637,\"../legend/defaults\":667,\"../legend/draw\":668,\"./constants\":649,\"./helpers\":651,d3:169,\"fast-isnumeric\":241,tinycolor2:548}],653:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../color\"),i=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&&i(e.hovermode)&&(o.font||(o.font={}),s(\"size\"),s(\"family\"),s(\"color\"),e.legend?(o.bgcolor||(o.bgcolor=a.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\":749,\"../color\":615,\"./helpers\":651}],654:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./layout_attributes\");e.exports=function(t,e,r){function i(r,i){return void 0!==e[r]?e[r]:n.coerce(t,e,a,r,i)}var o,s=i(\"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(!f&&!p&&!d)\"independent\"===k(\"pattern\")&&(f=!0);m._hasSubplotGrid=f;var x,b,_=\"top to bottom\"===k(\"roworder\"),w=f?.2:.1,T=f?.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,a,i,o,s,l,u,f=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=f.subplots||[];l=r.subplots=new Array(g);var b=1;for(n=0;n1);if(!1!==g||c.uirevision){var m=i.newContainer(e,\"legend\");if(_(\"uirevision\",e.uirevision),!1!==g){_(\"bgcolor\",e.paper_bgcolor),_(\"bordercolor\"),_(\"borderwidth\"),a.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\",f),l.isGrouped(e.legend)&&_(\"tracegroupgap\"),_(\"itemsizing\"),_(\"itemclick\"),_(\"itemdoubleclick\"),_(\"x\",v),_(\"xanchor\"),_(\"y\",y),_(\"yanchor\",x),_(\"valign\"),a.noneOrAll(c,m,[\"x\",\"y\"]),_(\"title.text\")&&(_(\"title.side\",\"h\"===b?\"left\":\"top\"),a.coerceFont(_,\"title.font\",e.font))}}function _(t,e){return a.coerce(c,m,o,t,e)}}},{\"../../lib\":749,\"../../plot_api/plot_template\":787,\"../../plots/layout_attributes\":851,\"../../registry\":880,\"./attributes\":665,\"./helpers\":671}],668:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\"),i=t(\"../../plots/plots\"),o=t(\"../../registry\"),s=t(\"../../lib/events\"),l=t(\"../dragelement\"),c=t(\"../drawing\"),u=t(\"../color\"),h=t(\"../../lib/svg_text_utils\"),f=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,a){var i=r.data()[0][0].trace,l={event:a,node:r.node(),curveNumber:i.index,expandedIndex:i._expandedIndex,data:t.data,layout:t.layout,frames:t._transitionData._frames,config:t._context,fullData:t._fullData,fullLayout:t._fullLayout};if(i._group&&(l.group=i._group),o.traceIs(i,\"pie-like\")&&(l.label=r.datum()[0].label),!1!==s.triggerHandler(t,\"plotly_legendclick\",l))if(1===n)e._clickTimeout=setTimeout((function(){f(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)&&f(r,t,n)}}function w(t,e,r){var n,i=t.data()[0][0],s=i.trace,l=o.traceIs(s,\"pie-like\"),u=s.index,f=r._main&&e._context.edits.legendText&&!l,d=r._maxNameLength;r.entries?n=i.text:(n=l?i.label:s.name,s._meta&&(n=a.templateString(n,s._meta)));var g=a.ensureSingle(t,\"text\",\"legendtext\");g.attr(\"text-anchor\",\"start\").classed(\"user-select-none\",!0).call(c.font,r.font).text(f?T(n,d):n),h.positionText(g,p.textGap,0),f?g.call(h.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=i.trace._fullInput||{},l={};if(o.hasTransform(s,\"groupby\")){var c=o.getTransformIndices(s,\"groupby\"),h=c[c.length-1],f=a.keyedContainer(s,\"transforms[\"+h+\"].styles\",\"target\",\"value.name\");f.set(i.trace._group,n),l=f.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,i=e._context.doubleClickDelay,o=1,s=a.ensureSingle(t,\"rect\",\"legendtoggle\",(function(t){t.style(\"cursor\",\"pointer\").attr(\"pointer-events\",\"all\").call(u.fill,\"rgba(0,0,0,0)\")}));s.on(\"mousedown\",(function(){(r=(new Date).getTime())-e._legendMouseDownTimei&&(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),h.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 a=t.select(\"g[class*=math-group]\"),i=a.node();r||(r=e._fullLayout.legend);var o,s,l=r.borderwidth,u=(n?r:r.title).font.size*g;if(i){var f=c.bBox(i);o=f.height,s=f.width,n?c.setTranslate(a,0,.25*o):c.setTranslate(a,l,.75*o+l)}else{var d=t.select(n?\".legendtext\":\".legendtitletext\"),m=h.lineCount(d),v=d.node();o=u*m,s=v?c.bBox(v).width:0;var y=u*((m-1)/2-.3);n?h.positionText(d,p.textGap,-y):h.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 a.isRightAnchor(t)?\"right\":a.isCenterAnchor(t)?\"center\":\"left\"}function S(t){return a.isBottomAnchor(t)?\"bottom\":a.isMiddleAnchor(t)?\"middle\":\"top\"}e.exports=function(t,e){var r,s=t._fullLayout,h=\"legend\"+s._uid;if(e?(r=e.layer,h+=\"-hover\"):((e=s.legend||{})._main=!0,r=s._infolayer),r){var f;if(t._legendMouseDownTime||(t._legendMouseDownTime=0),e._main){if(!t.calcdata)return;f=s.showlegend&&y(t.calcdata,e)}else{if(!e.entries)return;f=y(e.entries,e)}var d=s.hiddenlabels||[];if(e._main&&(!s.showlegend||!f.length))return r.selectAll(\".legend\").remove(),s._topdefs.select(\"#\"+h).remove(),i.autoMargin(t,\"legend\");var g=a.ensureSingle(r,\"g\",\"legend\",(function(t){e._main&&t.attr(\"pointer-events\",\"all\")})),T=a.ensureSingleById(s._topdefs,\"clipPath\",h,(function(t){t.append(\"rect\")})),E=a.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=a.ensureSingle(g,\"g\",\"scrollbox\"),L=e.title;if(e._titleWidth=0,e._titleHeight=0,L.text){var P=a.ensureSingle(C,\"text\",\"legendtitletext\");P.attr(\"text-anchor\",\"start\").classed(\"user-select-none\",!0).call(c.font,L.font).text(L.text),M(P,C,t,e)}else C.selectAll(\".legendtitletext\").remove();var I=a.ensureSingle(g,\"rect\",\"scrollbar\",(function(t){t.attr(p.scrollBarEnterAttrs).call(u.fill,p.scrollBarColor)})),z=C.selectAll(\"g.groups\").data(f);z.enter().append(\"g\").attr(\"class\",\"groups\"),z.exit().remove();var O=z.selectAll(\"g.traces\").data(a.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)})),a.syncOrAsync([i.previousPromises,function(){return function(t,e,r,a){var i=t._fullLayout;a||(a=i.legend);var o=i._size,s=b.isVertical(a),l=b.isGrouped(a),u=a.borderwidth,h=2*u,f=p.textGap,d=p.itemGap,g=2*(u+d),m=S(a),v=a.y<0||0===a.y&&\"top\"===m,y=a.y>1||1===a.y&&\"bottom\"===m;a._maxHeight=Math.max(v||y?i.height/2:o.h,30);var x=0;a._width=0,a._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]}(a);if(s)r.each((function(t){var e=t[0].height;c.setTranslate(this,u+_[0],u+_[1]+a._height+e/2+d),a._height+=e,a._width=Math.max(a._width,t[0].width)})),x=f+a._width,a._width+=d+f+h,a._height+=g,l&&(e.each((function(t,e){c.setTranslate(this,0,e*a.tracegroupgap)})),a._height+=(a._lgroupsLength-1)*a.tracegroupgap);else{var w=A(a),T=a.x<0||0===a.x&&\"right\"===w,k=a.x>1||1===a.x&&\"left\"===w,M=y||v,E=i.width/2;a._maxWidth=Math.max(T?M&&\"left\"===w?o.l+o.w:E:k?M&&\"right\"===w?o.r+o.w:E:o.w,2*f);var C=0,L=0;r.each((function(t){var e=t[0].width+f;C=Math.max(C,e),L+=e})),x=null;var P=0;if(l){var I=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+d+n/2+e),e+=n,t=Math.max(t,f+r[0].width)})),I=Math.max(I,e);var r=t+d;r+u+z>a._maxWidth&&(P=Math.max(P,z),z=0,O+=I+a.tracegroupgap,I=e),c.setTranslate(this,z,O),z+=r})),a._width=Math.max(P,z)+u,a._height=O+I+g}else{var D=r.size(),R=L+h+(D-1)*da._maxWidth&&(P=Math.max(P,j),B=0,N+=F,a._height+=F,F=0),c.setTranslate(this,_[0]+u+B,_[1]+u+N+e/2+d),j=B+r+d,B+=n,F=Math.max(F,e)})),R?(a._width=B+h,a._height=F+g):(a._width=Math.max(P,j)+h,a._height+=F+g)}}a._width=Math.ceil(Math.max(a._width+_[0],a._titleWidth+2*(u+p.titlePad))),a._height=Math.ceil(Math.max(a._height+_[1],a._titleHeight+2*(u+p.itemGap))),a._effHeight=Math.min(a._height,a._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,a=V?f:x||f+t[0].width;s||(a+=d/2),c.setRect(e,0,-r/2,a,r)}))}(t,z,O,e)},function(){if(!e._main||!function(t){var e=t._fullLayout.legend,r=A(e),n=S(e);return i.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,f,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=a.constrain(w,0,s.width-e._width),k=a.constrain(k,0,s.height-e._effHeight),w!==M&&a.log(\"Constrain legend.x to make legend fit inside graph\"),k!==L&&a.log(\"Constrain legend.y to make legend fit inside graph\")}if(e._main&&c.setTranslate(g,w,k),I.on(\".drag\",null),g.on(\"wheel\",null),!e._main||e._height<=e._maxHeight||t._context.staticPlot){var P=e._effHeight;e._main||(P=e._height),E.attr({width:e._width-b,height:P-b,x:b/2,y:b/2}),c.setTranslate(C,0,0),T.select(\"rect\").attr({width:e._width-2*b,height:P-2*b,x:b,y:b}),c.setClipUrl(C,h,t),c.setRect(I,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,h,t),q(j,R,N),g.on(\"wheel\",(function(){q(j=a.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 a.constrain(n,0,B)}(D,z,O),R,N))}));I.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 a.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,a=y+r;c.setTranslate(g,n,a),u=l.align(n,0,x.l,x.l+x.w,e.xanchor),f=l.align(a,0,x.t+x.h,x.t,e.yanchor)},doneFn:function(){void 0!==u&&void 0!==f&&o.call(\"_guiRelayout\",t,{\"legend.x\":u,\"legend.y\":f})},clickFn:function(e,n){var a=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}));a.size()>0&&_(t,g,a,e,n)}})}function q(r,n,a){e._scrollY=t._fullLayout.legend._scrollY=r,c.setTranslate(C,0,-r),c.setRect(I,e._width,p.scrollBarMargin+r*a,p.scrollBarWidth,n),T.select(\"rect\").attr(\"y\",b+r)}}],t)}}},{\"../../constants/alignment\":717,\"../../lib\":749,\"../../lib/events\":738,\"../../lib/svg_text_utils\":773,\"../../plots/plots\":860,\"../../registry\":880,\"../color\":615,\"../dragelement\":634,\"../drawing\":637,\"./constants\":666,\"./get_legend_data\":669,\"./handle_click\":670,\"./helpers\":671,\"./style\":673,d3:169}],669:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),a=t(\"./helpers\");e.exports=function(t,e){var r,i,o={},s=[],l=!1,c={},u=0,h=0,f=e._main;function p(t,r){if(\"\"!==t&&a.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;a=e.width}return d?n:Math.min(a,r)};function m(t,e,r){var i=t[0].trace,o=i.marker||{},l=o.line||{},c=r?i.visible&&i.type===r:a.traceIs(i,\"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\",\"translate(20,0)\"),u.exit().remove(),u.each((function(t){var e=n.select(this),r=t[0],a=g(r.mlw,o.line,5,2);e.style(\"stroke-width\",a+\"px\").call(s.fill,r.mc||o.color),a&&s.stroke(e,r.mlc||l.color)}))}function v(t,e,r){var o=t[0],s=o.trace,l=r?s.visible&&s.type===r:a.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\",\"translate(20,0)\"),c.exit().remove(),c.size()){var f=(s.marker||{}).line,p=g(h(f.width,o.pts),f,5,2),d=i.minExtend(s,{marker:{line:{width:p}}});d.marker.line.color=f.color;var m=i.minExtend(o,{trace:d});u(c,m,d)}}t.each((function(t){var e=n.select(this),a=i.ensureSingle(e,\"g\",\"layers\");a.style(\"opacity\",t[0].trace.opacity);var o=r.valign,s=t[0].lineHeight,l=t[0].height;if(\"middle\"!==o&&s&&l){var c={top:1,bottom:-1}[o]*(.5*(s-l+3));a.attr(\"transform\",\"translate(0,\"+c+\")\")}else a.attr(\"transform\",null);a.selectAll(\"g.legendfill\").data([t]).enter().append(\"g\").classed(\"legendfill\",!0),a.selectAll(\"g.legendlines\").data([t]).enter().append(\"g\").classed(\"legendlines\",!0);var u=a.selectAll(\"g.legendsymbols\").data([t]);u.enter().append(\"g\").classed(\"legendsymbols\",!0),u.selectAll(\"g.legendpoints\").data([t]).enter().append(\"g\").classed(\"legendpoints\",!0)})).each((function(t){var r,a=t[0].trace,c=[];if(a.visible)switch(a.type){case\"histogram2d\":case\"heatmap\":c=[[\"M-15,-2V4H15V-2Z\"]],r=!0;break;case\"choropleth\":case\"choroplethmapbox\":c=[[\"M-6,-6V6H6V-6Z\"]],r=!0;break;case\"densitymapbox\":c=[[\"M-6,0 a6,6 0 1,0 12,0 a 6,6 0 1,0 -12,0\"]],r=\"radial\";break;case\"cone\":c=[[\"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\":c=[[\"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\":c=[[\"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\":c=[[\"M-6,6H0L-6,-6Z\"],[\"M6,6H0L6,-6Z\"],[\"M-6,-6H6L0,6Z\"]],r=!1;break;case\"volume\":c=[[\"M-6,6H0L-6,-6Z\"],[\"M6,6H0L6,-6Z\"],[\"M-6,-6H6L0,6Z\"]],r=!0;break;case\"isosurface\":c=[[\"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(c);u.enter().append(\"path\").classed(\"legend3dandfriends\",!0).attr(\"transform\",\"translate(20,0)\").style(\"stroke-miterlimit\",1),u.exit().remove(),u.each((function(t,c){var u,h=n.select(this),p=l(a),d=p.colorscale,g=p.reversescale;if(d){if(!r){var m=d.length;u=0===c?d[g?m-1:0][1]:1===c?d[g?0:m-1][1]:d[Math.floor((m-1)/2)][1]}}else{var v=a.vertexcolor||a.facecolor||a.color;u=i.isArrayOrTypedArray(v)?v[c]||v[0]:v}h.attr(\"d\",t[0]),u?h.call(s.fill,u):h.call((function(t){if(t.size()){var n=\"legendfill-\"+a.uid;o.gradient(t,e,n,f(g,\"radial\"===r),d,\"fill\")}}))}))})).each((function(t){var e=t[0].trace,r=\"waterfall\"===e.type;if(t[0]._distinct&&r){var a=t[0].trace[t[0].dir].marker;return t[0].mc=a.color,t[0].mlw=a.line.width,t[0].mlc=a.line.color,m(t,this,\"waterfall\")}var i=[];e.visible&&r&&(i=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(i);o.enter().append(\"path\").classed(\"legendwaterfall\",!0).attr(\"transform\",\"translate(20,0)\").style(\"stroke-miterlimit\",1),o.exit().remove(),o.each((function(t){var r=n.select(this),a=e[t[0]].marker,i=g(void 0,a.line,5,2);r.attr(\"d\",t[1]).style(\"stroke-width\",i+\"px\").call(s.fill,a.color),i&&r.call(s.stroke,a.line.color)}))})).each((function(t){m(t,this,\"funnel\")})).each((function(t){m(t,this)})).each((function(t){var r=t[0].trace,l=n.select(this).select(\"g.legendpoints\").selectAll(\"path.legendbox\").data(r.visible&&a.traceIs(r,\"box-violin\")?[t]:[]);l.enter().append(\"path\").classed(\"legendbox\",!0).attr(\"d\",\"M6,6H-6V-6H6Z\").attr(\"transform\",\"translate(20,0)\"),l.exit().remove(),l.each((function(){var t=n.select(this);if(\"all\"!==r.boxpoints&&\"all\"!==r.points||0!==s.opacity(r.fillcolor)||0!==s.opacity((r.line||{}).color)){var a=g(void 0,r.line,5,2);t.style(\"stroke-width\",a+\"px\").call(s.fill,r.fillcolor),a&&s.stroke(t,r.line.color)}else{var c=i.minExtend(r,{marker:{size:d?12:i.constrain(r.marker.size,2,16),sizeref:1,sizemin:1,sizemode:\"diameter\"}});l.call(o.pointStyle,c,e)}}))})).each((function(t){v(t,this,\"funnelarea\")})).each((function(t){v(t,this,\"pie\")})).each((function(t){var r,a,s=t[0],u=s.trace,h=u.visible&&u.fill&&\"none\"!==u.fill,p=c.hasLines(u),d=u.contours,m=!1,v=!1,y=l(u),x=y.colorscale,b=y.reversescale;if(d){var _=d.coloring;\"lines\"===_?m=!0:p=\"none\"===_||\"heatmap\"===_||d.showlines,\"constraint\"===d.type?h=\"=\"!==d._operation:\"fill\"!==_&&\"heatmap\"!==_||(v=!0)}var w=c.hasMarkers(u)||c.hasText(u),T=h||v,k=p||m,M=w||!T?\"M5,0\":k?\"M5,-2\":\"M5,-3\",A=n.select(this),S=A.select(\".legendfill\").selectAll(\"path\").data(h||v?[t]:[]);if(S.enter().append(\"path\").classed(\"js-fill\",!0),S.exit().remove(),S.attr(\"d\",M+\"h30v6h-30z\").call(h?o.fillGroupStyle:function(t){if(t.size()){var r=\"legendfill-\"+u.uid;o.gradient(t,e,r,f(b),x,\"fill\")}}),p||m){var E=g(void 0,u.line,10,5);a=i.minExtend(u,{line:{width:E}}),r=[i.minExtend(s,{trace:a})]}var C=A.select(\".legendlines\").selectAll(\"path\").data(p||m?[r]:[]);C.enter().append(\"path\").classed(\"js-line\",!0),C.exit().remove(),C.attr(\"d\",M+(m?\"l30,0.0001\":\"h30\")).call(p?o.lineGroupStyle:function(t){if(t.size()){var r=\"legendline-\"+u.uid;o.lineGroupStyle(t),o.gradient(t,e,r,f(b),x,\"stroke\")}})})).each((function(t){var r,a,s=t[0],l=s.trace,u=c.hasMarkers(l),h=c.hasText(l),f=c.hasLines(l);function p(t,e,r,n){var a=i.nestedProperty(l,t).get(),o=i.isArrayOrTypedArray(a)&&e?e(a):a;if(d&&o&&void 0!==n&&(o=n),r){if(or[1])return r[1]}return o}function g(t){return s._distinct&&s.index&&t[s.index]?t[s.index]:t[0]}if(u||h||f){var m={},v={};if(u){m.mc=p(\"marker.color\",g),m.mx=p(\"marker.symbol\",g),m.mo=p(\"marker.opacity\",i.mean,[.2,1]),m.mlc=p(\"marker.line.color\",g),m.mlw=p(\"marker.line.width\",i.mean,[0,5],2),v.marker={sizeref:1,sizemin:1,sizemode:\"diameter\"};var y=p(\"marker.size\",i.mean,[2,16],12);m.ms=y,v.marker.size=y}f&&(v.line={width:p(\"line.width\",g,[0,10],5)}),h&&(m.tx=\"Aa\",m.tp=p(\"textposition\",g),m.ts=10,m.tc=p(\"textfont.color\",g),m.tf=p(\"textfont.family\",g)),r=[i.minExtend(s,m)],(a=i.minExtend(l,v)).selectedpoints=null,a.texttemplate=null}var x=n.select(this).select(\"g.legendpoints\"),b=x.selectAll(\"path.scatterpts\").data(u?r:[]);b.enter().insert(\"path\",\":first-child\").classed(\"scatterpts\",!0).attr(\"transform\",\"translate(20,0)\"),b.exit().remove(),b.call(o.pointStyle,a,e),u&&(r[0].mrc=3);var _=x.selectAll(\"g.pointtext\").data(h?r:[]);_.enter().append(\"g\").classed(\"pointtext\",!0).append(\"text\").attr(\"transform\",\"translate(20,0)\"),_.exit().remove(),_.selectAll(\"text\").call(o.textPointStyle,a,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\",\"translate(20,0)\").style(\"stroke-miterlimit\",1),r.exit().remove(),r.each((function(t,r){var a=n.select(this),i=e[r?\"increasing\":\"decreasing\"],o=g(void 0,i.line,5,2);a.style(\"stroke-width\",o+\"px\").call(s.fill,i.fillcolor),o&&s.stroke(a,i.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\",\"translate(20,0)\").style(\"stroke-miterlimit\",1),r.exit().remove(),r.each((function(t,r){var a=n.select(this),i=e[r?\"increasing\":\"decreasing\"],l=g(void 0,i.line,5,2);a.style(\"fill\",\"none\").call(o.dashLine,i.line.dash,l),l&&s.stroke(a,i.line.color)}))}))}},{\"../../lib\":749,\"../../registry\":880,\"../../traces/pie/helpers\":1134,\"../../traces/pie/style_one\":1140,\"../../traces/scatter/subtypes\":1179,\"../color\":615,\"../colorscale/helpers\":626,\"../drawing\":637,d3:169}],674:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),a=t(\"../../plots/plots\"),i=t(\"../../plots/cartesian/axis_ids\"),o=t(\"../../fonts/ploticon\"),s=t(\"../shapes/draw\").eraseActiveShape,l=t(\"../../lib\"),c=l._,u=e.exports={};function h(t,e){var r,a,o=e.currentTarget,s=o.getAttribute(\"data-attr\"),l=o.getAttribute(\"data-val\")||!0,c=t._fullLayout,u={},h=i.list(t,null,!0),f=c._cartesianSpikesEnabled;if(\"zoom\"===s){var p,d=\"in\"===l?.5:2,g=(1+d)/2,m=(1-d)/2;for(a=0;a1?(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\"];f&&(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})),a=0,i=0;i=n.max)e=R[r+1];else if(t=n.pmax)e=R[r+1];else if(t0?f+c:c;return{ppad:c,ppadplus:u?d:g,ppadminus:u?g:d}}return{ppad:c}}function u(t,e,r,n,a){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,h,f=1/0,p=-1/0,d=n.match(i.segmentRE);for(\"date\"===t.type&&(s=o.decodeDate(s)),l=0;lp&&(p=h)));return p>=f?[f,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=h,E=\"y0\",M=y,C=\"y1\"):(k=y,E=\"y1\",M=h,C=\"y0\");W(n),J(s,r),function(t,e,r){var n=e.xref,a=e.yref,o=i.getFromId(r,n),s=i.getFromId(r,a),l=\"\";\"paper\"===n||o.autorange||(l+=n);\"paper\"===a||s.autorange||(l+=a);u.setClipUrl(t,l?\"clip\"+r._fullLayout._uid+l:null,r)}(e,r,t),Y.moveFn=\"move\"===z?Z:X,Y.altKey=n.altKey},doneFn:function(){if(v(t))return;p(e),K(s),b(e,t,r),n.call(\"_guiRelayout\",t,l.getUpdateObj())},clickFn:function(){if(v(t))return;K(s)}};function W(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=Y.element.getBoundingClientRect(),a=n.right-n.left,i=n.bottom-n.top,o=r.clientX-n.left,s=r.clientY-n.top,l=!F&&a>10&&i>10&&!r.shiftKey?f.getCursor(o/a,1-s/i):\"move\";p(e,l),z=l.split(\"-\")[0]}}function Z(n,a){if(\"path\"===r.type){var i=function(t){return t},o=i,l=i;O?B(\"xanchor\",r.xanchor=q(x+n)):(o=function(t){return q(U(t)+n)},N&&\"date\"===N.type&&(o=g.encodeDate(o))),D?B(\"yanchor\",r.yanchor=H(T+a)):(l=function(t){return H(V(t)+a)},j&&\"date\"===j.type&&(l=g.encodeDate(l))),B(\"path\",r.path=w(I,o,l))}else O?B(\"xanchor\",r.xanchor=q(x+n)):(B(\"x0\",r.x0=q(c+n)),B(\"x1\",r.x1=q(m+n))),D?B(\"yanchor\",r.yanchor=H(T+a)):(B(\"y0\",r.y0=H(h+a)),B(\"y1\",r.y1=H(y+a)));e.attr(\"d\",_(t,r)),J(s,r)}function X(n,a){if(F){var i=function(t){return t},o=i,l=i;O?B(\"xanchor\",r.xanchor=q(x+n)):(o=function(t){return q(U(t)+n)},N&&\"date\"===N.type&&(o=g.encodeDate(o))),D?B(\"yanchor\",r.yanchor=H(T+a)):(l=function(t){return H(V(t)+a)},j&&\"date\"===j.type&&(l=g.encodeDate(l))),B(\"path\",r.path=w(I,o,l))}else if(R){if(\"resize-over-start-point\"===z){var u=c+n,f=D?h-a:h+a;B(\"x0\",r.x0=O?u:q(u)),B(\"y0\",r.y0=D?f:H(f))}else if(\"resize-over-end-point\"===z){var p=m+n,d=D?y-a:y+a;B(\"x1\",r.x1=O?p:q(p)),B(\"y1\",r.y1=D?d:H(d))}}else{var v=function(t){return-1!==z.indexOf(t)},b=v(\"n\"),G=v(\"s\"),Y=v(\"w\"),W=v(\"e\"),Z=b?k+a:k,X=G?M+a:M,K=Y?A+n:A,Q=W?S+n:S;D&&(b&&(Z=k-a),G&&(X=M-a)),(!D&&X-Z>10||D&&Z-X>10)&&(B(E,r[E]=D?Z:H(Z)),B(C,r[C]=D?X:H(X))),Q-K>10&&(B(L,r[L]=O?K:q(K)),B(P,r[P]=O?Q:q(Q)))}e.attr(\"d\",_(t,r)),J(s,r)}function J(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 i=U(O?e.xanchor:a.midRange(r?[e.x0,e.x1]:g.extractPathCoords(e.path,d.paramIsX))),o=V(D?e.yanchor:a.midRange(r?[e.y0,e.y1]:g.extractPathCoords(e.path,d.paramIsY)));if(i=g.roundPositionForSharpStrokeRendering(i,1),o=g.roundPositionForSharpStrokeRendering(o,1),O&&D){var s=\"M\"+(i-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\"+(i-1-1)+\",\"+(o-9-1)+\"v18 h2 v-18 Z\";n.attr(\"d\",l)}else{var c=\"M\"+(i-9-1)+\",\"+(o-1-1)+\"h18 v2 h-18 Z\";n.attr(\"d\",c)}}()}function K(t){t.selectAll(\".visual-cue\").remove()}f.init(Y),G.node().onmousemove=W}(t,O,l,e,r,z):!0===l.editable&&O.style(\"pointer-events\",P||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,\"\");u.setClipUrl(t,n?\"clip\"+e._fullLayout._uid+n:null,e)}function _(t,e){var r,n,o,s,l,c,u,h,f=e.type,p=i.getFromId(t,e.xref),m=i.getFromId(t,e.yref),v=t._fullLayout._size;if(p?(r=g.shapePositionToRange(p),n=function(t){return p._offset+p.r2p(r(t,!0))}):n=function(t){return v.l+v.w*t},m?(o=g.shapePositionToRange(m),s=function(t){return m._offset+m.r2p(o(t,!0))}):s=function(t){return v.t+v.h*(1-t)},\"path\"===f)return p&&\"date\"===p.type&&(n=g.decodeDate(n)),m&&\"date\"===m.type&&(s=g.decodeDate(s)),function(t,e,r){var n=t.path,i=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],h=d.paramIsY[c],f=d.numParams[c],p=t.substr(1).replace(d.paramRE,(function(t){return u[n]?t=\"pixel\"===i?e(s)+Number(t):e(t):h[n]&&(t=\"pixel\"===o?r(l)-Number(t):r(t)),++n>f&&(t=\"X\"),t}));return n>f&&(p=p.replace(/[\\s,]*X.*/,\"\"),a.log(\"Ignoring extra params in segment \"+t)),c+p}))}(e,n,s);if(\"pixel\"===e.xsizemode){var y=n(e.xanchor);l=y+e.x0,c=y+e.x1}else l=n(e.x0),c=n(e.x1);if(\"pixel\"===e.ysizemode){var x=s(e.yanchor);u=x-e.y0,h=x-e.y1}else u=s(e.y0),h=s(e.y1);if(\"line\"===f)return\"M\"+l+\",\"+u+\"L\"+c+\",\"+h;if(\"rect\"===f)return\"M\"+l+\",\"+u+\"H\"+c+\"V\"+h+\"H\"+l+\"Z\";var b=(l+c)/2,_=(u+h)/2,w=Math.abs(b-l),T=Math.abs(_-u),k=\"A\"+w+\",\"+T,M=b+w+\",\"+_;return\"M\"+M+k+\" 0 1,1 \"+(b+\",\"+(_-T))+k+\" 0 0,1 \"+M+\"Z\"}function w(t,e,r){return t.replace(d.segmentRE,(function(t){var n=0,a=t.charAt(0),i=d.paramIsX[a],o=d.paramIsY[a],s=d.numParams[a];return a+t.substr(1).replace(d.paramRE,(function(t){return n>=s||(i[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&&h(v),r.attr(\"d\",g(e)),M&&!f)&&(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 I(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\",\"translate(\"+(o-.5*u.gripWidth)+\",\"+e._dims.currentValueTotalHeight+\")\")}}function S(t,e){var r=t._dims;return r.inputAreaStart+u.stepInset+(r.inputAreaLength-2*u.stepInset)*Math.min(1,Math.max(0,e))}function E(t,e){var r=t._dims;return Math.min(1,Math.max(0,(e-u.stepInset-r.inputAreaStart)/(r.inputAreaLength-2*u.stepInset-2*r.inputAreaStart)))}function C(t,e,r){var n=r._dims,a=s.ensureSingle(t,\"rect\",u.railTouchRectClass,(function(n){n.call(k,e,t,r).style(\"pointer-events\",\"all\")}));a.attr({width:n.inputAreaLength,height:Math.max(n.inputAreaWidth,u.tickOffset+r.ticklen+n.labelHeight)}).call(i.fill,r.bgcolor).attr(\"opacity\",0),o.setTranslate(a,0,n.currentValueTotalHeight)}function L(t,e){var r=e._dims,n=r.inputAreaLength-2*u.railInset,a=s.ensureSingle(t,\"rect\",u.railRectClass);a.attr({width:n,height:u.railWidth,rx:u.railRadius,ry:u.railRadius,\"shape-rendering\":\"crispEdges\"}).call(i.stroke,e.bordercolor).call(i.fill,e.bgcolor).style(\"stroke-width\",e.borderwidth+\"px\"),o.setTranslate(a,u.railInset,.5*(r.inputAreaWidth-u.railWidth)+r.currentValueTotalHeight)}e.exports=function(t){var e=t._fullLayout,r=function(t,e){for(var r=t[u.name],n=[],a=0;a0?[0]:[]);function s(e){e._commandObserver&&(e._commandObserver.remove(),delete e._commandObserver),a.autoMargin(t,g(e))}if(i.enter().append(\"g\").classed(u.containerClassName,!0).style(\"cursor\",\"ew-resize\"),i.exit().each((function(){n.select(this).selectAll(\"g.\"+u.groupClassName).each(s)})).remove(),0!==r.length){var l=i.selectAll(\"g.\"+u.groupClassName).data(r,m);l.enter().append(\"g\").classed(u.groupClassName,!0),l.exit().each(s).remove();for(var c=0;c0||h<0){var m={left:[-p,0],right:[p,0],top:[0,-p],bottom:[0,p]}[x.side];e.attr(\"transform\",\"translate(\"+m+\")\")}}}return O.call(D),I&&(S?O.on(\".opacity\",null):(k=0,M=!0,O.text(v).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)}))),O.call(u.makeEditable,{gd:t}).on(\"edit\",(function(e){void 0!==y?o.call(\"_guiRestyle\",t,m,e,y):o.call(\"_guiRelayout\",t,m,e)})).on(\"cancel\",(function(){this.text(this.attr(\"data-unformatted\")).call(D)})).on(\"input\",(function(t){this.text(t||\" \").call(u.positionText,b.x,b.y)}))),O.classed(\"js-placeholder\",M),w}}},{\"../../constants/alignment\":717,\"../../constants/interactions\":723,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../../plots/plots\":860,\"../../registry\":880,\"../color\":615,\"../drawing\":637,d3:169,\"fast-isnumeric\":241}],711:[function(t,e,r){\"use strict\";var n=t(\"../../plots/font_attributes\"),a=t(\"../color/attributes\"),i=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:i(s({editType:\"arraydraw\"}),{}),font:n({}),bgcolor:{valType:\"color\"},bordercolor:{valType:\"color\",dflt:a.borderLine},borderwidth:{valType:\"number\",min:0,dflt:1,editType:\"arraydraw\"}}),\"arraydraw\",\"from-root\")},{\"../../lib/extend\":739,\"../../plot_api/edit_types\":780,\"../../plot_api/plot_template\":787,\"../../plots/font_attributes\":825,\"../../plots/pad_attributes\":859,\"../color/attributes\":614}],712:[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\"}}},{}],713:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../plots/array_container_defaults\"),i=t(\"./attributes\"),o=t(\"./constants\").name,s=i.buttons;function l(t,e,r){function o(r,a){return n.coerce(t,e,i,r,a)}o(\"visible\",a(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,a){return n.coerce(t,e,s,r,a)}r(\"visible\",\"skip\"===t.method||Array.isArray(t.args))&&(r(\"method\"),r(\"args\"),r(\"args2\"),r(\"label\"),r(\"execute\"))}e.exports=function(t,e){a(t,e,{name:o,handleItemDefaults:l})}},{\"../../lib\":749,\"../../plots/array_container_defaults\":793,\"./attributes\":711,\"./constants\":712}],714:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../plots/plots\"),i=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,h=t(\"./constants\"),f=t(\"./scrollbox\");function p(t){return t._index}function d(t,e){return+t.attr(h.menuIndexAttrName)===e._index}function g(t,e,r,n,a,i,o,s){e.active=o,c(t.layout,h.name,e).applyUpdate(\"active\",o),\"buttons\"===e.type?v(t,n,null,null,e):\"dropdown\"===e.type&&(a.attr(h.menuIndexAttrName,\"-1\"),m(t,n,a,i,e),s||v(t,n,a,i,e))}function m(t,e,r,n,a){var i=s.ensureSingle(e,\"g\",h.headerClassName,(function(t){t.style(\"pointer-events\",\"all\")})),l=a._dims,c=a.active,u=a.buttons[c]||h.blankHeaderOpts,f={y:a.pad.t,yPad:0,x:a.pad.l,xPad:0,index:0},p={width:l.headerWidth,height:l.headerHeight};i.call(y,a,u,t).call(A,a,f,p),s.ensureSingle(e,\"text\",h.headerArrowClassName,(function(t){t.classed(\"user-select-none\",!0).attr(\"text-anchor\",\"end\").call(o.font,a.font).text(h.arrowSymbol[a.direction])})).attr({x:l.headerWidth-h.arrowOffsetX+a.pad.l,y:l.headerHeight/2+h.textOffsetY+a.pad.t}),i.on(\"click\",(function(){r.call(S,String(d(r,a)?-1:a._index)),v(t,e,r,n,a)})),i.on(\"mouseover\",(function(){i.call(w)})),i.on(\"mouseout\",(function(){i.call(T,a)})),o.setTranslate(e,l.lx,l.ly)}function v(t,e,r,i,o){r||(r=e).attr(\"pointer-events\",\"all\");var l=function(t){return-1==+t.attr(h.menuIndexAttrName)}(r)&&\"buttons\"!==o.type?[]:o.buttons,c=\"dropdown\"===o.type?h.dropdownButtonClassName:h.buttonClassName,u=r.selectAll(\"g.\"+c).data(s.filterVisible(l)),f=u.enter().append(\"g\").classed(c,!0),p=u.exit();\"dropdown\"===o.type?(f.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+h.gapButtonHeader:d=v.headerWidth+h.gapButtonHeader),\"dropdown\"===o.type&&\"up\"===o.direction&&(m=-h.gapButtonHeader+h.gapButton-v.openHeight),\"dropdown\"===o.type&&\"left\"===o.direction&&(d=-h.gapButtonHeader+h.gapButton-v.openWidth);var b={x:v.lx+d+o.pad.l,y:v.ly+m+o.pad.t,yPad:h.gapButton,xPad:h.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,i,-1),a.executeAPICommand(t,s.method,s.args2)):(g(t,o,0,e,r,i,l),a.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,i&&(u.size()?function(t,e,r,n,a,i){var o,s,l,c=a.direction,u=\"up\"===c||\"down\"===c,f=a._dims,p=a.active;if(u)for(s=0,l=0;l0?[0]:[]);if(o.enter().append(\"g\").classed(h.containerClassName,!0).style(\"cursor\",\"pointer\"),o.exit().each((function(){n.select(this).selectAll(\"g.\"+h.headerGroupClassName).each(i)})).remove(),0!==r.length){var l=o.selectAll(\"g.\"+h.headerGroupClassName).data(r,p);l.enter().append(\"g\").classed(h.headerGroupClassName,!0);for(var c=s.ensureSingle(o,\"g\",h.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(a.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,P=s.barWidth+2*s.barPad,I=s.barLength+2*s.barPad,z=d+g,O=m;z+P>l&&(z=l-P);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(a.fill,s.barColor),L?(this.vbar=D.attr({rx:s.barRadius,ry:s.barRadius,x:z,y:O,width:P,height:I}),this._vbarYMin=O+I/2,this._vbarTranslateMax=T-I):(delete this.vbar,delete this._vbarYMin,delete this._vbarTranslateMax);var R=this.id,F=u-.5,B=L?h+P+.5:h+.5,N=f-.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(i.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(i.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(i.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,a=r+this._hbarTranslateMax;t=(o.constrain(n.event.x,r,a)-r)/(a-r)*(this.position.w-this._box.w)}if(this.vbar){var i=e+this._vbarYMin,s=i+this._vbarTranslateMax;e=(o.constrain(n.event.y,i,s)-i)/(s-i)*(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(i.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 a=t/r;this.hbar.call(i.setTranslate,t+a*this._hbarTranslateMax,e)}if(this.vbar){var s=e/n;this.vbar.call(i.setTranslate,t,e+s*this._vbarTranslateMax)}}},{\"../../lib\":749,\"../color\":615,\"../drawing\":637,d3:169}],717:[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\"}}},{}],718:[function(t,e,r){\"use strict\";e.exports={INCREASING:{COLOR:\"#3D9970\",SYMBOL:\"\\u25b2\"},DECREASING:{COLOR:\"#FF4136\",SYMBOL:\"\\u25bc\"}}},{}],719:[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\"}},{}],720:[function(t,e,r){\"use strict\";e.exports={COMPARISON_OPS:[\"=\",\"!=\",\"<\",\">=\",\">\",\"<=\"],COMPARISON_OPS2:[\"=\",\"<\",\">=\",\">\",\"<=\"],INTERVAL_OPS:[\"[]\",\"()\",\"[)\",\"(]\",\"][\",\")(\",\"](\",\")[\"],SET_OPS:[\"{}\",\"}{\"],CONSTRAINT_REDUCTION:{\"=\":\"=\",\"<\":\"<\",\"<=\":\"<\",\">\":\">\",\">=\":\">\",\"[]\":\"[]\",\"()\":\"[]\",\"[)\":\"[]\",\"(]\":\"[]\",\"][\":\"][\",\")(\":\"][\",\"](\":\"][\",\")[\":\"][\"}}},{}],721:[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]}},{}],722:[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\"}},{}],723:[function(t,e,r){\"use strict\";e.exports={SHOW_PLACEHOLDER:100,HIDE_PLACEHOLDER:1e3,DESELECTDIM:.2}},{}],724:[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\"}},{}],725:[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}},{}],726:[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\"),a=r.register=n.register,i=t(\"./plot_api\"),o=Object.keys(i),s=0;splotly-logomark\"}}},{}],729:[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}},{}],730:[function(t,e,r){\"use strict\";var n=t(\"./mod\"),a=n.mod,i=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 i(e-t,s)}function u(t,e){if(l(e))return!0;var r,n;e[0](n=a(n,s))&&(n+=s);var i=a(t,s),o=i+s;return i>=r&&i<=n||o>=r&&o<=n}function h(t,e,r,n,a,i,c){a=a||0,i=i||0;var u,h,f,p,d,g=l([r,n]);function m(t,e){return[t*Math.cos(e)+a,i-t*Math.sin(e)]}g?(u=0,h=o,f=s):r=a&&t<=i);var a,i},pathArc:function(t,e,r,n,a){return h(null,t,e,r,n,a,0)},pathSector:function(t,e,r,n,a){return h(null,t,e,r,n,a,1)},pathAnnulus:function(t,e,r,n,a,i){return h(t,e,r,n,a,i,1)}}},{\"./mod\":756}],731:[function(t,e,r){\"use strict\";var n=Array.isArray,a=\"undefined\"!=typeof ArrayBuffer&&ArrayBuffer.isView?ArrayBuffer:{isView:function(){return!1}},i=\"undefined\"==typeof DataView?function(){}:DataView;function o(t){return a.isView(t)&&!(t instanceof i)}function s(t){return n(t)||o(t)}function l(t,e,r){if(s(t)){if(s(t[0])){for(var n=r,a=0;aa.max?e.set(r):e.set(+t)}},integer:{coerceFunction:function(t,e,r,a){t%1||!n(t)||void 0!==a.min&&ta.max?e.set(r):e.set(+t)}},string:{coerceFunction:function(t,e,r,n){if(\"string\"!=typeof t){var a=\"number\"==typeof t;!0!==n.strict&&a?e.set(String(t)):e.set(r)}else n.noBlank&&!t?e.set(r):e.set(t)}},color:{coerceFunction:function(t,e,r){a(t).isValid()?e.set(t):e.set(r)}},colorlist:{coerceFunction:function(t,e,r){Array.isArray(t)&&t.length&&t.every((function(t){return a(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 a=n.regex||c(r);\"string\"==typeof t&&a.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 a=t.split(\"+\"),i=0;i=n&&t<=a?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 P=m.getComponentMethod(\"calendars\",\"getCal\")(e);if(w){var I=\"i\"===M.charAt(M.length-1);M=parseInt(M,10),L=P.newDate(k,P.toMonthIndex(k,M,I),A)}else L=P.newDate(k,Number(M),A)}catch(t){return u}return L?(L.toJD()-g)*h+S*f+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\"),a=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*h,k=3*f,M=5*p;function A(t,e,r,n,a){if((e||r||n||a)&&(t+=\" \"+w(e,2)+\":\"+w(r,2),(n||a)&&(t+=\":\"+w(n,2),a))){for(var i=4;a%10==0;)i-=1,a/=10;t+=\".\"+w(a,i)}return t}r.ms2DateTime=function(t,e,r){if(\"number\"!=typeof t||!(t>=n&&t<=a))return u;e||(e=0);var i,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/h)+g,E=Math.floor(l(t,h));try{i=m.getComponentMethod(\"calendars\",\"getCal\")(r).fromJD(S).formatDate(\"yyyy-mm-dd\")}catch(t){i=v(\"G%Y-%m-%d\")(new Date(w))}if(\"-\"===i.charAt(0))for(;i.length<11;)i=\"-0\"+i.substr(1);else for(;i.length<10;)i=\"0\"+i;o=e=n+h&&t<=a-h))return u;var e=Math.floor(10*l(t+.05,1)),r=new Date(Math.round(t-e/10));return A(i(\"%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 a=new Date(Math.floor(e+.05));if(_(n))try{t=m.getComponentMethod(\"calendars\",\"worldCalFmt\")(t,e,n)}catch(t){return\"Invalid\"}return r(t)(a)}var C=[59,59.9,59.99,59.999,59.9999];r.formatDate=function(t,e,r,n,a,i){if(a=_(a)&&a,!e)if(\"y\"===r)e=i.year;else if(\"m\"===r)e=i.month;else{if(\"d\"!==r)return function(t,e){var r=l(t+.05,h),n=w(Math.floor(r/f),2)+\":\"+w(l(Math.floor(r/p),60),2);if(\"M\"!==e){o(e)||(e=0);var a=(100+Math.min(l(t/d,60),C[e])).toFixed(e).substr(1);e>0&&(a=a.replace(/0+$/,\"\").replace(/[\\.]$/,\"\")),n+=\":\"+a}return n}(t,r)+\"\\n\"+E(i.dayMonthYear,t,n,a);e=i.dayMonth+\"\\n\"+i.year}return E(e,t,n,a)};var L=3*h;r.incrementMonth=function(t,e,r){r=_(r)&&r;var n=l(t,h);if(t=Math.round(t-n),r)try{var a=Math.round(t/h)+g,i=m.getComponentMethod(\"calendars\",\"getCal\")(r),o=i.fromJD(a);return e%12?i.add(o,e,\"m\"):i.add(o,e/12,\"y\"),(o.toJD()-g)*h+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,a=0,i=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),a=0;ae?r[n++]=[t[a][0]+360,t[a][1]]:a===e?(r[n++]=t[a],r[n++]=[t[a][0],-90]):r[n++]=t[a];var i=f.tester(r);i.pts.pop(),l.push(i)}:function(t){l.push(f.tester(t))},i.type){case\"MultiPolygon\":for(r=0;ra&&(a=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 a[r]}switch(r.type){case\"FeatureCollection\":var f=r.features;for(n=0;n100?(clearInterval(i),n(\"Unexpected error while fetching from \"+t)):void a++}),50)}))}for(var o=0;o0&&(r.push(a),a=[])}return a.length>0&&r.push(a),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+h*g}}function l(t,e,r,n,a){var i=n*t+a*e;if(i<0)return n*n+a*a;if(i>r){var o=n-t,s=a-e;return o*o+s*s}var l=n*e-a*t;return l*l/r}r.segmentsIntersect=s,r.segmentDistance=function(t,e,r,n,a,i,o,c){if(s(t,e,r,n,a,i,o,c))return 0;var u=r-t,h=n-e,f=o-a,p=c-i,d=u*u+h*h,g=f*f+p*p,m=Math.min(l(u,h,d,a-t,i-e),l(u,h,d,o-t,c-e),l(f,p,g,t-a,e-i),l(f,p,g,r-a,n-i));return Math.sqrt(m)},r.getTextLocation=function(t,e,r,s){if(t===a&&s===i||(n={},a=t,i=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)),h=t.getPointAtLength(o(r,e)),f={x:(4*h.x+l.x+c.x)/6,y:(4*h.y+l.y+c.y)/6,theta:u};return n[r]=f,f},r.clearLocationCache=function(){a=null},r.getVisibleSegment=function(t,e,r){var n,a,i=e.left,o=e.right,s=e.top,l=e.bottom,c=0,u=t.getTotalLength(),h=u;function f(e){var r=t.getPointAtLength(e);0===e?n=r:e===u&&(a=r);var c=r.xo?r.x-o:0,h=r.yl?r.y-l:0;return Math.sqrt(c*c+h*h)}for(var p=f(c);p;){if((c+=p+r)>h)return;p=f(c)}for(p=f(h);p;){if(c>(h-=p+r))return;p=f(h)}return{min:c,max:h,len:h-c,total:u,isClosed:0===c&&h===u&&Math.abs(n.x-a.x)<.1&&Math.abs(n.y-a.y)<.1}},r.findPointOnPath=function(t,e,r,n){for(var a,i,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,h=0,f=0,p=s;h0?p=a:f=a,h++}return i}},{\"./mod\":756}],745:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"tinycolor2\"),i=t(\"color-normalize\"),o=t(\"../components/colorscale\"),s=t(\"../components/color/attributes\").defaultLine,l=t(\"./array\").isArrayOrTypedArray,c=i(s);function u(t,e){var r=t;return r[3]*=e,r}function h(t){if(n(t))return c;var e=i(t);return e.length?e:c}function f(t){return n(t)?t:1}e.exports={formatColor:function(t,e,r){var n,a,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):h,a=m?function(t,e){return void 0===t[e]?c:i(n(t[e]))}:h,s=v?function(t,e){return void 0===t[e]?1:f(t[e])}:f,m||v)for(var b=0;b1?(r*t+r*e)/r:t+e,a=String(n).length;if(a>16){var i=String(e).length;if(a>=String(t).length+i){var o=parseFloat(n).toPrecision(12);-1===o.indexOf(\"e+\")&&(n=+o)}}return n}},{}],749:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"d3-time-format\").utcFormat,i=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 h=t(\"./mod\");c.mod=h.mod,c.modHalf=h.modHalf;var f=t(\"./coerce\");c.valObjectMeta=f.valObjectMeta,c.coerce=f.coerce,c.coerce2=f.coerce2,c.coerceFont=f.coerceFont,c.coerceHoverinfo=f.coerceHoverinfo,c.coerceSelectionMarkerOpacity=f.coerceSelectionMarkerOpacity,c.validate=f.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.apply2DTransform=m.apply2DTransform,c.apply2DTransform2=m.apply2DTransform2;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],a=0;as?l:i(t)?Number(t):l:l},c.isIndex=function(t,e){return!(void 0!==e&&t>=e)&&(i(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,a){for(var i=t.length,o=new Array(i),s=0;s=Math.pow(2,r)?a>10?(c.warn(\"randstr failed uniqueness\"),l):t(e,r,n,(a||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,a,i,o=t.length,s=2*o,l=2*e-1,c=new Array(l),u=new Array(o);for(r=0;r=s&&(a-=s*Math.floor(a/s)),a<0?a=-1-a:a>=o&&(a=s-1-a),i+=t[a]*c[n];u[r]=i}return u},c.syncOrAsync=function(t,e,r){var n;function a(){return c.syncOrAsync(t,e,r)}for(;t.length;)if((n=(0,t.splice(0,1)[0])(e))&&n.then)return n.then(a).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,a=!1,i=!0;for(n=0;n0?e:0}))},c.fillArray=function(t,e,r,n){if(n=n||c.identity,c.isArrayOrTypedArray(t))for(var a=0;a1?a+o[1]:\"\";if(i&&(o.length>1||s.length>4||r))for(;n.test(s);)s=s.replace(n,\"$1\"+i+\"$2\");return s+l},c.TEMPLATE_STRING_REGEX=/%{([^\\s%{}:]*)([:|\\|][^}]*)?}/g;var P=/^\\w*$/;c.templateString=function(t,e){var r={};return t.replace(c.TEMPLATE_STRING_REGEX,(function(t,n){var a;return P.test(n)?a=e[n]:(r[n]=r[n]||c.nestedProperty(e,n).get,a=r[n]()),c.isValidTextValue(a)?a:\"\"}))};var I={max:10,count:0,name:\"hovertemplate\"};c.hovertemplateString=function(){return D.apply(I,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 i=this,o=arguments;e||(e={});var s={};return t.replace(c.TEMPLATE_STRING_REGEX,(function(t,l,u){var h,f,p,d;for(p=3;p=48&&o<=57,c=s>=48&&s<=57;if(l&&(n=10*n+o-48),c&&(a=10*a+s-48),!l||!c){if(n!==a)return n-a;if(o!==s)return o-s}}return a-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},a=c.extractOption(t,e,\"htx\",\"hovertext\");if(c.isValidTextValue(a))return n(a);var i=c.extractOption(t,e,\"tx\",\"text\");return c.isValidTextValue(i)?n(i):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&&(c=1):c=0,\"translate(\"+(a-c*(r+o))+\",\"+(i-c*(n+s))+\")\"+(c<1?\"scale(\"+c+\")\":\"\")+(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}},{\"../constants/numerical\":724,\"./anchor_utils\":729,\"./angles\":730,\"./array\":731,\"./clean_number\":732,\"./clear_responsive\":734,\"./coerce\":735,\"./dates\":736,\"./dom\":737,\"./extend\":739,\"./filter_unique\":740,\"./filter_visible\":741,\"./geometry2d\":744,\"./identity\":747,\"./increment\":748,\"./is_plain_object\":750,\"./keyed_container\":751,\"./localize\":752,\"./loggers\":753,\"./make_trace_groups\":754,\"./matrix\":755,\"./mod\":756,\"./nested_property\":757,\"./noop\":758,\"./notifier\":759,\"./push_unique\":763,\"./regex\":765,\"./relative_attr\":766,\"./relink_private\":767,\"./search\":768,\"./stats\":771,\"./throttle\":774,\"./to_log_range\":775,d3:169,\"d3-time-format\":166,\"fast-isnumeric\":241}],750:[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}},{}],751:[function(t,e,r){\"use strict\";var n=t(\"./nested_property\"),a=/^\\w*$/;e.exports=function(t,e,r,i){var o,s,l;r=r||\"name\",i=i||\"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],f.set(t,null);if(h){for(o=e;o1){var e=[\"LOG:\"];for(t=0;t1){var r=[];for(t=0;t\"),\"long\")}},i.warn=function(){var t;if(n.logging>0){var e=[\"WARN:\"];for(t=0;t0){var r=[];for(t=0;t\"),\"stick\")}},i.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\":785,\"./notifier\":759}],754:[function(t,e,r){\"use strict\";var n=t(\"d3\");e.exports=function(t,e,r){var a=t.selectAll(\"g.\"+r.replace(/\\s/g,\".\")).data(e,(function(t){return t[0].trace.uid}));a.exit().remove(),a.enter().append(\"g\").attr(\"class\",r),a.order();var i=t.classed(\"rangeplot\")?\"nodeRangePlot3\":\"node3\";return a.each((function(t){t[0][i]=n.select(this)})),a}},{d3:169}],755:[function(t,e,r){\"use strict\";r.init2dArray=function(t,e){for(var r=new Array(t),n=0;ne/2?t-Math.round(t/e)*e:t}}},{}],757:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"./array\").isArrayOrTypedArray;function i(t,e){return function(){var r,n,o,s,l,c=t;for(s=0;s/g),l=0;li||c===a||cs)&&(!e||!l(t))}:function(t,e){var l=t[0],c=t[1];if(l===a||li||c===a||cs)return!1;var u,h,f,p,d,g=r.length,m=r[0][0],v=r[0][1],y=0;for(u=1;uMath.max(h,m)||c>Math.max(f,v)))if(cu||Math.abs(n(o,f))>a)return!0;return!1},i.filter=function(t,e){var r=[t[0]],n=0,a=0;function o(o){t.push(o);var s=r.length,l=n;r.splice(a+1);for(var c=l+1;c1&&o(t.pop());return{addPt:o,raw:t,filtered:r}}},{\"../constants/numerical\":724,\"./matrix\":755}],762:[function(t,e,r){(function(r){\"use strict\";var n=t(\"./show_no_webgl_msg\"),a=t(\"regl\");e.exports=function(t,e){var i=t._fullLayout,o=!0;return i._glcanvas.each((function(n){if(!n.regl&&(!n.pick||i._has(\"parcoords\"))){try{n.regl=a({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:i._glcontainer.node()}),o}}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{\"./show_no_webgl_msg\":770,regl:512}],763:[function(t,e,r){\"use strict\";e.exports=function(t,e){if(e instanceof RegExp){for(var r=e.toString(),n=0;na.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 i,o,h=0,f=e.length,p=0,d=f>1?(e[f-1]-e[0])/(f-1):1;for(o=d>=0?r?s:l:r?u:c,t+=1e-9*d*(r?-1:1)*(d>=0?1:-1);h90&&a.log(\"Long binary search...\"),h-1},r.sorterAsc=function(t,e){return t-e},r.sorterDes=function(t,e){return e-t},r.distinctVals=function(t,e){var n,a=(e||{}).unitMinDiff,i=t.slice();for(i.sort(r.sorterAsc),n=i.length-1;n>-1&&i[n]===o;n--);var s=1;a||(s=i[n]-i[0]||1);for(var l,c=s/(n||1)/1e4,u=[],h=0;h<=n;h++){var f=i[h],p=f-l;void 0===l?(u.push(f),l=f):p>c&&(s=Math.min(s,p),u.push(f),l=f)}return{vals:u,minDiff:s}},r.roundUp=function(t,e,r){for(var n,a=0,i=e.length-1,o=0,s=r?0:1,l=r?1:0,c=r?Math.ceil:Math.floor;a0&&(n=1),r&&n)return t.sort(e)}return n?t:t.reverse()},r.findIndexOfMin=function(t,e){e=e||i;for(var r,n=1/0,a=0;ai.length)&&(o=i.length),n(e)||(e=!1),a(i[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\":731,\"fast-isnumeric\":241}],772:[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}],773:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../lib\"),i=t(\"../constants/xmlns_namespaces\"),o=t(\"../constants/alignment\").LINE_SPACING;function s(t,e){return t.node().getBoundingClientRect()[e]}var l=/([^$]*)([$]+[^$]*[$]+)([^$]*)/;r.convertToTspans=function(t,e,M){var A=t.text(),E=!t.attr(\"data-notex\")&&\"undefined\"!=typeof MathJax&&A.match(l),C=n.select(t.node().parentNode);if(!C.empty()){var L=t.attr(\"class\")?t.attr(\"class\").split(\" \")[0]:\"text\";return L+=\"-math\",C.selectAll(\"svg.\"+L).remove(),C.selectAll(\"g.\"+L+\"-group\").remove(),t.style(\"display\",null).attr({\"data-unformatted\":A,\"data-math\":\"N\"}),E?(e&&e._promises||[]).push(new Promise((function(e){t.style(\"display\",\"none\");var r=parseInt(t.node().style.fontSize,10),i={fontSize:r};!function(t,e,r){var i,o,s,l;MathJax.Hub.Queue((function(){return o=a.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\"!==(i=MathJax.Hub.config.menuSettings.renderer))return MathJax.Hub.setRenderer(\"SVG\")}),(function(){var r=\"math-output-\"+a.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(c,\"\\\\lt \").replace(u,\"\\\\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())a.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\"!==i)return MathJax.Hub.setRenderer(i)}),(function(){return void 0!==s&&(MathJax.Hub.processSectionDelay=s),MathJax.Hub.Config(o)}))}(E[2],i,(function(n,a,i){C.selectAll(\"svg.\"+L).remove(),C.selectAll(\"g.\"+L+\"-group\").remove();var o=n&&n.select(\"svg\");if(!o||!o.node())return P(),void e();var l=C.append(\"g\").classed(L+\"-group\",!0).attr({\"pointer-events\":\"none\",\"data-unformatted\":A,\"data-math\":\"Y\"});l.node().appendChild(o.node()),a&&a.node()&&o.node().insertBefore(a.node().cloneNode(!0),o.node().firstChild),o.attr({class:L,height:i.height,preserveAspectRatio:\"xMinYMin meet\"}).style({overflow:\"visible\",\"pointer-events\":\"none\"});var c=t.node().style.fill||\"black\",u=o.select(\"g\");u.attr({fill:c,stroke:c});var h=s(u,\"width\"),f=s(u,\"height\"),p=+t.attr(\"x\")-h*{start:0,middle:.5,end:1}[t.attr(\"text-anchor\")||\"start\"],d=-(r||s(t,\"height\"))/4;\"y\"===L[0]?(l.attr({transform:\"rotate(\"+[-90,+t.attr(\"x\"),+t.attr(\"y\")]+\") translate(\"+[-h/2,d-f/2]+\")\"}),o.attr({x:+t.attr(\"x\"),y:+t.attr(\"y\")})):\"l\"===L[0]?o.attr({x:t.attr(\"x\"),y:d-f/2}):\"a\"===L[0]&&0!==L.indexOf(\"atitle\")?o.attr({x:0,y:d}):o.attr({x:p,y:+t.attr(\"y\")+d-f/2}),M&&M.call(t,l),e(l)}))}))):P(),t}function P(){C.empty()||(L=t.attr(\"class\")+\"-math\",C.select(\"svg.\"+L).remove()),t.text(\"\").style(\"white-space\",\"pre\"),function(t,e){e=e.replace(g,\" \");var r,s=!1,l=[],c=-1;function u(){c++;var e=document.createElementNS(i.svg,\"tspan\");n.select(e).attr({class:\"line\",dy:c*o+\"em\"}),t.appendChild(e),r=e;var a=l;if(l=[{node:e}],a.length>1)for(var s=1;s doesnt match end tag <\"+t+\">. Pretending it did match.\",e),r=l[l.length-1].node}else a.log(\"Ignoring unexpected end tag .\",e)}y.test(e)?u():(r=t,l=[{node:t}]);for(var C=e.split(m),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\"},f={sub:\"0.3em\",sup:\"-0.6em\"},p={sub:\"-0.21em\",sup:\"0.42em\"},d=[\"http:\",\"https:\",\"mailto:\",\"\",void 0,\":\"],g=r.NEWLINES=/(\\r\\n?|\\n)/g,m=/(<[^<>]*>)/,v=/<(\\/?)([^ >]*)(\\s+(.*))?>/i,y=//i;r.BR_TAG_ALL=//gi;var x=/(^|[\\s\"'])style\\s*=\\s*(\"([^\"]*);?\"|'([^']*);?')/i,b=/(^|[\\s\"'])href\\s*=\\s*(\"([^\"]*)\"|'([^']*)')/i,_=/(^|[\\s\"'])target\\s*=\\s*(\"([^\"\\s]*)\"|'([^'\\s]*)')/i,w=/(^|[\\s\"'])popup\\s*=\\s*(\"([\\w=,]*)\"|'([\\w=,]*)')/i;function T(t,e){if(!t)return null;var r=t.match(e),n=r&&(r[3]||r[4]);return n&&S(n)}var k=/(^|;)\\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\"],a=\"...\".length,i=t.split(m),o=[],s=\"\",l=0,c=0;ca?o.push(u.substr(0,d-a)+\"...\"):o.push(u.substr(0,d));break}s=\"\"}}return o.join(\"\")};var M={mu:\"\\u03bc\",amp:\"&\",lt:\"<\",gt:\">\",nbsp:\"\\xa0\",times:\"\\xd7\",plusmn:\"\\xb1\",deg:\"\\xb0\"},A=/&(#\\d+|#x[\\da-fA-F]+|[a-z]+);/g;function S(t){return t.replace(A,(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)):M[e])||t}))}function E(t,e,r){var n,a,i,o=r.horizontalAlign,s=r.verticalAlign||\"top\",l=t.node().getBoundingClientRect(),c=e.node().getBoundingClientRect();return a=\"bottom\"===s?function(){return l.bottom-n.height}:\"middle\"===s?function(){return l.top+(l.height-n.height)/2}:function(){return l.top},i=\"right\"===o?function(){return l.right-n.width}:\"center\"===o?function(){return l.left+(l.width-n.width)/2}:function(){return l.left},function(){return n=this.node().getBoundingClientRect(),this.style({top:a()-c.top+\"px\",left:i()-c.left+\"px\",\"z-index\":1e3}),this}}r.convertEntities=S,r.sanitizeHTML=function(t){t=t.replace(g,\" \");for(var e=document.createElement(\"p\"),r=e,a=[],i=t.split(m),o=0;oi.ts+e?l():i.timer=setTimeout((function(){l(),i.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)a(n[t]),delete n[t];else for(var e in n)r.clear(e)}},{}],775:[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}],776:[function(t,e,r){\"use strict\";var n=e.exports={},a=t(\"../plots/geo/constants\").locationmodeToLayer,i=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=a[t.locationmode],n=e.objects[r];return i(e,n).features}},{\"../plots/geo/constants\":827,\"topojson-client\":551}],777:[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\"}}},{}],778:[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\"}}},{}],779:[function(t,e,r){\"use strict\";var n=t(\"../registry\");e.exports=function(t){for(var e,r,a=n.layoutArrayContainers,i=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 i=(s.subplotsRegistry.cartesian||{}).attrRegex,l=(s.subplotsRegistry.polar||{}).attrRegex,h=(s.subplotsRegistry.ternary||{}).attrRegex,f=(s.subplotsRegistry.gl3d||{}).attrRegex,g=Object.keys(t);for(e=0;e3?(P.x=1.02,P.xanchor=\"left\"):P.x<-2&&(P.x=-.02,P.xanchor=\"right\"),P.y>3?(P.y=1.02,P.yanchor=\"bottom\"):P.y<-2&&(P.y=-.02,P.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&&i.warn(\"Full array edits are incompatible with other edits\",h);var y=r[\"\"][\"\"];if(c(y))e.set(null);else{if(!Array.isArray(y))return i.warn(\"Unrecognized full array edit value\",h,y),!0;e.set(y)}return!g&&(f(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,h).get(),P=[],I=-1,z=C.length;for(x=0;xC.length-(M?0:1))i.warn(\"index out of range\",h,_);else if(void 0!==k)T.length>1&&i.warn(\"Insertion & removal are incompatible with edits to the same index.\",h,_),c(k)?P.push(_):M?(\"add\"===k&&(k={}),C.splice(_,0,k),L&&L.splice(_,0,{})):i.warn(\"Unrecognized full object edit value\",h,_,k),-1===I&&(I=_);else for(b=0;b=0;x--)C.splice(P[x],1),L&&L.splice(P[x],1);if(C.length?E||e.set(C):e.set(null),g)return!1;if(f(m,v),d!==a){var O;if(-1===I)O=S;else{for(z=Math.max(C.length,z),O=[],x=0;x=I);x++)O.push(_);for(x=I;x=t.data.length||a<-t.data.length)throw new Error(r+\" must be valid indices for gd.data.\");if(e.indexOf(a,n+1)>-1||a>=0&&e.indexOf(-t.data.length+a)>-1||a<0&&e.indexOf(t.data.length+a)>-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,i){!function(t,e,r,n){var a=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 i in z(t,r,\"indices\"),e){if(!Array.isArray(e[i])||e[i].length!==r.length)throw new Error(\"attribute \"+i+\" must be an array of length equal to indices array length\");if(a&&(!(i in n)||!Array.isArray(n[i])||n[i].length!==e[i].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 i,l,c,u,h,f=o.isPlainObject(n),p=[];for(var d in Array.isArray(r)||(r=[r]),r=I(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 a=X(t,n),i=a.flags;i.calc&&(t.calcdata=void 0);var s=[f.previousPromises];i.layoutReplot?s.push(k.layoutReplot):Object.keys(n).length&&(H(t,i,a)||f.supplyDefaults(t),i.legend&&s.push(k.doLegend),i.layoutstyle&&s.push(k.layoutStyles),i.axrange&&G(s,a.rangesAltered),i.ticks&&s.push(k.doTicksRelayout),i.modebar&&s.push(k.doModeBar),i.camera&&s.push(k.doCamera),i.colorbars&&s.push(k.doColorBars),s.push(E)),s.push(f.rehover,f.redrag),c.add(t,q,[t,a.undoit],q,[t,a.redoit]);var l=o.syncOrAsync(s,t);return l&&l.then||(l=Promise.resolve(t)),l.then((function(){return t.emit(\"plotly_relayout\",a.eventData),t}))}function H(t,e,r){var n=t._fullLayout;if(!e.axrange)return!1;for(var a in e)if(\"axrange\"!==a&&e[a])return!1;for(var i in r.rangesAltered){var o=d.id2name(i),s=t.layout[o],l=n[o];if(l.autorange=s.autorange,l.range=s.range.slice(),l.cleanRange(),l._matchGroup)for(var c in l._matchGroup)if(c!==i){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 a in e){var i=d.getFromId(t,a);if(r.push(a),i._matchGroup)for(var o in i._matchGroup)e[o]||r.push(o);i.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$/,Z=/^[xyz]axis[0-9]*\\.domain(\\[[0|1]\\])?$/;function X(t,e){var r,n,a,i=t.layout,l=t._fullLayout,c=l._guiEditing,f=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[I]=O,S[I]=\"reverse\"===R?O:B(H);var G=h.getLayoutValObject(l,z.parts);if(G&&G.impliedEdits&&null!==O)for(var X in G.impliedEdits)E(o.relativeAttr(I,X),G.impliedEdits[X]);if(-1!==[\"width\",\"height\"].indexOf(I))if(O){E(\"autosize\",null);var K=\"height\"===I?\"width\":\"height\";E(K,l[K])}else l[I]=t._initialAutoSize[I];else if(\"autosize\"===I)E(\"width\",O?null:l.width),E(\"height\",O?null:l.height);else if(F.match(Y))P(F),s(l,j+\"._inputRange\").set(null);else if(F.match(W)){P(F),s(l,j+\"._inputRange\").set(null);var Q=s(l,j).get();Q._inputDomain&&(Q._input.domain=Q._inputDomain.slice())}else F.match(Z)&&s(l,j+\"._inputDomain\").set(null);if(\"type\"===R){var $=U,tt=\"linear\"===q.type&&\"log\"===O,et=\"log\"===q.type&&\"linear\"===O;if(tt||et){if($&&$.range)if(q.autorange)tt&&($.range=$.range[1]>$.range[0]?[1,2]:[2,1]);else{var rt=$.range[0],nt=$.range[1];tt?(rt<=0&&nt<=0&&E(j+\".autorange\",!0),rt<=0?rt=nt/1e6:nt<=0&&(nt=rt/1e6),E(j+\".range[0]\",Math.log(rt)/Math.LN10),E(j+\".range[1]\",Math.log(nt)/Math.LN10)):(E(j+\".range[0]\",Math.pow(10,rt)),E(j+\".range[1]\",Math.pow(10,nt)))}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 at=s(l,I).get(),it=(O||{}).type;it&&\"-\"!==it||(it=\"linear\"),u.getComponentMethod(\"annotations\",\"convertCoords\")(t,at,it,E),u.getComponentMethod(\"images\",\"convertCoords\")(t,at,it,E)}var ot=w.containerArrayMatch(I);if(ot){r=ot.array,n=ot.index;var st=ot.property,lt=G||{editType:\"calc\"};\"\"!==n&&\"\"===st&&(w.isAddVal(O)?S[I]=null:w.isRemoveVal(O)?S[I]=(s(i,r).get()||[])[n]:o.warn(\"unrecognized full object value\",e)),M.update(_,lt),v[r]||(v[r]={});var ct=v[r][n];ct||(ct=v[r][n]={}),ct[st]=O,delete e[I]}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\"===I&&(\"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,f(i,r),v[r],_,f)||(_.plot=!0)}var ut=l._axisConstraintGroups||[];for(C in L)for(n=0;n1;)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=a.length?a[0]:a[t]:a}function l(t){return Array.isArray(i)?t>=i.length?i[0]:i[t]:i}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(i,u){function h(){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,f.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&&h()};e()}var d,g,m=0;function v(t){return Array.isArray(a)?m>=a.length?t.transitionOpts=a[m]:t.transitionOpts=a[0]:t.transitionOpts=a,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 a=0;a=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:f.supplyFrameDefaults(e[n]),index:r&&void 0!==r[n]&&null!==r[n]?r[n]:h+n})}p.sort((function(t,e){return t.index>e.index?-1:t.index=0;n--){if(\"number\"==typeof(a=p[n].frame).name&&o.warn(\"Warning: addFrames accepts frames with numeric names, but the numbers areimplicitly cast to strings\"),!a.name)for(;u[a.name=\"frame \"+t._transitionData._counter++];);if(u[a.name]){for(i=0;i=0;r--)n=e[r],i.push({type:\"delete\",index:n}),s.unshift({type:\"insert\",index:n,value:a[n]});var l=f.modifyFrames,u=f.modifyFrames,h=[t,s],p=[t,i];return c&&c.add(t,l,h,u,p),f.modifyFrames(t,i)},r.addTraces=function t(e,n,a){e=o.getGraphDiv(e);var i,s,l=[],u=r.deleteTraces,h=t,f=[e,l],p=[e,n];for(function(t,e,r){var n,a;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=i.length)return!1;if(2===t.dimensions){if(r++,e.length===r)return t;var o=e[r];if(!_(o))return!1;t=i[a][o]}else t=i[a]}else t=i}}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 a=0;a=l.length)return!1;a=(r=(n.transformsRegistry[l[c].type]||{}).attributes)&&r[e[2]],s=3}else if(\"area\"===t.type)a=u[o];else{var h=t._module;if(h||(h=(n.modules[t.type||i.type.dflt]||{})._module),!h)return!1;if(!(a=(r=h.attributes)&&r[o])){var f=h.basePlotModule;f&&f.attributes&&(a=f.attributes[o])}a||(a=i[o])}return b(a,e,s)},r.getLayoutValObject=function(t,e){return b(function(t,e){var r,a,i,s,l=t._basePlotModules;if(l){var c;for(r=0;r=a&&(r._input||{})._templateitemname;o&&(i=a);var s,l=e+\"[\"+i+\"]\";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 h(){var t=s;return c(),t}return c(),{modifyBase:function(t,e){s[t]=e},modifyItem:u,getUpdateObj:h,applyUpdate:function(e,r){e&&u(e,r);var a=h();for(var i in a)n.nestedProperty(t,i).set(a[i])}}}},{\"../lib\":749,\"../plots/attributes\":794}],788:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../registry\"),i=t(\"../plots/plots\"),o=t(\"../lib\"),s=t(\"../lib/clear_gl_canvases\"),l=t(\"../components/color\"),c=t(\"../components/drawing\"),u=t(\"../components/titles\"),h=t(\"../components/modebar\"),f=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]||a[1]<=t[0])&&(i[0]e[0]))return!0}return!1}function x(t){var e,a,s,u,d,g,m=t._fullLayout,v=m._size,x=v.p,_=f.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),h.manage(t),!m._has(\"cartesian\"))return i.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(a in m._plots)if((s=m._plots[a]).mainplot)s.bg&&s.bg.remove(),s.bg=void 0;else{var C=s.xaxis.domain,L=s.yaxis.domain,P=s.plotgroup;if(y(C,L,S)){var I=P.node(),z=s.bg=o.ensureSingle(P,\"rect\",\"bg\");I.insertBefore(z.node(),I.childNodes[0]),A.push(a)}else P.select(\"rect.bg\").remove(),S.push([C,L]),E||(M.push(a),A.push(a))}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 i=e[n],o=g(e,n,r);a(i)?(Array.isArray(e)&&!1===i._template&&i.templateitemname&&u.push({code:\"missing\",path:o,templateitemname:i.templateitemname}),t(i,o)):Array.isArray(i)&&m(i)&&t(i,o)}}({data:p,layout:f},\"\"),u.length)return u.map(v)}},{\"../lib\":749,\"../plots/attributes\":794,\"../plots/plots\":860,\"./plot_config\":785,\"./plot_schema\":786,\"./plot_template\":787}],790:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"./plot_api\"),i=t(\"../plots/plots\"),o=t(\"../lib\"),s=t(\"../snapshot/helpers\"),l=t(\"../snapshot/tosvg\"),c=t(\"../snapshot/svgtoimg\"),u=t(\"../version\").version,h={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,f,p,d;function g(t){return!(t in e)||o.validate(e[t],h[t])}if(e=e||{},o.isPlainObject(t)?(r=t.data||[],f=t.layout||{},p=t.config||{},d={}):(t=o.getGraphDiv(t),r=o.extendDeep([],t.data),f=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(\"Image format is not jpeg, png, svg or webp.\");var m={};function v(t,r){return o.coerce(e,m,h,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({},f);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,h=k._fullLayout.height;function f(){a.purge(k),document.body.removeChild(k)}if(\"full-json\"===y){var p=i.graphJson(k,!1,\"keepdata\",\"object\",!0,!0);return p.version=u,p=JSON.stringify(p),f(),t(T?p:s.encodeJSON(p))}if(f(),\"svg\"===y)return t(T?r:s.encodeSVG(r));var d=document.createElement(\"canvas\");d.id=o.randstr(),c({format:y,width:n,height:h,scale:_,canvas:d,svg:r,promise:!0}).then(t).catch(e)}))}return new Promise((function(t,e){a.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\":749,\"../plots/plots\":860,\"../snapshot/helpers\":884,\"../snapshot/svgtoimg\":886,\"../snapshot/tosvg\":888,\"../version\":1337,\"./plot_api\":784,\"fast-isnumeric\":241}],791:[function(t,e,r){\"use strict\";var n=t(\"../lib\"),a=t(\"../plots/plots\"),i=t(\"./plot_schema\"),o=t(\"./plot_config\").dfltConfig,s=n.isPlainObject,l=Array.isArray,c=n.isArrayOrTypedArray;function u(t,e,r,a,i,o){o=o||[];for(var h=Object.keys(t),f=0;fx.length&&a.push(d(\"unused\",i,v.concat(x.length)));var M,A,S,E,C,L=x.length,P=Array.isArray(k);if(P&&(L=Math.min(L,k.length)),2===b.dimensions)for(A=0;Ax[A].length&&a.push(d(\"unused\",i,v.concat(A,x[A].length)));var I=x[A].length;for(M=0;M<(P?Math.min(I,k[A].length):I);M++)S=P?k[A][M]:k,E=y[A][M],C=x[A][M],n.validate(E,S)?C!==E&&C!==+E&&a.push(d(\"dynamic\",i,v.concat(A,M),E,C)):a.push(d(\"value\",i,v.concat(A,M),E))}else a.push(d(\"array\",i,v.concat(A),y[A]));else for(A=0;A1&&p.push(d(\"object\",\"layout\"))),a.supplyDefaults(g);for(var m=g._fullData,v=r.length,y=0;y0&&((b=M-o(m)-o(v))>A?_/b>E&&(y=m,x=v,E=_/b):_/M>E&&(y={val:m.val,pad:0},x={val:v.val,pad:0},E=_/M));if(f===p){var C=f-1,L=f+1;if(T)if(0===f)i=[0,1];else{var P=(f>0?h:u).reduce((function(t,e){return Math.max(t,o(e))}),0),I=f/(1-Math.min(.5,P/M));i=f>0?[0,I]:[I,0]}else i=k?[Math.max(0,C),Math.max(1,L)]:[C,L]}else T?(y.val>=0&&(y={val:0,pad:0}),x.val<=0&&(x={val:0,pad:0})):k&&(y.val-E*o(y)<0&&(y={val:0,pad:0}),x.val<=0&&(x={val:1,pad:0})),E=(x.val-y.val-S(m.val,v.val))/(M-o(y)-o(x)),i=[y.val-E*o(y),x.val+E*o(x)];return d&&i.reverse(),a.simpleMap(i,e.l2r||Number)}function l(t){var e=t._length/20;return\"domain\"===t.constrain&&t._inputDomain&&(e*=(t._inputDomain[1]-t._inputDomain[0])/(t.domain[1]-t.domain[0])),function(t){return t.pad+(t.extrapad?e:0)}}function c(t,e){var r,n,a,i=e._id,o=t._fullData,s=t._fullLayout,l=[],c=[];function f(t,e){for(r=0;r=r&&(c.extrapad||!o)){s=!1;break}a(e,c.val)&&c.pad<=r&&(o||!c.extrapad)&&(t.splice(l,1),l--)}if(s){var u=i&&0===e;t.push({val:e,pad:u?0:r,extrapad:!u&&o})}}function p(t){return n(t)&&Math.abs(t)=e}e.exports={getAutoRange:s,makePadFn:l,doAutoRange:function(t,e){if(e.setScale(),e.autorange){e.range=s(t,e),e._r=e.range.slice(),e._rl=a.simpleMap(e._r,e.r2l);var r=e._input,n={};n[e._attr+\".range\"]=e.range,n[e._attr+\".autorange\"]=e.autorange,o.call(\"_storeDirectGUIEdit\",t.layout,t._fullLayout._preGUI,n),r.range=e.range.slice(),r.autorange=e.autorange}var i=e._anchorAxis;if(i&&i.rangeslider){var l=i.rangeslider[e._name];l&&\"auto\"===l.rangemode&&(l.range=s(t,e)),i._input.rangeslider[e._name]=a.extendFlat({},l)}},findExtremes:function(t,e,r){r||(r={});t._m||t.setScale();var a,o,s,l,c,f,d,g,m,v=[],y=[],x=e.length,b=r.padded||!1,_=r.tozero&&(\"linear\"===t.type||\"-\"===t.type),w=\"log\"===t.type,T=!1,k=r.vpadLinearized||!1;function M(t){if(Array.isArray(t))return T=!0,function(e){return Math.max(Number(t[e]||0),0)};var e=Math.max(Number(t||0),0);return function(){return e}}var A=M((t._m>0?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(g=1/0,m=-1/0,w)for(a=0;a0&&(g=o),o>m&&o-i&&(g=o),o>m&&o=I;a--)P(a);return{min:v,max:y,opts:r}},concatExtremes:c}},{\"../../constants/numerical\":724,\"../../lib\":749,\"../../registry\":880,\"fast-isnumeric\":241}],797:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"fast-isnumeric\"),i=t(\"../../plots/plots\"),o=t(\"../../registry\"),s=t(\"../../lib\"),l=t(\"../../lib/svg_text_utils\"),c=t(\"../../components/titles\"),u=t(\"../../components/color\"),h=t(\"../../components/drawing\"),f=t(\"./layout_attributes\"),p=t(\"./clean_ticks\"),d=t(\"../../constants/numerical\"),g=d.ONEMAXYEAR,m=d.ONEAVGYEAR,v=d.ONEMINYEAR,y=d.ONEMAXQUARTER,x=d.ONEAVGQUARTER,b=d.ONEMINQUARTER,_=d.ONEMAXMONTH,w=d.ONEAVGMONTH,T=d.ONEMINMONTH,k=d.ONEWEEK,M=d.ONEDAY,A=M/2,S=d.ONEHOUR,E=d.ONEMIN,C=d.ONESEC,L=d.MINUS_SIGN,P=d.BADNUM,I=t(\"../../constants/alignment\"),z=I.MID_SHIFT,O=I.CAP_SHIFT,D=I.LINE_SPACING,R=I.OPPOSITE_SIDE,F=e.exports={};F.setConvert=t(\"./set_convert\");var B=t(\"./axis_autotype\"),N=t(\"./axis_ids\");F.id2name=N.id2name,F.name2id=N.name2id,F.cleanId=N.cleanId,F.list=N.list,F.listIds=N.listIds,F.getFromId=N.getFromId,F.getFromTrace=N.getFromTrace;var j=t(\"./autorange\");F.getAutoRange=j.getAutoRange,F.findExtremes=j.findExtremes;function U(t){var e=1e-4*(t[1]-t[0]);return[t[0]-e,t[1]+e]}F.coerceRef=function(t,e,r,n,a,i){var o=n.charAt(n.length-1),l=r._fullLayout._subplots[o+\"axis\"],c=n+\"ref\",u={};return a||(a=l[0]||i),i||(i=a),u[c]={valType:\"enumerated\",values:l.concat(i?[i]:[]),dflt:a},s.coerce(t,e,u,c)},F.coercePosition=function(t,e,r,n,a,i){var o,l;if(\"paper\"===n||\"pixel\"===n)o=s.ensureNumber,l=r(a,i);else{var c=F.getFromId(e,n);l=r(a,i=c.fraction2r(i)),o=c.cleanPos}t[a]=o(l)},F.cleanPosition=function(t,e,r){return(\"paper\"===r||\"pixel\"===r?s.ensureNumber:F.getFromId(e,r).cleanPos)(t)},F.redrawComponents=function(t,e){e=e||F.listIds(t);var r=t._fullLayout;function n(n,a,i,s){for(var l=o.getComponentMethod(n,a),c={},u=0;u2e-6||((r-t._forceTick0)/t._minDtick%1+1.000001)%1>2e-6)&&(t._minDtick=0)):t._minDtick=0},F.saveRangeInitial=function(t,e){for(var r=F.list(t,\"\",!0),n=!1,a=0;a.3*f||u(n)||u(i))){var p=r.dtick/2;t+=t+p.8){var o=Number(r.substr(1));i.exactYears>.8&&o%12==0?t=F.tickIncrement(t,\"M6\",\"reverse\")+1.5*M:i.exactMonths>.8?t=F.tickIncrement(t,\"M1\",\"reverse\")+15.5*M:t-=A;var l=F.tickIncrement(t,r);if(l<=n)return l}return t}(y,t,v,c,i)),m=y,0;m<=u;)m=F.tickIncrement(m,v,!1,i);return{start:e.c2r(y,0,i),end:e.c2r(m,0,i),size:v,_dataSpan:u-c}},F.prepTicks=function(t,e){var r=s.simpleMap(t.range,t.r2l,void 0,void 0,e);if(\"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])-(t._lBreaks||0))/a,F.autoTicks(t,t._roughDTick),t._minDtick>0&&t.dtick<2*t._minDtick&&(t.dtick=t._minDtick,t.tick0=t.l2r(t._forceTick0))}t.tick0||(t.tick0=\"date\"===t.type?\"2000-01-01\":0),\"date\"===t.type&&t.dtick<.1&&(t.dtick=.1),$(t)},F.calcTicks=function(t,e){F.prepTicks(t,e);var r=s.simpleMap(t.range,t.r2l,void 0,void 0,e);if(\"array\"===t.tickmode)return function(t){var e=t.tickvals,r=t.ticktext,n=new Array(e.length),a=U(s.simpleMap(t.range,t.r2l)),i=Math.min(a[0],a[1]),o=Math.max(a[0],a[1]),l=0;Array.isArray(r)||(r=[]);var c=\"category\"===t.type?t.d2l_noadd:t.d2l;\"log\"===t.type&&\"L\"!==String(t.dtick).charAt(0)&&(t.dtick=\"L\"+Math.pow(10,Math.floor(Math.min(t.range[0],t.range[1]))-1));for(var u=0;ui&&h=o:n<=o)&&!(c.length>r||n===e);n=F.tickIncrement(n,t.dtick,l,t.calendar)){e=n;var a=!1;u&&n!==(0|n)&&(a=!0),c.push({minor:a,value:n})}}();var h=\"period\"===t.ticklabelmode;if(h&&c.unshift({minor:!1,value:F.tickIncrement(c[0].value,t.dtick,!l,t.caldendar)}),t.rangebreaks){var f=c.length;if(f){var p=0;\"auto\"===t.tickmode&&(p=(\"y\"===t._id.charAt(0)?2:6)*(t.tickfont?t.tickfont.size:12));for(var d,E=[],C=l?1:-1,L=l?f-1:0,I=l?0:f-1;C*I<=C*L;I+=C){var z=c[I];if(t.maskBreaks(z.value)!==P||(z.value=vt(z.value,t),!t._rl||t._rl[0]!==z.value&&t._rl[1]!==z.value)){var O=t.c2p(z.value);O===d?E[E.length-1].valuep)&&(d=O,E.push(z))}}c=E.reverse()}}mt(t)&&360===Math.abs(r[1]-r[0])&&c.pop(),t._tmax=(c[c.length-1]||{}).value,t._prevDateHead=\"\",t._inCalcTicks=!0;var D,R=Math.min(r[0],r[1]),B=Math.max(r[0],r[1]),N=F.getTickFormat(t);h&&N&&(/%[fLQsSMX]/.test(N)||(/%[HI]/.test(N)?D=S:/%p/.test(N)?D=A:/%[Aadejuwx]/.test(N)?D=M:/%[UVW]/.test(N)?D=k:/%[Bbm]/.test(N)?D=w:/%[q]/.test(N)?D=x:/%[Yy]/.test(N)&&(D=m)));var j,V,q=[];for(j=0;j0?(X=j-1,J=j):(X=j,J=j);var K=q[X].x,Q=q[J].x,$=Math.abs(Q-K),et=D||$,rt=0;if(et>=v?rt=$>=v&&$<=g?$:m:D===x&&et>=b?rt=$>=b&&$<=y?$:x:et>=T?rt=$>=T&&$<=_?$:w:D===k&&et>=k?rt=k:et>=M?rt=M:D===A&&et>=A?rt=A:D===S&&et>=S&&(rt=S),rt&&t.rangebreaks){for(var nt=0,at=0,it=0;it<42;it++){var ot=it/42;t.maskBreaks(K*(1-ot)+Q*ot)!==P&&(ot<.5?nt++:at++)}at&&(rt*=(nt+at)/42)}rt<=$&&(Z+=rt/2),q[j].periodX=Z,(Z>B||Z=R){t._prevDateHead=\"\",q[j].text=F.tickText(t,q[j].x).text;break}}return t._inCalcTicks=!1,q};var G=[2,5,10],Y=[1,2,3,6,12],W=[1,2,5,10,15,30],Z=[1,2,3,7,14],X=[-.046,0,.301,.477,.602,.699,.778,.845,.903,.954,1],J=[-.301,0,.301,.699,1],K=[15,30,45,90,180];function Q(t,e,r){return e*s.roundUp(t/e,r)}function $(t){var e=t.dtick;if(t._tickexponent=0,a(e)||\"string\"==typeof e||(e=1),\"category\"!==t.type&&\"multicategory\"!==t.type||(t._tickround=null),\"date\"===t.type){var r=t.r2l(t.tick0),n=t.l2r(r).replace(/(^-|i)/g,\"\"),i=n.length;if(\"M\"===String(e).charAt(0))i>10||\"01-01\"!==n.substr(5)?t._tickround=\"d\":t._tickround=+e.substr(1)%12==0?\"y\":\"m\";else if(e>=M&&i<=10||e>=15*M)t._tickround=\"d\";else if(e>=E&&i<=16||e>=S)t._tickround=\"M\";else if(e>=C&&i<=19||e>=E)t._tickround=\"S\";else{var o=t.l2r(r+e).replace(/^-/,\"\").length;t._tickround=Math.max(i,o)-20,t._tickround<0&&(t._tickround=4)}}else if(a(e)||\"L\"===e.charAt(0)){var s=t.range.map(t.r2d||Number);a(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);Math.abs(c)>3&&(rt(t.exponentformat)&&!nt(c)?t._tickexponent=3*Math.round((c-1)/3):t._tickexponent=c)}else t._tickround=null}function tt(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}}F.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);var i=2*e;if(i>m)e/=m,r=n(10),t.dtick=\"M\"+12*Q(e,r,G);else if(i>w)e/=w,t.dtick=\"M\"+Q(e,1,Y);else if(i>M){t.dtick=Q(e,M,t._hasDayOfWeekBreaks?[1,2,7,14]:Z),t.tick0=s.dateTick0(t.calendar,!0);var o=F.getTickFormat(t);if(/%[uVW]/.test(o)){var l=t.tick0.length,c=+t.tick0[l-1];t.tick0=t.tick0.substring(0,l-2)+String(c+1)}}else i>S?t.dtick=Q(e,S,Y):i>E?t.dtick=Q(e,E,W):i>C?t.dtick=Q(e,C,W):(r=n(10),t.dtick=Q(e,r,G))}else if(\"log\"===t.type){t.tick0=0;var u=s.simpleMap(t.range,t.r2l);if(e>.7)t.dtick=Math.ceil(e);else if(Math.abs(u[1]-u[0])<1){var h=1.5*Math.abs((u[1]-u[0])/e);e=Math.abs(Math.pow(10,u[1])-Math.pow(10,u[0]))/h,r=n(10),t.dtick=\"L\"+Q(e,r,G)}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))):mt(t)?(t.tick0=0,r=1,t.dtick=Q(e,r,K)):(t.tick0=0,r=n(10),t.dtick=Q(e,r,G));if(0===t.dtick&&(t.dtick=1),!a(t.dtick)&&\"string\"!=typeof t.dtick){var f=t.dtick;throw t.dtick=1,\"ax.dtick error: \"+String(f)}},F.tickIncrement=function(t,e,r,i){var o=r?-1:1;if(a(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,i);if(\"L\"===l)return Math.log(Math.pow(10,t)+c)/Math.LN10;if(\"D\"===l){var u=\"D2\"===e?J:X,h=t+.01*o,f=s.roundUp(s.mod(h,1),u,r);return Math.floor(h)+Math.log(n.round(Math.pow(10,f),1))/Math.LN10}throw\"unrecognized dtick \"+String(e)},F.tickFirst=function(t,e){var r=t.r2l||Number,i=s.simpleMap(t.range,r,void 0,void 0,e),o=i[1]\"+l,t._prevDateHead=l));e.text=c}(t,o,r,c):\"log\"===u?function(t,e,r,n,i){var o=t.dtick,l=e.x,c=t.tickformat,u=\"string\"==typeof o&&o.charAt(0);\"never\"===i&&(i=\"\");n&&\"L\"!==u&&(o=\"L3\",u=\"L\");if(c||\"L\"===u)e.text=at(Math.pow(10,l),t,i,n);else if(a(o)||\"D\"===u&&s.mod(l+.01,1)<.1){var h=Math.round(l),f=Math.abs(h),p=t.exponentformat;\"power\"===p||rt(p)&&nt(h)?(e.text=0===h?1:1===h?\"10\":\"10\"+(h>1?\"\":L)+f+\"\",e.fontSize*=1.25):(\"e\"===p||\"E\"===p)&&f>2?e.text=\"1\"+p+(h>0?\"+\":L)+f:(e.text=at(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),a=t._categories[n]||[],i=void 0===a[1]?\"\":String(a[1]),o=void 0===a[0]?\"\":String(a[0]);r?e.text=o+\" - \"+i:(e.text=i,e.text2=o)}(t,o,r):mt(t)?function(t,e,r,n,a){if(\"radians\"!==t.thetaunit||r)e.text=at(e.x,t,a,n);else{var i=e.x/180;if(0===i)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,a=Math.abs(function t(r,n){return e(n,0)?r:t(n,r%n)}(n,r));return[Math.round(n/a),Math.round(r/a)]}(i);if(o[1]>=100)e.text=at(s.deg2rad(e.x),t,a,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=L+e.text)}}}}(t,o,r,c,g):function(t,e,r,n,a){\"never\"===a?a=\"\":\"all\"===t.showexponent&&Math.abs(e.x/t.dtick)<1e-6&&(a=\"hide\");e.text=at(e.x,t,a,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},F.hoverLabelText=function(t,e,r){if(r!==P&&r!==e)return F.hoverLabelText(t,e)+\" - \"+F.hoverLabelText(t,r);var n=\"log\"===t.type&&e<=0,a=F.tickText(t,t.c2l(n?-e:e),\"hover\").text;return n?0===e?\"0\":L+a:a};var et=[\"f\",\"p\",\"n\",\"\\u03bc\",\"m\",\"\",\"k\",\"M\",\"G\",\"T\"];function rt(t){return\"SI\"===t||\"B\"===t}function nt(t){return t>14||t<-15}function at(t,e,r,n){var i=t<0,o=e._tickround,l=r||e.exponentformat||\"B\",c=e._tickexponent,u=F.getTickFormat(e),h=e.separatethousands;if(n){var f={exponentformat:l,dtick:\"none\"===e.showexponent?e.dtick:a(t)&&Math.abs(t)||1,range:\"none\"===e.showexponent?e.range.map(e.r2d):[0,t||1]};$(f),o=(Number(f._tickround)||0)+4,c=f._tickexponent,e.hoverformat&&(u=e.hoverformat)}if(u)return e._numFormat(u)(t).replace(/-/g,L);var p,d=Math.pow(10,-o)/2;if(\"none\"===l&&(c=0),(t=Math.abs(t))\"+p+\"\":\"B\"===l&&9===c?t+=\"B\":rt(l)&&(t+=et[c/3+5]));return i?L+t:t}function it(t,e){for(var r=[],n={},a=0;a1&&r=a.min&&t=0,i=u(t,e[1])<=0;return(r||a)&&(n||i)}if(t.tickformatstops&&t.tickformatstops.length>0)switch(t.type){case\"date\":case\"linear\":for(e=0;e=o(a)))){r=n;break}break;case\"log\":for(e=0;e0?r.bottom-u: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?u-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?u-r.left:0,h):(n[l]=e._depth=Math.max(r.height>0?r.right-u: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!==f._dfltTitle[d]&&(n[l]+=st(e)+(e.title.standoff||0)),e.mirror&&\"free\"!==e.anchor&&((a={x:0,y:0,r:0,l:0,t:0,b:0})[c]=e.linewidth,e.mirror&&!0!==e.mirror&&(a[c]+=h),!0===e.mirror||\"ticks\"===e.mirror?a[g]=e._anchorAxis.domain[p[1]]:\"all\"!==e.mirror&&\"allticks\"!==e.mirror||(a[g]=[e._counterDomainMin,e._counterDomainMax][p[1]]))}X&&(s=o.getComponentMethod(\"rangeslider\",\"autoMarginOpts\")(t,e)),i.autoMargin(t,ut(e),n),i.autoMargin(t,ht(e),a),i.autoMargin(t,ft(e),s)})),r.skipTitle||X&&\"bottom\"===e.side||W.push((function(){return function(t,e){var r,n=t._fullLayout,a=e._id,i=a.charAt(0),o=e.title.font.size;if(e.title.hasOwnProperty(\"standoff\"))r=e._depth+e.title.standoff+st(e);else{if(\"multicategory\"===e.type)r=e._depth;else{r=10+1.5*o+(e.linewidth?e.linewidth-1:0)}r+=\"x\"===i?\"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 s,l,u,f,p=F.getPxPosition(t,e);\"x\"===i?(l=e._offset+e._length/2,u=\"top\"===e.side?p-r:p+r):(u=e._offset+e._length/2,l=\"right\"===e.side?p+r:p-r,s={rotate:\"-90\",offset:0});if(\"multicategory\"!==e.type){var d=e._selections[e._id+\"tick\"];if(f={selection:d,side:e.side},d&&d.node()&&d.node().parentNode){var g=h.getTranslate(d.node().parentNode);f.offsetLeft=g.x,f.offsetTop=g.y}e.title.hasOwnProperty(\"standoff\")&&(f.pad=0)}return c.draw(t,a+\"title\",{propContainer:e,propName:e._name+\".title.text\",placeholder:n._dfltTitle[i],avoid:f,transform:s,attributes:{x:l,y:u,\"text-anchor\":\"middle\"}})}(t,e)})),s.syncOrAsync(W)}}function J(t){var r=p+(t||\"tick\");return w[r]||(w[r]=function(t,e){var r,n,a,i;t._selections[e].size()?(r=1/0,n=-1/0,a=1/0,i=-1/0,t._selections[e].each((function(){var t=ct(this),e=h.bBox(t.node().parentNode);r=Math.min(r,e.top),n=Math.max(n,e.bottom),a=Math.min(a,e.left),i=Math.max(i,e.right)}))):(r=0,n=0,a=0,i=0);return{top:r,bottom:n,left:a,right:i,height:n-r,width:i-a}}(e,r)),w[r]}},F.getTickSigns=function(t){var e=t._id.charAt(0),r={x:\"top\",y:\"right\"}[e],n=t.side===r?1:-1,a=[-1,1,n,-n];return\"inside\"!==t.ticks==(\"x\"===e)&&(a=a.map((function(t){return-t}))),t.side&&a.push({l:-1,t:-1,r:1,b:1}[t.side.charAt(0)]),a},F.makeTransFn=function(t){var e=t._id.charAt(0),r=t._offset;return\"x\"===e?function(e){return\"translate(\"+(r+t.l2p(e.x))+\",0)\"}:function(e){return\"translate(0,\"+(r+t.l2p(e.x))+\")\"}},F.makeTransPeriodFn=function(t){var e=t._id.charAt(0),r=t._offset;return\"x\"===e?function(e){return\"translate(\"+(r+t.l2p(e.periodX))+\",0)\"}:function(e){return\"translate(0,\"+(r+t.l2p(e.periodX))+\")\"}},F.makeTickPath=function(t,e,r,n){n=void 0!==n?n:t.ticklen;var a=t._id.charAt(0),i=(t.linewidth||1)/2;return\"x\"===a?\"M0,\"+(e+i*r)+\"v\"+n*r:\"M\"+(e+i*r)+\",0h\"+n*r},F.makeLabelFns=function(t,e,r){var n=t._id.charAt(0),i=\"boundaries\"!==t.tickson&&\"outside\"===t.ticks,o=0,l=0;if(i&&(o+=t.ticklen),r&&\"outside\"===t.ticks){var c=s.deg2rad(r);o=t.ticklen*Math.cos(c)+1,l=t.ticklen*Math.sin(c)}t.showticklabels&&(i||t.showline)&&(o+=.2*t.tickfont.size);var u,h,f,p,d={labelStandoff:o+=(t.linewidth||1)/2,labelShift:l};return\"x\"===n?(p=\"bottom\"===t.side?1:-1,u=l*p,h=e+o*p,f=\"bottom\"===t.side?1:-.2,d.xFn=function(t){return t.dx+u},d.yFn=function(t){return t.dy+h+t.fontSize*f},d.anchorFn=function(t,e){return a(e)&&0!==e&&180!==e?e*p<0?\"end\":\"start\":\"middle\"},d.heightFn=function(e,r,n){return r<-60||r>60?-.5*n:\"top\"===t.side?-n:0}):\"y\"===n&&(p=\"right\"===t.side?1:-1,u=o,h=-l*p,f=90===Math.abs(t.tickangle)?.5:0,d.xFn=function(t){return t.dx+e+(u+t.fontSize*f)*p},d.yFn=function(t){return t.dy+h+t.fontSize*z},d.anchorFn=function(e,r){return a(r)&&90===Math.abs(r)?\"middle\":\"right\"===t.side?\"start\":\"end\"},d.heightFn=function(e,r,n){return(r*=\"left\"===t.side?1:-1)<-30?-n:r<30?-.5*n:0}),d},F.drawTicks=function(t,e,r){r=r||{};var n=e._id+\"tick\",a=r.vals;\"period\"===e.ticklabelmode&&(a=a.slice()).shift();var i=r.layer.selectAll(\"path.\"+n).data(e.ticks?a:[],ot);i.exit().remove(),i.enter().append(\"path\").classed(n,1).classed(\"ticks\",1).classed(\"crisp\",!1!==r.crisp).call(u.stroke,e.tickcolor).style(\"stroke-width\",h.crispRound(t,e.tickwidth,1)+\"px\").attr(\"d\",r.path),i.attr(\"transform\",r.transFn)},F.drawGrid=function(t,e,r){r=r||{};var n=e._id+\"grid\",a=r.vals,i=r.counterAxis;if(!1===e.showgrid)a=[];else if(i&&F.shouldShowZeroLine(t,e,i))for(var o=\"array\"===e.tickmode,s=0;s1)for(n=1;n2*o}(t,e)?\"date\":function(t){for(var e=Math.max(1,(t.length-1)/1e3),r=0,n=0,o={},s=0;s2*r}(t)?\"category\":function(t){if(!t)return!1;for(var e=0;e=2){var l,c,u=\"\";if(2===o.length)for(l=0;l<2;l++)if(c=y(o[l])){u=d;break}var h=a(\"pattern\",u);if(h===d)for(l=0;l<2;l++)(c=y(o[l]))&&(e.bounds[l]=o[l]=c-1);if(h)for(l=0;l<2;l++)switch(c=o[l],h){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 f=r.range;if(f[0]f[1])return void(e.enabled=!1)}else if(o[0]>f[0]&&o[1]n?1:-1:+(t.substr(1)||1)-+(e.substr(1)||1)},r.getAxisGroup=function(t,e){for(var r=t._axisMatchGroups,n=0;n0;o&&(a=\"array\");var s,l=r(\"categoryorder\",a);\"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,a,i=e.dataAttr||t._id.charAt(0),o={};if(e.axData)r=e.axData;else for(r=[],n=0;nl*x)||T)for(r=0;rz&&RP&&(P=R);p/=(P-L)/(2*I),L=c.l2r(L),P=c.l2r(P),c.range=c._input.range=S=0?Math.min(t,.9):1/(1/Math.max(t,-.3)+3.222))}function F(t,e,r,n,a){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\",\"translate(\"+r+\", \"+n+\")\").attr(\"d\",a+\"Z\")}function B(t,e,r){return t.append(\"path\").attr(\"class\",\"zoombox-corners\").style({fill:c.background,stroke:c.defaultLine,\"stroke-width\":1,opacity:0}).attr(\"transform\",\"translate(\"+e+\", \"+r+\")\").attr(\"d\",\"M0,0Z\")}function N(t,e,r,n,a,i){t.attr(\"d\",n+\"M\"+r.l+\",\"+r.t+\"v\"+r.h+\"h\"+r.w+\"v-\"+r.h+\"h-\"+r.w+\"Z\"),j(t,e,a,i)}function j(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 U(t){n.select(t).selectAll(\".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners\").remove()}function V(t){L&&t.data&&t._context.showTips&&(s.notifier(s._(t,\"Double-click to zoom back out\"),\"long\"),L=!1)}function q(t){var e=Math.floor(Math.min(t.b-t.t,t.r-t.l,C)/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 H(t,e,r,n){for(var a,i,o,l,c=!1,u={},h={},f=0;f=0)a._fullLayout._deactivateShape(a);else{var i=a._fullLayout.clickmode;if(U(a),2!==t||dt||Ut(),pt)i.indexOf(\"select\")>-1&&M(r,a,X,J,e.id,Et),i.indexOf(\"event\")>-1&&h.click(a,r,e.id);else if(1===t&&dt){var s=g?j:P,c=\"s\"===g||\"w\"===L?0:1,u=s._name+\".range[\"+c+\"]\",f=function(t,e){var r,a=t.range[e],i=Math.abs(a-t.range[1-e]);return\"date\"===t.type?a:\"log\"===t.type?(r=Math.ceil(Math.max(0,-Math.log(i)/Math.LN10))+3,n.format(\".\"+r+\"g\")(Math.pow(10,a))):(r=Math.floor(Math.log(Math.abs(a))/Math.LN10)-Math.floor(Math.log(i)/Math.LN10)+4,n.format(\".\"+String(r)+\"g\")(a))}(s,c),p=\"left\",d=\"middle\";if(s.fixedrange)return;g?(d=\"n\"===g?\"top\":\"bottom\",\"right\"===s.side&&(p=\"right\")):\"e\"===L&&(p=\"right\"),a._context.showAxisRangeEntryBoxes&&n.select(vt).call(l.makeEditable,{gd:a,immediate:!0,background:a._fullLayout.paper_bgcolor,text:String(f),fill:s.tickfont?s.tickfont.color:\"#444\",horizontalAlign:p,verticalAlign:d}).on(\"edit\",(function(t){var e=s.d2r(t);void 0!==e&&o.call(\"_guiRelayout\",a,u,e)}))}}}function Pt(e,r){if(t._transitioningWithDuration)return!1;var n=Math.max(0,Math.min($,e+yt)),a=Math.max(0,Math.min(tt,r+xt)),i=Math.abs(n-yt),o=Math.abs(a-xt);function s(){kt=\"\",bt.r=bt.l,bt.t=bt.b,At.attr(\"d\",\"M0,0Z\")}if(bt.l=Math.min(yt,n),bt.r=Math.max(yt,n),bt.t=Math.min(xt,a),bt.b=Math.max(xt,a),et.isSubplotConstrained)i>C||o>C?(kt=\"xy\",i/$>o/tt?(o=i*tt/$,xt>a?bt.t=xt-o:bt.b=xt+o):(i=o*$/tt,yt>n?bt.l=yt-i:bt.r=yt+i),At.attr(\"d\",q(bt))):s();else if(rt.isSubplotConstrained)if(i>C||o>C){kt=\"xy\";var l=Math.min(bt.l/$,(tt-bt.b)/tt),c=Math.max(bt.r/$,(tt-bt.t)/tt);bt.l=l*$,bt.r=c*$,bt.b=(1-l)*tt,bt.t=(1-c)*tt,At.attr(\"d\",q(bt))}else s();else!at||og[1]-1/4096&&(e.domain=s),a.noneOrAll(t.domain,e.domain,s)}return r(\"layer\"),e}},{\"../../lib\":749,\"fast-isnumeric\":241}],815:[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 a=[t.r2l(t.range[0]),t.r2l(t.range[1])],i=a[0]+(a[1]-a[0])*r;t.range=t._input.range=[t.l2r(i+(a[0]-i)*e),t.l2r(i+(a[1]-i)*e)]}},{\"../../constants/alignment\":717}],816:[function(t,e,r){\"use strict\";var n=t(\"polybooljs\"),a=t(\"../../registry\"),i=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,h=c.rectMode,f=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,P=C.axValue,I=C.getTransform;function z(t,e,r,n,a,i,o){var s,l,c,u,h,f,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,i);var _=function(t,e){var r,n,a=t[0],i=-1,o=[];for(n=0;n0?function(t,e){var r,n,a,i=[];for(a=0;a0&&i.push(r);if(1===i.length&&i[0]===e.searchInfo&&(n=e.searchInfo.cd[0].trace).selectedpoints.length===e.pointNumbers.length){for(a=0;a1)return!1;if((a+=r.selectedpoints.length)>1)return!1}return 1===a}(s)&&(f=j(_))){for(o&&o.remove(),v=0;v=0&&n._fullLayout._deactivateShape(n),f(e)){var i=n._fullLayout._zoomlayer.selectAll(\".select-outline-\"+r.id);if(i&&n._fullLayout._drawing){var o=v(i,t);o&&a.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 a,i,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(a)>-1}function U(t,e,r){var n,i,o,s;for(n=0;n=0)W._fullLayout._deactivateShape(W);else if(!j){var r=Z.clickmode;b.done(ft).then((function(){if(b.clear(ft),2===t){for(lt.remove(),w=0;w-1&&z(e,W,a.xaxes,a.yaxes,a.subplot,a,lt),\"event\"===r&&W.emit(\"plotly_selected\",void 0);s.click(W,e)})).catch(y.error)}},a.doneFn=function(){ht.remove(),b.done(ft).then((function(){b.clear(ft),a.gd.emit(\"plotly_selected\",E),_&&a.selectionDefs&&(_.subtract=st,a.selectionDefs.push(_),a.mergedPolygons.length=0,[].push.apply(a.mergedPolygons,x)),a.doneFnCompleted&&a.doneFnCompleted(pt)})).catch(y.error),j&&B(a)}},clearSelect:E,clearSelectionsCache:B,selectOnClick:z}},{\"../../components/color\":615,\"../../components/dragelement/helpers\":633,\"../../components/drawing\":637,\"../../components/fx\":655,\"../../components/fx/helpers\":651,\"../../components/shapes/draw_newshape/display_outlines\":700,\"../../components/shapes/draw_newshape/helpers\":701,\"../../components/shapes/draw_newshape/newshapes\":702,\"../../lib\":749,\"../../lib/clear_gl_canvases\":733,\"../../lib/polygon\":761,\"../../lib/throttle\":774,\"../../plot_api/subroutines\":788,\"../../registry\":880,\"./axis_ids\":800,\"./constants\":803,\"./handle_outline\":807,\"./helpers\":808,polybooljs:491}],817:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"d3-time-format\").utcFormat,i=t(\"fast-isnumeric\"),o=t(\"../../lib\"),s=o.cleanNumber,l=o.ms2DateTime,c=o.dateTime2ms,u=o.ensureNumber,h=o.isArrayOrTypedArray,f=t(\"../../constants/numerical\"),p=f.FP_SAFE,d=f.BADNUM,g=f.LOG_CLIP,m=f.ONEWEEK,v=f.ONEDAY,y=f.ONEHOUR,x=f.ONEMIN,b=f.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\",f=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],a=t.range[1];return.5*(n+a-2*g*Math.abs(n-a))}return d}function E(e,r,n,a){if((a||{}).msUTC&&i(e))return+e;var s=c(e,n||t.calendar);if(s===d){if(!i(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 P(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 I(e){if(t._categoriesMap)return t._categoriesMap[e]}function z(t){var e=I(t);return void 0!==e?e:i(t)?+t:void 0}function O(t,e,r){return n.round(r+e*t,2)}function D(t,e,r){return(t-r)/e}var R=function(e){return i(e)?O(e,t._m,t._b):d},F=function(e){return D(e,t._m,t._b)};if(t.rangebreaks){var B=\"y\"===f;R=function(e){if(!i(e))return d;var r=t._rangebreaks.length;if(!r)return O(e,t._m,t._b);var n=B;t.range[0]>t.range[1]&&(n=!n);for(var a=n?-1:1,o=a*e,s=0,l=0;lu)){s=o<(c+u)/2?l:l+1;break}s=l+1}var h=t._B[s]||0;return isFinite(h)?O(e,t._m2,h):0},F=function(e){var r=t._rangebreaks.length;if(!r)return D(e,t._m,t._b);for(var n=0,a=0;at._rangebreaks[a].pmax&&(n=a+1);return D(e,t._m2,t._B[n])}}t.c2l=\"log\"===t.type?S:u,t.l2c=\"log\"===t.type?M:u,t.l2p=R,t.p2l=F,t.c2p=\"log\"===t.type?function(t,e){return R(S(t,e))}:R,t.p2c=\"log\"===t.type?function(t){return M(F(t))}:F,-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=F,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(F(t))},t.r2p=function(e){return t.l2p(s(e))},t.p2r=F,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(F(t),e,r)},t.cleanPos=function(e){return o.cleanDate(e,d,t.calendar)}):\"category\"===t.type?(t.d2c=t.d2l=P,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.l2r=t.c2r=u,t.r2l=z,t.d2p=function(e){return t.l2p(t.r2c(e))},t.p2d=function(t){return L(F(t))},t.r2p=t.d2p,t.p2r=F,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=I,t.l2r=t.c2r=u,t.r2l=z,t.d2p=function(e){return t.l2p(t.r2c(e))},t.p2d=function(t){return L(F(t))},t.r2p=t.d2p,t.p2r=F,t.cleanPos=function(t){return Array.isArray(t)||\"string\"==typeof t&&\"\"!==t?t:u(t)},t.setupMultiCategory=function(n){var a,i,s=t._traceIndices,l=e._axisMatchGroups;if(l&&l.length&&0===t._categories.length)for(a=0;ap&&(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(a)},t.setScale=function(r){var n=e._size;if(t.overlaying){var a=_.getFromId({_fullLayout:e},t.overlaying);t.domain=a.domain}var i=r&&t._r?\"_r\":\"range\",o=t.calendar;t.cleanRange(i);var s,l,c=t.r2l(t[i][0],o),u=t.r2l(t[i][1],o),h=\"y\"===f;if((h?(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*(h?u:c)),s=0;sa&&(a+=7,ia&&(a+=24,i=n&&i=n&&e=s.min&&(ts.max&&(s.max=n),a=!1)}a&&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,a=n.xaxis,l=n.yaxis,c=a._length,u=l._length,h=!!e.xr1,f=!!e.yr1,p=[];if(h){var d=i.simpleMap(e.xr0,a.r2l),g=i.simpleMap(e.xr1,a.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),a.range[0]=a.l2r(d[0]*(1-r)+r*g[0]),a.range[1]=a.l2r(d[1]*(1-r)+r*g[1])}else p[0]=0,p[2]=c;if(f){var y=i.simpleMap(e.yr0,l.r2l),x=i.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]=a.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,a,{skipTitle:!0}),s.drawOne(t,l,{skipTitle:!0}),s.redrawComponents(t,[a._id,l._id]);var w=h?c/p[2]:1,T=f?u/p[3]:1,k=h?p[0]:0,M=f?p[1]:0,A=h?p[0]/p[2]*c:0,S=f?p[1]/p[3]*u:0,E=a._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\":637,\"../../lib\":749,\"../../registry\":880,\"./axes\":797,d3:169}],822:[function(t,e,r){\"use strict\";var n=t(\"../../registry\").traceIs,a=t(\"./axis_autotype\");function i(t){return{v:\"x\",h:\"y\"}[t.orientation||\"v\"]}function o(t,e){var r=i(t),a=n(t,\"box-violin\"),o=n(t._fullInput||{},\"candlestick\");return a&&!o&&e===r&&void 0===t[r]&&void 0===t[r+\"0\"]}e.exports=function(t,e,r,s){\"-\"===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&&(a[\"_\"+r+\"axes\"]||{})[e])return a;if((a[r+\"axis\"]||r)===e){if(o(a,r))return a;if((a[r]||[]).length||a[r+\"0\"])return a}}}(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\",h=c[u],f={noMultiCategory:!n(c,\"cartesian\")||n(c,\"noMultiCategory\")};\"box\"===c.type&&c._hasPreCompStats&&l==={h:\"x\",v:\"y\"}[c.orientation||\"v\"]&&(f.noMultiCategory=!0);if(o(c,l)){var p=i(c),d=[];for(r=0;r0?\".\":\"\")+i;a.isPlainObject(o)?l(o,e,s,n+1):e(s,i,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){i(t,c,s.cache),s.check=function(){if(l){var e=i(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\"],h=0;h0&&a<0&&(a+=360);var s=(a-n)/4;return{type:\"Polygon\",coordinates:[[[n,i],[n,o],[n+s,o],[n+2*s,o],[n+3*s,o],[a,o],[a,i],[a-s,i],[a-2*s,i],[a-3*s,i],[n,i]]]}}e.exports=function(t){return new _(t)},w.plot=function(t,e,r){var n=this,a=e[this.id],i=[],o=!1;for(var s in v.layerNameToAdjective)if(\"frame\"!==s&&a[\"show\"+s]){o=!0;break}for(var l=0;l0&&i._module.calcGeoJSON(a,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),c.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()}},w.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[v.projNames[e]](),a=t._isClipped?v.lonaxisSpan[e]/2:null,i=[\"center\",\"rotate\",\"parallels\",\"clipExtent\"],o=function(t){return t?r:[]},s=0;sa*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],a=t[1][1]-t[0][1],i=r.clipExtent&&r.clipExtent();r.scale(150).translate([0,0]),i&&r.clipExtent(null);var o=r.getBounds(e),s=Math.min(n/(o[1][0]-o[0][0]),a/(o[1][1]-o[0][1])),l=+t[0][0]+(n-s*(o[1][0]+o[0][0]))/2,c=+t[0][1]+(a-s*(o[1][1]+o[0][1]))/2;return i&&r.clipExtent(i),r.scale(150*s).translate([l,c])},r.precision(v.precision),a&&r.clipAngle(a-v.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])]],y=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,k=(d.range[0]+d.range[1])/2;if(o._isScoped)y={lon:w,lat:k};else if(o._isClipped){y={lon:w,lat:k},x={lon:w,lat:k,roll:x.roll};var M=c.type,A=v.lonaxisSpan[M]/2||180,S=v.lataxisSpan[M]/2||90;b=[w-A,w+A],_=[k-S,k+S]}else y={lon:w,lat:k},x={lon:w,lat:x.lat,roll:x.roll}}g.center([y.lon-x.lon,y.lat-x.lat]).rotate([-x.lon,-x.lat,x.roll]).parallels(c.parallels);var E=T(b,_);g.fitExtent(m,E);var C=this.bounds=g.getBounds(E),L=this.fitScale=g.scale(),P=g.translate();if(!isFinite(C[0][0])||!isFinite(C[0][1])||!isFinite(C[1][0])||!isFinite(C[1][1])||isNaN(P[0])||isNaN(P[0])){for(var I=[\"fitbounds\",\"projection.rotation\",\"center\",\"lonaxis.range\",\"lataxis.range\"],z=\"Invalid geo settings, relayout'ing to default view.\",O={},D=0;D-1&&g(n.event,i,[r.xaxis],[r.yaxis],r.id,h),c.indexOf(\"event\")>-1&&l.click(i,n.event))}))}function v(t){return r.projection.invert([t[0]+r.xaxis._offset,t[1]+r.yaxis._offset])}},w.makeFramework=function(){var t=this,e=t.graphDiv,r=e._fullLayout,a=\"clip\"+r._uid+t.id;t.clipDef=r._clips.append(\"clipPath\").attr(\"id\",a),t.clipRect=t.clipDef.append(\"rect\"),t.framework=n.select(t.container).append(\"g\").attr(\"class\",\"geo \"+t.id).call(s.setClipUrl,a,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\"},u.setConvert(t.mockAxis,r)},w.saveViewInitial=function(t){var e,r=t.center||{},n=t.projection,a=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\":a.lon,\"projection.rotation.lat\":a.lat}:{\"center.lon\":r.lon,\"center.lat\":r.lat,\"projection.rotation.lon\":a.lon},i.extendFlat(this.viewInitial,e)},w.render=function(){var t,e=this.projection,r=e.getPath();function n(t){var r=e(t.lonlat);return r?\"translate(\"+r[0]+\",\"+r[1]+\")\":null}function a(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\",a).attr(\"transform\",n)}},{\"../../components/color\":615,\"../../components/dragelement\":634,\"../../components/drawing\":637,\"../../components/fx\":655,\"../../lib\":749,\"../../lib/geo_location_utils\":742,\"../../lib/topojson_utils\":776,\"../../registry\":880,\"../cartesian/autorange\":796,\"../cartesian/axes\":797,\"../cartesian/select\":816,\"../plots\":860,\"./constants\":827,\"./projections\":832,\"./zoom\":833,d3:169,\"topojson-client\":551}],829:[function(t,e,r){\"use strict\";var n=t(\"../../plots/get_data\").getSubplotCalcData,a=t(\"../../lib\").counterRegex,i=t(\"./geo\"),o=\"geo\",s=a(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,a=e._subplots.geo,s=0;s0&&L<0&&(L+=360);var P,I,z,O=(C+L)/2;if(!p){var D=d?h.projRotate:[O,0,0];P=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?(I=-96.6,z=38.7):(I=d?O:P,z=(E[0]+E[1])/2),r(\"center.lon\",I),r(\"center.lat\",z),g)&&r(\"projection.parallels\",h.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){a(t,e,r,{type:\"geo\",attributes:s,handleDefaults:c,fullData:r,partition:\"y\"})}},{\"../../lib\":749,\"../get_data\":834,\"../subplot_defaults\":874,\"./constants\":827,\"./layout_attributes\":830}],832:[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 a=c[e.type];return t.geo.stream(e,n(a)),a.result()}t.geo.project=function(t,e){var a=e.stream;if(!a)throw new Error(\"not yet supported\");return(t&&n.hasOwnProperty(t.type)?n[t.type]:r)(t,a)};var n={Feature:e,FeatureCollection:function(t,r){return{type:\"FeatureCollection\",features:t.features.map((function(t){return e(t,r)}))}}},a=[],i=[],o={point:function(t,e){a.push([t,e])},result:function(){var t=a.length?a.length<2?{type:\"Point\",coordinates:a[0]}:{type:\"MultiPoint\",coordinates:a}:null;return a=[],t}},s={lineStart:u,point:function(t,e){a.push([t,e])},lineEnd:function(){a.length&&(i.push(a),a=[])},result:function(){var t=i.length?i.length<2?{type:\"LineString\",coordinates:i[0]}:{type:\"MultiLineString\",coordinates:i}:null;return i=[],t}},l={polygonStart:u,lineStart:u,point:function(t,e){a.push([t,e])},lineEnd:function(){var t=a.length;if(t){do{a.push(a[0].slice())}while(++t<4);i.push(a),a=[]}},polygonEnd:u,result:function(){if(!i.length)return null;var t=[],e=[];return i.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<(f-c)*(n-u)/(p-u)+c&&(a=!a)}return a}(t[0],r))return t.push(e),!0}))||t.push([e])})),i=[],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 h=1e-6,f=Math.PI,p=f/2,d=(Math.sqrt(f),f/180),g=180/f;function m(t){return t>1?p:t<-1?-p:Math.asin(t)}function v(t){return t>1?0:t<-1?f: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,a=1/0;n<10&&Math.abs(a)>h;n++){var i=Math.cos(e);e-=a=(e+Math.sin(e)*(i+2)-r)/(2*i*(1+i))}return[2/Math.sqrt(f*(4+f))*t*(1+Math.cos(e)),2*Math.sqrt(f/(4+f))*Math.sin(e)]}t.geo.interrupt=function(e){var r,n=[[[[-f,0],[0,p],[f,0]]],[[[-f,0],[0,-p],[f,0]]]];function a(t,r){for(var a=r<0?-1:1,i=n[+(r<0)],o=0,s=i.length-1;oi[o][2][0];++o);var l=e(t-i[o][1][0],r);return l[0]+=e(i[o][1][0],a*r>a*i[o][0][1]?i[o][0][1]:r)[0],l}function i(){r=n.map((function(t){return t.map((function(t){var r,n=e(t[0][0],t[0][1])[0],a=e(t[2][0],t[2][1])[0],i=e(t[1][0],t[0][1])[1],o=e(t[1][0],t[1][1])[1];return i>o&&(r=i,i=o,o=r),[[n,i],[a,o]]}))}))}e.invert&&(a.invert=function(t,i){for(var o=r[+(i<0)],s=n[+(i<0)],l=0,u=o.length;l=0;--a){var p;o=180*(p=n[1][a])[0][0]/f,s=180*p[0][1]/f,c=180*p[1][1]/f,u=180*p[2][0]/f,h=180*p[2][1]/f;r.push(l([[u-e,h-e],[u-e,c+e],[o+e,c+e],[o+e,s-e]],30))}return{type:\"Polygon\",coordinates:[t.merge(r)]}}(),i)},a},o.lobes=function(t){return arguments.length?(n=t.map((function(t){return t.map((function(t){return[[t[0][0]*f/180,t[0][1]*f/180],[t[1][0]*f/180,t[1][1]*f/180],[t[2][0]*f/180,t[2][1]*f/180]]}))})),i(),o):n.map((function(t){return t.map((function(t){return[[180*t[0][0]/f,180*t[0][1]/f],[180*t[1][0]/f,180*t[1][1]/f],[180*t[2][0]/f,180*t[2][1]/f]]}))}))},o},b.invert=function(t,e){var r=.5*e*Math.sqrt((4+f)/f),n=m(r),a=Math.cos(n);return[t/(2/Math.sqrt(f*(4+f))*(1+a)),m((n+r*(a+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 a=_(r/e,n);return a[0]*=t,a}return r.invert=function(r,n){var a=_.invert(r/t,n);return a[0]*=e,a},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*f)*Math.sqrt(f*f/3-e*e),e]}function M(t,e){return[t,1.25*Math.log(Math.tan(f/4+.4*e))]}function A(t){return function(e){var r,n=t*Math.sin(e),a=30;do{e-=r=(e+Math.sin(e)-n)/(1+Math.cos(e))}while(Math.abs(r)>h&&--a>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*f*t/Math.sqrt(f*f/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*f]},(t.geo.miller=function(){return y(M)}).raw=M,A(f);var S=function(t,e,r){var n=A(r);function a(r,a){return[t*r*Math.cos(a=n(a)),e*Math.sin(a)]}return a.invert=function(n,a){var i=m(a/e);return[n/(t*Math.cos(i)),m((2*i+Math.sin(2*i))/r)]},a}(Math.SQRT2/p,Math.SQRT2,f);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,a=25;do{var i=n*n,o=i*i;n-=r=(n*(1.007226+i*(.015085+o*(.028874*i-.044475-.005916*o)))-e)/(1.007226+i*(.045255+o*(.259866*i-.311325-.005916*11*o)))}while(Math.abs(r)>h&&--a>0);return[t/(.8707+(i=n*n)*(i*(i*i*i*(.003971-.001529*i)-.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)/f),a=Math.floor(n),i=n-a,o=(r=C[a])[0],s=r[1],l=(r=C[++a])[0],c=r[1],u=(r=C[Math.min(19,++a)])[0],h=r[1];return[t*(l+i*(u-o)/2+i*i*(u-2*l+o)/2),(e>0?p:-p)*(c+i*(h-s)/2+i*i*(h-2*c+s)/2)]}function P(t,e){return[t*Math.cos(e),e]}function I(t,e){var r,n=Math.cos(e),a=(r=v(n*Math.cos(t/=2)))?r/Math.sin(r):1;return[2*n*Math.sin(t)*a,Math.sin(e)*a]}function z(t,e){var r=I(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,a=Math.min(18,Math.abs(n/5)),i=Math.max(0,Math.floor(a));do{var o=C[i][1],s=C[i+1][1],l=C[Math.min(19,i+2)][1],c=l-o,u=l-2*s+o,h=2*(Math.abs(r)-s)/c,f=u/c,m=h*(1-f*h*(1-2*f*h));if(m>=0||1===i){n=(e>=0?5:-5)*(m+a);var v,y=50;do{m=(a=Math.min(18,Math.abs(n)/5))-(i=Math.floor(a)),o=C[i][1],s=C[i+1][1],l=C[Math.min(19,i+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(--i>=0);var x=C[i][0],b=C[i+1][0],_=C[Math.min(19,i+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,P.invert=function(t,e){return[t/Math.cos(e),e]},(t.geo.sinusoidal=function(){return y(P)}).raw=P,I.invert=function(t,e){if(!(t*t+4*e*e>f*f+h)){var r=t,n=e,a=25;do{var i,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(i=1/y):i=0,b=2*x*u*s-t,_=x*c-e,w=i*(g*m+x*u*l*d),T=i*(.5*o*p-2*x*c*s),k=.25*i*(p*s-x*c*g*o),M=i*(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)>h||Math.abs(E)>h)&&--a>0);return[r,n]}},(t.geo.aitoff=function(){return y(I)}).raw=I,z.invert=function(t,e){var r=t,n=e,a=25;do{var i,o=Math.cos(n),s=Math.sin(n),l=Math.sin(2*n),c=s*s,u=o*o,f=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(i=1/y):i=0,b=.5*(2*x*o*g+r/p)-t,_=.5*(x*s+n)-e,w=.5*i*(u*m+x*o*d*c)+.5/p,T=i*(f*l/4-x*s*g),k=.125*i*(l*g-x*s*u*f),M=.5*i*(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)>h||Math.abs(E)>h)&&--a>0);return[r,n]},(t.geo.winkel3=function(){return y(z)}).raw=z}},{}],833:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\"),i=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 h(t,e,r){var n=t.id,o=t.graphDiv,s=o.layout,l=s[n],c=o._fullLayout,u=c[n],h={},f={};function p(t,e){h[n+\".\"+t]=a.nestedProperty(l,t).get(),i.call(\"_storeDirectGUIEdit\",s,c._preGUI,h);var r=a.nestedProperty(u,t);r.get()!==e&&(r.set(e),a.nestedProperty(l,t).set(e),f[n+\".\"+t]=e)}r(p),p(\"projection.scale\",e.scale()/t.fitScale),p(\"fitbounds\",!1),o.emit(\"plotly_relayout\",f)}function f(t,e){var r=u(0,e);function a(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),h(t,e,a)})),r}function p(t,e){var r,a,i,o,s,f,p,d,g,m=u(0,e);function v(t){return e.invert(t)}function y(r){var n=e.rotate(),a=e.invert(t.midPt);r(\"projection.rotation.lon\",-n[0]),r(\"center.lon\",a[0]),r(\"center.lat\",a[1])}return m.on(\"zoomstart\",(function(){n.select(this).style(l),r=n.mouse(this),a=e.rotate(),i=e.translate(),o=a,s=v(r)})).on(\"zoom\",(function(){if(f=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([i[0],n.event.translate[1]]),s?v(f)&&(d=v(f),p=[o[0]+(d[0]-s[0]),a[1],a[2]],e.rotate(p),o=p):s=v(r=f),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&&h(t,e,y)})),m}function d(t,e){var r,a={r:e.rotate(),k:e.scale()},i=u(0,e),o=function(t){var e=0,r=arguments.length,a=[];for(;++ed?(i=(h>0?90:-90)-p,a=0):(i=Math.asin(h/d)*s-p,a=Math.sqrt(d*d-h*h));var g=180-i-2*p,m=(Math.atan2(f,u)-Math.atan2(c,a))*s,v=(Math.atan2(f,u)-Math.atan2(c,-a))*s;return b(r[0],r[1],i,m)<=b(r[0],r[1],g,v)?[i,m,r[2]]:[g,v,r[2]]}function b(t,e,r,n){var a=_(r-t),i=_(n-e);return Math.sqrt(a*a+i*i)}function _(t){return(t%360+540)%360-180}function w(t,e,r){var n=r*o,a=t.slice(),i=0===e?1:0,s=2===e?1:2,l=Math.cos(n),c=Math.sin(n);return a[i]=t[i]*l-t[s]*c,a[s]=t[s]*l+t[i]*c,a}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,a=t.length;nMath.abs(s)?(c.boxEnd[1]=c.boxStart[1]+Math.abs(i)*_*(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)/_*(i>=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?(i=c.boxStart[0]!==c.boxEnd[0],s=c.boxStart[1]!==c.boxEnd[1],i||s?(i&&(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]=a),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 a=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(!a)return n.validate(t[e],l[e])?t[e]:void 0},paper_bgcolor:e.paper_bgcolor,calendar:e.calendar})}},{\"../../../components/color\":615,\"../../../lib\":749,\"../../../registry\":880,\"../../get_data\":834,\"../../subplot_defaults\":874,\"./axis_defaults\":842,\"./layout_attributes\":845}],845:[function(t,e,r){\"use strict\";var n=t(\"./axis_attributes\"),a=t(\"../../domain\").attributes,i=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:i(s(0,0,1),{}),center:i(s(0,0,0),{}),eye:i(s(1.25,1.25,1.25),{}),projection:{type:{valType:\"enumerated\",values:[\"perspective\",\"orthographic\"],dflt:\"perspective\",editType:\"calc\"},editType:\"calc\"},editType:\"camera\"},domain:a({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\":749,\"../../../lib/extend\":739,\"../../domain\":824,\"./axis_attributes\":841}],846:[function(t,e,r){\"use strict\";var n=t(\"../../../lib/str2rgbarray\"),a=[\"xaxis\",\"yaxis\",\"zaxis\"];function i(){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]}i.prototype.merge=function(t){for(var e=0;e<3;++e){var r=t[a[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 i;return e.merge(t),e}},{\"../../../lib/str2rgbarray\":772}],847:[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[i[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 h=u.tickmode;if(\"auto\"===u.tickmode){u.tickmode=\"linear\";var f=u.nticks||a.constrain(u._length/40,4,9);n.autoTicks(u,Math.abs(u.range[1]-u.range[0])/f)}for(var p=n.calcTicks(u,{msUTC:!0}),d=0;d/g,\" \"));l[c]=p,u.tickmode=h}}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],a=new Array(n.length),i=0;ir.deltaY?1.1:1/1.1,i=t.glplot.getAspectratio();t.glplot.setAspectratio({x:n*i.x,y:n*i.y,z:n*i.z})}a(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,a=e.container.getBoundingClientRect(),i=a.width,o=a.height;n.setAttributeNS(null,\"viewBox\",\"0 0 \"+i+\" \"+o),n.setAttributeNS(null,\"width\",i),n.setAttributeNS(null,\"height\",o),x(e),e.glplot.axes.update(e.axesOptions);for(var s,l=Object.keys(e.traces),c=null,u=e.glplot.selection,d=0;d\")):\"isosurface\"===t.type||\"volume\"===t.type?(w.valueLabel=f.tickText(e._mockAxis,e._mockAxis.d2l(u.traceCoordinate[3]),\"hover\").text,A.push(\"value: \"+w.valueLabel),u.textLabel&&A.push(u.textLabel),y=A.join(\"
\")):y=u.textLabel;var S={x:u.traceCoordinate[0],y:u.traceCoordinate[1],z:u.traceCoordinate[2],data:b._input,fullData:b,curveNumber:b.index,pointNumber:_};p.appendArrayPointValue(S,b,_),t._module.eventData&&(S=b._module.eventData(S,u,b,{},_));var E={points:[S]};e.fullSceneLayout.hovermode&&p.loneHover({trace:b,x:(.5+.5*v[0]/v[3])*i,y:(.5-.5*v[1]/v[3])*o,xLabel:w.xLabel,yLabel:w.yLabel,zLabel:w.zLabel,text:y,name:c.name,color:p.castHoverOption(b,_,\"bgcolor\")||c.color,borderColor:p.castHoverOption(b,_,\"bordercolor\"),fontFamily:p.castHoverOption(b,_,\"font.family\"),fontSize:p.castHoverOption(b,_,\"font.size\"),fontColor:p.castHoverOption(b,_,\"font.color\"),nameLength:p.castHoverOption(b,_,\"namelength\"),textAlign:p.castHoverOption(b,_,\"align\"),hovertemplate:h.castOption(b,_,\"hovertemplate\"),hovertemplateLabels:h.extendFlat({},S,w),eventData:[S]},{container:n,gd:r}),u.buttons&&u.distance<5?r.emit(\"plotly_click\",E):r.emit(\"plotly_hover\",E),s=E}else p.loneUnhover(n),r.emit(\"plotly_unhover\",s);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):h.error(\"Catastrophic and unrecoverable WebGL error. Context lost.\")};requestAnimationFrame(e)};var T=[\"xaxis\",\"yaxis\",\"zaxis\"];function k(t,e,r){for(var n=t.fullSceneLayout,a=0;a<3;a++){var i=T[a],o=i.charAt(0),s=n[i],l=e[o],c=e[o+\"calendar\"],u=e[\"_\"+o+\"length\"];if(h.isArrayOrTypedArray(l))for(var f,p=0;p<(u||l.length);p++)if(h.isArrayOrTypedArray(l[p]))for(var d=0;dm[1][i])m[0][i]=-1,m[1][i]=1;else{var C=m[1][i]-m[0][i];m[0][i]-=C/32,m[1][i]+=C/32}if(\"reversed\"===s.autorange){var L=m[0][i];m[0][i]=m[1][i],m[1][i]=L}}else{var P=s.range;m[0][i]=s.r2l(P[0]),m[1][i]=s.r2l(P[1])}m[0][i]===m[1][i]&&(m[0][i]-=1,m[1][i]+=1),v[i]=m[1][i]-m[0][i],this.glplot.setBounds(i,{min:m[0][i]*f[i],max:m[1][i]*f[i]})}var I=c.aspectmode;if(\"cube\"===I)g=[1,1,1];else if(\"manual\"===I){var z=c.aspectratio;g=[z.x,z.y,z.z]}else{if(\"auto\"!==I&&\"data\"!==I)throw new Error(\"scene.js aspectRatio was not one of the enumerated types\");var O=[1,1,1];for(i=0;i<3;++i){var D=y[l=(s=c[T[i]]).type];O[i]=Math.pow(D.acc,1/D.count)/f[i]}g=\"data\"===I||Math.max.apply(null,O)/Math.min.apply(null,O)<=4?O:[1,1,1]}c.aspectratio.x=u.aspectratio.x=g[0],c.aspectratio.y=u.aspectratio.y=g[1],c.aspectratio.z=u.aspectratio.z=g[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=h.nestedProperty(t,this.id+\".camera\").get();function n(t,e,r,n){var a=[\"up\",\"center\",\"eye\"],i=[\"x\",\"y\",\"z\"];return e[a[r]]&&t[a[r]][i[n]]===e[a[r]][i[n]]}var a=!1;if(void 0===r)a=!0;else{for(var i=0;i<3;i++)for(var o=0;o<3;o++)if(!n(e,r,i,o)){a=!0;break}(!r.projection||e.projection&&e.projection.type!==r.projection.type)&&(a=!0)}return a},w.isAspectChanged=function(t){var e=this.glplot.getAspectratio(),r=h.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,a,i,o,s=this.fullLayout,l=this.isCameraChanged(t),c=this.isAspectChanged(t),f=l||c;if(f){var p={};if(l&&(e=this.getCamera(),n=(r=h.nestedProperty(t,this.id+\".camera\")).get(),p[this.id+\".camera\"]=n),c&&(a=this.glplot.getAspectratio(),o=(i=h.nestedProperty(t,this.id+\".aspectratio\")).get(),p[this.id+\".aspectratio\"]=o),u.call(\"_storeDirectGUIEdit\",t,s._preGUI,p),l)r.set(e),h.nestedProperty(s,this.id+\".camera\").set(e);if(c)i.set(a),h.nestedProperty(s,this.id+\".aspectratio\").set(a),this.glplot.redraw()}return f},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,a=n._fullLayout,i=this.fullSceneLayout.camera,o=i.up.x,s=i.up.y,l=i.up.z;if(l/Math.sqrt(o*o+s*s+l*l)<.999){var c=this.id+\".camera.up\",f={x:0,y:0,z:1},p={};p[c]=f;var d=n.layout;u.call(\"_storeDirectGUIEdit\",d,a._preGUI,p),i.up=f,h.nestedProperty(d,c).set(f)}}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,a=e.drawingBufferHeight;e.bindFramebuffer(e.FRAMEBUFFER,null);var i=new Uint8Array(r*a*4);e.readPixels(0,0,r,a,e.RGBA,e.UNSIGNED_BYTE,i),function(t,e,r){for(var n=0,a=r-1;n0)for(var s=255/o,l=0;l<3;++l)t[i+l]=Math.min(s*t[i+l],255)}}(i,r,a);var o=document.createElement(\"canvas\");o.width=r,o.height=a;var s,l=o.getContext(\"2d\"),c=l.createImageData(r,a);switch(c.data.set(i),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[T[t]];f.setConvert(e,this.fullLayout),e.setScale=h.noop}},w.make4thDimension=function(){var t=this.graphDiv._fullLayout;this._mockAxis={type:\"linear\",showexponent:\"all\",exponentformat:\"B\"},f.setConvert(this._mockAxis,t)},e.exports=_},{\"../../components/fx\":655,\"../../lib\":749,\"../../lib/show_no_webgl_msg\":770,\"../../lib/str2rgbarray\":772,\"../../plots/cartesian/axes\":797,\"../../registry\":880,\"./layout/convert\":843,\"./layout/spikes\":846,\"./layout/tick_marks\":847,\"./project\":848,\"gl-plot3d\":301,\"has-passive-events\":415,\"is-mobile\":441,\"webgl-context\":578}],850:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,n){n=n||t.length;for(var a=new Array(n),i=0;i\\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}]}},a=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:a,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:\",a.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\\')'}}},{}],853:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");e.exports=function(t,e){var r=t.split(\" \"),a=r[0],i=r[1],o=n.isArrayOrTypedArray(e)?n.mean(e):e,s=.5+o/100,l=1.5+o/100,c=[\"\",\"\"],u=[0,0];switch(a){case\"top\":c[0]=\"top\",u[1]=-l;break;case\"bottom\":c[0]=\"bottom\",u[1]=l}switch(i){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\":749}],854:[function(t,e,r){\"use strict\";var n=t(\"mapbox-gl\"),a=t(\"../../lib\"),i=t(\"../../plots/get_data\").getSubplotCalcData,o=t(\"../../constants/xmlns_namespaces\"),s=t(\"d3\"),l=t(\"../../components/drawing\"),c=t(\"../../lib/svg_text_utils\"),u=t(\"./mapbox\"),h=r.constants=t(\"./constants\");function f(t){return\"string\"==typeof t&&(-1!==h.styleValuesMapbox.indexOf(t)||0===t.indexOf(\"mapbox://\"))}r.name=\"mapbox\",r.attr=\"subplot\",r.idRoot=\"mapbox\",r.idRegex=r.attrRegex=a.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,o=e._subplots.mapbox;if(n.version!==h.requiredVersion)throw new Error(h.wrongVersionErrorMsg);var s=function(t,e){var r=t._fullLayout;if(\"\"===t._context.mapboxAccessToken)return\"\";for(var n=[],i=[],o=!1,s=!1,l=0;l1&&a.warn(h.multipleTokensErrorMsg),n[0]):(i.length&&a.log([\"Listed mapbox access token(s)\",i.join(\",\"),\"but did not use a Mapbox map style, ignoring token(s).\"].join(\" \")),\"\")}(t,o);n.accessToken=s;for(var l=0;lx/2){var b=g.split(\"|\").join(\"
\");v.text(b).attr(\"data-unformatted\",b).call(c.convertToTspans,t),y=l.bBox(v.node())}v.attr(\"transform\",\"translate(-3, \"+(8-y.height)+\")\"),m.insert(\"rect\",\".static-attribution\").attr({x:-y.width-6,y:-y.height-3,width:y.width+6,height:y.height+3,fill:\"rgba(255, 255, 255, 0.75)\"});var _=1;y.width+6>x&&(_=x/(y.width+6));var w=[n.l+n.w*u.x[1],n.t+n.h*(1-u.y[0])];m.attr(\"transform\",\"translate(\"+w[0]+\",\"+w[1]+\") scale(\"+_+\")\")}},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 a=t.symbol,o=i(a.textposition,a.iconsize);n.extendFlat(e,{\"icon-image\":a.icon+\"-15\",\"icon-size\":a.iconsize/10,\"text-field\":a.text,\"text-size\":a.textfont.size,\"text-anchor\":o.anchor,\"text-offset\":o.offset,\"symbol-placement\":a.placement}),n.extendFlat(r,{\"icon-color\":t.color,\"text-color\":a.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||this.source!==t.source||this.layerType!==t.type},l.needsNewLayer=function(t){return this.layerType!==t.type||this.below!==this.subplot.belowLookup[\"layout-\"+this.index]},l.updateImage=function(t){this.subplot.map.getSource(this.idSource).updateImage({url:t.source,coordinates:t.coordinates})},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,i={type:r};\"geojson\"===r?e=\"data\":\"vector\"===r?e=\"string\"==typeof n?\"url\":\"tiles\":\"raster\"===r?(e=\"tiles\",i.tileSize=256):\"image\"===r&&(e=\"url\",i.coordinates=t.coordinates);i[e]=n,t.sourceattribution&&(i.attribution=a(t.sourceattribution));return i}(t);e.addSource(this.idSource,r)}},l.updateLayer=function(t){var e,r=this.subplot,n=u(t),a=this.subplot.belowLookup[\"layout-\"+this.index];if(\"traces\"===a)for(var i=r.getMapLayers(),s=0;s1)for(r=0;r-1&&v(e.originalEvent,n,[r.xaxis],[r.yaxis],r.id,t),a.indexOf(\"event\")>-1&&c.click(n,e.originalEvent)}}},_.updateFx=function(t){var e=this,r=e.map,n=e.gd;if(!e.isStatic){var i,o=t.dragmode;i=h(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=a.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:i},xaxes:[e.xaxis],yaxes:[e.yaxis],subplot:e.id}),r.off(\"click\",e.onClickInPanHandler),p(o)||f(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?(i[\"text-anchor\"]=\"start\",i.x=5):(i[\"text-anchor\"]=\"end\",i.x=e._paper.attr(\"width\")-7),r.attr(i);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(\"/\"),a=window.location.search;r.attr({\"xlink:xlink:show\":\"new\",\"xlink:xlink:href\":\"/\"+n[2].split(\".\")[0]+\"/\"+n[1]+a})}}(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\"),a=r.append(\"form\").attr({action:e+\"/external\",method:\"post\",target:\"_blank\"});return a.append(\"input\").attr({type:\"text\",name:\"data\"}).node().value=x.graphJson(t,!1,\"keepdata\"),a.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,n=!1,a={};function i(t){for(var r=!0,i=0;i1&&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(f,l,h,i),x.cleanPlot(f,l,h,i);var N=!(!i._has||!i._has(\"gl2d\")),j=!(!l._has||!l._has(\"gl2d\")),U=!(!i._has||!i._has(\"cartesian\"))||N,V=!(!l._has||!l._has(\"cartesian\"))||j;U&&!V?i._bgLayer.remove():V&&!U&&(l._shouldCreateBgLayer=!0),i._zoomlayer&&!t._dragging&&p({_fullLayout:i}),function(t,e){var r,n=[];e.meta&&(r=e._meta={meta:e.meta,layout:{meta:e.meta}});for(var a=0;a0){var h=1-2*s;n=Math.round(h*n),a=Math.round(h*a)}}var f=x.layoutAttributes.width.min,p=x.layoutAttributes.height.min;n1,g=!e.height&&Math.abs(r.height-a)>1;(g||d)&&(d&&(r.width=n),g&&(r.height=a)),t._initialAutoSize||(t._initialAutoSize={width:n,height:a}),x.sanitizeMargins(r)},x.supplyLayoutModuleDefaults=function(t,e,r,n){var a,i,s,l=o.componentsRegistry,u=e._basePlotModules,h=o.subplotsRegistry.cartesian;for(a in l)(s=l[a]).includeBasePlot&&s.includeBasePlot(t,e);for(var f in u.length||u.push(h),e._has(\"cartesian\")&&(o.getComponentMethod(\"grid\",\"contentDefaults\")(t,e),h.finalizeSubplots(t,e)),e._subplots)e._subplots[f].sort(c.subplotSort);for(i=0;i.5*n.width&&(c.log(\"Margin push\",e,\"is too big in x, dropping\"),r.l=r.r=0),r.b+r.t>.5*n.height&&(c.log(\"Margin push\",e,\"is too big in y, dropping\"),r.b=r.t=0);var l=void 0!==r.xl?r.xl:r.x,u=void 0!==r.xr?r.xr:r.x,h=void 0!==r.yt?r.yt:r.y,f=void 0!==r.yb?r.yb:r.y;a[e]={l:{val:l,size:r.l+o},r:{val:u,size:r.r+o},b:{val:f,size:r.b+o},t:{val:h,size:r.t+o}},i[e]=1}else delete a[e],delete i[e];if(!n._replotting)return x.doAutoMargin(t)}},x.doAutoMargin=function(t){var e=t._fullLayout;e._size||(e._size={}),C(e);var r=e._size,n=e.margin,a=c.extendFlat({},r),s=n.l,l=n.r,u=n.t,h=n.b,f=e.width,p=e.height,d=e._pushmargin,g=e._pushmarginIds;if(!1!==e.margin.autoexpand){for(var m in d)g[m]||delete d[m];for(var v in d.base={l:{val:0,size:s},r:{val:1,size:l},t:{val:1,size:u},b:{val:0,size:h}},d){var y=d[v].l||{},b=d[v].b||{},_=y.val,w=y.size,T=b.val,k=b.size;for(var M in d){if(i(w)&&d[M].r){var A=d[M].r.val,S=d[M].r.size;if(A>_){var E=(w*A+(S-f)*_)/(A-_),L=(S*(1-_)+(w-f)*(1-A))/(A-_);E>=0&&L>=0&&f-(E+L)>0&&E+L>s+l&&(s=E,l=L)}}if(i(k)&&d[M].t){var P=d[M].t.val,I=d[M].t.size;if(P>T){var z=(k*P+(I-p)*T)/(P-T),O=(I*(1-T)+(k-p)*(1-P))/(P-T);z>=0&&O>=0&&p-(O+z)>0&&z+O>h+u&&(h=z,u=O)}}}}}if(r.l=Math.round(s),r.r=Math.round(l),r.t=Math.round(u),r.b=Math.round(h),r.p=Math.round(n.pad),r.w=Math.round(f)-r.l-r.r,r.h=Math.round(p)-r.t-r.b,!e._replotting&&x.didMarginChange(a,r)){\"_redrawFromAutoMarginCount\"in e?e._redrawFromAutoMarginCount++:e._redrawFromAutoMarginCount=1;var D=3*(1+Object.keys(g).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 i=0,s=0;function l(){return i++,function(){s++,n||s!==i||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)}(a)}}r.runFn(l),setTimeout(l())}))}],i=c.syncOrAsync(a,t);return i&&i.then||(i=Promise.resolve()),i.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,a,i){(a&&e&&!t._fullData||a&&!e&&!t._fullLayout)&&x.supplyDefaults(t);var o=a?t._fullData:t.data,s=a?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,a={};return Object.keys(t).sort().forEach((function(i){if(-1===[\"_\",\"[\"].indexOf(i.charAt(0)))if(\"function\"!=typeof t[i]){if(\"keepdata\"===r){if(\"src\"===i.substr(i.length-3))return}else if(\"keepstream\"===r){if(\"string\"==typeof(n=t[i+\"src\"])&&n.indexOf(\":\")>0&&!c.isPlainObject(t.stream))return}else if(\"keepall\"!==r&&\"string\"==typeof(n=t[i+\"src\"])&&n.indexOf(\":\")>0)return;a[i]=u(t[i],e)}else e&&(a[i]=\"_function\")})),a}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 h={data:(o||[]).map((function(t){var r=u(t);return e&&delete r.fit,r}))};return e||(h.layout=u(s)),t.framework&&t.framework.isPolar&&(h=t.framework.getConfig()),l&&(h.frames=u(l)),i&&(h.config=u(t._context,!0)),\"object\"===n?h:JSON.stringify(h)},x.modifyFrames=function(t,e){var r,n,a,i=t._transitionData._frames,o=t._transitionData._frameHash;for(r=0;r=0;i--)if(s[i].enabled){r._indexToPoints=s[i]._indexToPoints;break}n&&n.calc&&(o=n.calc(t,r))}Array.isArray(o)&&o[0]||(o=[{x:h,y:h}]),o[0].t||(o[0].t={}),o[0].trace=r,d[e]=o}}for(z(l,u,p),a=0;a1e-10?t:0}function f(t,e,r){e=e||0,r=r||0;for(var n=t.length,a=new Array(n),i=0;i0?r:1/0})),a=n.mod(r+1,e.length);return[e[r],e[a]]},findIntersectionXY:c,findXYatLength:function(t,e,r,n){var a=-e*r,i=e*e+1,o=2*(e*a-r),s=a*a+r*r-t*t,l=Math.sqrt(o*o-4*i*s),c=(-o+l)/(2*i),u=(-o-l)/(2*i);return[[c,e*c+a+n],[u,e*u+a+n]]},clampTiny:h,pathPolygon:function(t,e,r,n,a,i){return\"M\"+f(u(t,e,r,n),a,i).join(\"L\")},pathPolygonAnnulus:function(t,e,r,n,a,i,o){var s,l;t=0?f.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=f.angularAxis.ticksCount||4;L>8&&(L=L/(L/8)+L%8),f.angularAxis.ticksStep&&(L=(C[1]-C[0])/L);var P=f.angularAxis.ticksStep||(C[1]-C[0])/(L*(f.minorTicks+1));w&&(P=Math.max(Math.round(P),1)),C[2]||(C[2]=P);var I=n.range.apply(this,C);if(I=I.map((function(t,e){return parseFloat(t.toPrecision(12))})),s=n.scale.linear().domain(C.slice(0,2)).range(\"clockwise\"===f.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:f.tickColor},B={\"font-size\":f.font.size,\"font-family\":f.font.family,fill:f.font.color,\"text-shadow\":[\"-1px 0px\",\"1px -1px\",\"-1px 1px\",\"1px 1px\"].map((function(t,e){return\" \"+t+\" 0 \"+f.font.outlineColor})).join(\",\")};if(f.showLegend){D=t.select(\".legend-group\").attr({transform:\"translate(\"+[x,f.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:a({},o.Legend.defaultConfig().legendConfig,{container:D,elements:N,reverseOrder:f.legend.reverseOrder})})();var j=D.node().getBBox();x=Math.min(f.width-j.width-f.margin.left-f.margin.right,f.height-f.margin.top-f.margin.bottom)/2,x=Math.max(10,x),_=[f.margin.left+x,f.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:f.width,height:f.height}).style({opacity:f.opacity}),R.attr(\"transform\",\"translate(\"+_+\")\").style({cursor:\"crosshair\"});var U=[(f.width-(f.margin.left+f.margin.right+2*x+(j?j.width:0)))/2,(f.height-(f.margin.top+f.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+\")\"),f.title&&f.title.text){var V=t.select(\"g.title-group text\").style(B).text(f.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(f.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:f.backgroundColor,stroke:f.stroke});function W(t,e){return s(t)%360+f.orientation}if(f.radialAxis.visible){var Z=n.svg.axis().scale(r).ticks(5).tickSize(5);H.call(Z).attr({transform:\"rotate(\"+f.radialAxis.orientation+\")\"}),H.selectAll(\".domain\").style(F),H.selectAll(\"g>text\").text((function(t,e){return this.textContent+f.radialAxis.ticksSuffix})).style(B).style({\"text-anchor\":\"start\"}).attr({x:0,y:0,dx:0,dy:0,transform:function(t,e){return\"horizontal\"===f.radialAxis.tickOrientation?\"rotate(\"+-f.radialAxis.orientation+\") translate(\"+[0,B[\"font-size\"]]+\")\":\"translate(\"+[0,B[\"font-size\"]]+\")\"}}),H.selectAll(\"g>line\").style({stroke:\"black\"})}var X=t.select(\".angular.axis-group\").selectAll(\"g.angular-tick\").data(I),J=X.enter().append(\"g\").classed(\"angular-tick\",!0);X.attr({transform:function(t,e){return\"rotate(\"+W(t)+\")\"}}).style({display:f.angularAxis.visible?\"block\":\"none\"}),X.exit().remove(),J.append(\"line\").classed(\"grid-line\",!0).classed(\"major\",(function(t,e){return e%(f.minorTicks+1)==0})).classed(\"minor\",(function(t,e){return!(e%(f.minorTicks+1)==0)})).style(F),J.selectAll(\".minor\").style({stroke:f.minorTickColor}),X.select(\"line.grid-line\").attr({x1:f.tickLength?x-f.tickLength:0,x2:x}).style({display:f.angularAxis.gridLinesVisible?\"block\":\"none\"}),J.append(\"text\").classed(\"axis-text\",!0).style(B);var K=X.select(\"text.axis-text\").attr({x:x+f.labelOffset,dy:i+\"em\",transform:function(t,e){var r=W(t),n=x+f.labelOffset,a=f.angularAxis.tickOrientation;return\"horizontal\"==a?\"rotate(\"+-r+\" \"+n+\" 0)\":\"radial\"==a?r<270&&r>90?\"rotate(180 \"+n+\" 0)\":null:\"rotate(\"+(r<=180&&r>0?-90:90)+\" \"+n+\" 0)\"}}).style({\"text-anchor\":\"middle\",display:f.angularAxis.labelsVisible?\"block\":\"none\"}).text((function(t,e){return e%(f.minorTicks+1)!=0?\"\":w?w[t]+f.angularAxis.ticksSuffix:t+f.angularAxis.ticksSuffix})).style(B);f.angularAxis.rewriteTicks&&K.text((function(t,e){return e%(f.minorTicks+1)!=0?\"\":f.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,f.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=f.orientation,n.direction=f.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 a(o[r].defaultConfig(),t)}));o[r]().config(n)()}))}var at,it,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 ht=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;ht.attr({x2:-x,transform:\"rotate(\"+r+\")\"}).style({opacity:.5});var n=(r+180+360-f.orientation)%360;at=s.invert(n);var a=o.util.convertToCartesian(x+12,r+180);lt.text(o.util.round(at)).move([a[0]+_[0],a[1]+_[1]])})).on(\"mouseout.angular-guide\",(function(t,e){ot.select(\"line\").style({opacity:0})}))}var ft=ot.select(\"circle\").style({stroke:\"grey\",fill:\"none\"});R.on(\"mousemove.radial-guide\",(function(t,e){var n=o.util.getMousePos(Y).radius;ft.attr({r:n}).style({opacity:.5}),it=r.invert(o.util.getMousePos(Y).radius);var a=o.util.convertToCartesian(n,f.radialAxis.orientation);ct.text(o.util.round(it)).move([a[0]+_[0],a[1]+_[1]])})).on(\"mouseout.radial-guide\",(function(t,e){ft.style({opacity:0}),ut.hide(),lt.hide(),ct.hide()})),t.selectAll(\".geometry-group .mark\").on(\"mouseover.tooltip\",(function(e,r){var a=n.select(this),i=this.style.fill,s=\"black\",l=this.style.opacity||1;if(a.attr({\"data-opacity\":l}),i&&\"none\"!==i){a.attr({\"data-fill\":i}),s=n.hsl(i).darker().toString(),a.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,h=this.getBoundingClientRect(),f=t.node().getBoundingClientRect(),p=[h.left+h.width/2-U[0]-f.left,h.top+h.height/2-U[1]-f.top];ut.config({color:s}).text(u),ut.move(p)}else i=this.style.stroke||\"black\",a.attr({\"data-stroke\":i}),s=n.hsl(i).darker().toString(),a.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),a=r.attr(\"data-fill\");a?r.style({fill:a,opacity:r.attr(\"data-opacity\")}):r.style({stroke:r.attr(\"data-stroke\"),opacity:r.attr(\"data-opacity\")})}))}))}(c),this},f.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]={}),a(l.data[e],o.Axis.defaultConfig().data[0]),a(l.data[e],t)})),a(l.layout,o.Axis.defaultConfig().layout),a(l.layout,e.layout),this},f.getLiveConfig=function(){return u},f.getinputConfig=function(){return c},f.radialScale=function(t){return r},f.angularScale=function(t){return s},f.svg=function(){return t},n.rebind(f,h,\"on\"),f},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 a=e||6,i=[],o=[];n.range(0,360+a,a).forEach((function(e,r){var n=e*Math.PI/180,a=t(n);i.push(e),o.push(a)}));var s={t:i,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],a=e[1],i={};return i.x=r,i.y=a,i.pos=e,i.angle=180*(Math.atan2(a,r)+Math.PI)/Math.PI,i.radius=Math.sqrt(r*r+a*a),i},o.util.duplicatesCount=function(t){for(var e,r={},n={},a=0,i=t.length;a0)){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,a,i)},\"fill-opacity\":0,stroke:function(t,e){return d.stroke(r,a,i)},\"stroke-width\":function(t,e){return d[\"stroke-width\"](r,a,i)},\"stroke-dasharray\":function(t,e){return d[\"stroke-dasharray\"](r,a,i)},opacity:function(t,e){return d.opacity(r,a,i)},display:function(t,e){return d.display(r,a,i)}})}};var h=e.angularScale.range(),f=Math.abs(h[1]-h[0])/o[0].length*Math.PI/180,p=n.svg.arc().startAngle((function(t){return-f/2})).endAngle((function(t){return f/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,a){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,a){return r[t[a].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 i.config=function(e){return arguments.length?(e.forEach((function(e,r){t[r]||(t[r]={}),a(t[r],o.PolyChart.defaultConfig()),a(t[r],e)})),this):t},i.getColorScale=function(){},n.rebind(i,e,\"on\"),i},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,i=t.data.map((function(t,r){return[].concat(t).map((function(t,n){var i=a({},e.elements[r]);return i.name=t,i.color=[].concat(e.elements[r].color)[n],i}))})),o=n.merge(i);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,h=u?e.height:c*o.length,f=s.classed(\"legend-group\",!0).selectAll(\"svg\").data([0]),p=f.enter().append(\"svg\").attr({width:300,height:h+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,h]);if(u){var v=f.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}}),f.append(\"rect\").classed(\"legend-mark\",!0).attr({height:e.height,width:e.colorBandWidth,fill:\"url(#grad1)\"})}else{var y=f.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,a,i,o=t.symbol;return i=3*(a=c),\"line\"===(r=o)?\"M\"+[[-a/2,-a/12],[a/2,-a/12],[a/2,a/12],[-a/2,a/12]]+\"Z\":-1!=n.svg.symbolTypes.indexOf(r)?n.svg.symbol().type(r).size(i)():n.svg.symbol().type(\"square\").size(i)()},fill:function(t,e){return g(e)}}),y.exit().remove()}var x=n.svg.axis().scale(m).orient(\"right\"),b=f.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?(a(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,i={container:null,hasTick:!1,fontSize:12,color:\"white\",padding:5},s=\"tooltip-\"+o.tooltipPanel.uid++,l=10,c=function(){var n=(t=i.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:i.padding+l,dy:.3*+i.fontSize}),c};return c.text=function(a){var o=n.hsl(i.color).l,s=o>=.5?\"#aaa\":\"white\",u=o>=.5?\"black\":\"white\",h=a||\"\";e.style({fill:u,\"font-size\":i.fontSize+\"px\"}).text(h);var f=i.padding,p=e.node().getBBox(),d={fill:i.color,stroke:s,\"stroke-width\":\"2px\"},g=p.width+2*f+l,m=p.height+2*f;return r.attr({d:\"M\"+[[l,-m/2],[l,-m/4],[i.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*f]+\")\"}),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 a(i,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=a({},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 i=o.util.duplicates(r.data.map((function(t,e){return t.geometry})));r.data.forEach((function(t,e){var n=i.indexOf(t.geometry);-1!=n&&(r.data[e].groupId=n)}))}if(t.layout){var s=a({},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\":717,\"../../../lib\":749,d3:169}],870:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../../lib\"),i=t(\"../../../components/color\"),o=t(\"./micropolar\"),s=t(\"./undo_manager\"),l=a.extendDeepAll,c=e.exports={};c.framework=function(t){var e,r,a,i,u,h=new s;function f(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,a||(a=o.Axis()),i=o.adapter.plotly().convert(e),a.config(i).render(u),t.data=e.data,t.layout=e.layout,c.fillLayout(t),e}return f.isPolar=!0,f.svg=function(){return a.svg()},f.getConfig=function(){return e},f.getLiveConfig=function(){return o.adapter.plotly().convert(a.getLiveConfig(),!0)},f.getLiveScales=function(){return{t:a.angularScale(),r:a.radialScale()}},f.setUndoPoint=function(){var t,n,a=this,i=o.util.cloneJson(e);t=i,n=r,h.add({undo:function(){n&&a(n)},redo:function(){a(t)}}),r=o.util.cloneJson(i)},f.undo=function(){h.undo()},f.redo=function(){h.redo()},f},c.fillLayout=function(t){var e=n.select(t).selectAll(\".plot-container\"),r=e.selectAll(\".svg-container\"),a=t.framework&&t.framework.svg&&t.framework.svg(),o={width:800,height:600,paper_bgcolor:i.background,_container:e,_paperdiv:r,_paper:a};t._fullLayout=l(o,t.layout)}},{\"../../../components/color\":615,\"../../../lib\":749,\"./micropolar\":869,\"./undo_manager\":871,d3:169}],871:[function(t,e,r){\"use strict\";e.exports=function(){var t,e=[],r=-1,n=!1;function a(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?(a(n,\"undo\"),r-=1,t&&t(n.undo),this):this},redo:function(){var n=e[r+1];return n?(a(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&&f<=0?0:Math.max(u,f);e=s<=180&&l>=180||s>180&&l>=540?-1:c>=0&&h>=0?0:Math.min(c,h);r=s<=270&&l>=270||s>270&&l>=630?-1:u>=0&&f>=0?0:Math.min(u,f);n=l>=360?1:c<=0&&h<=0?0:Math.max(c,h);return[e,r,n,a]}(f),x=y[2]-y[0],b=y[3]-y[1],_=h/u,w=Math.abs(b/x);_>w?(p=u,v=(h-(d=u*w))/n.h/2,g=[o[0],o[1]],m=[c[0]+v,c[1]-v]):(d=h,v=(u-(p=h/w))/n.w/2,g=[o[0]+v,o[1]-v],m=[c[0],c[1]]),this.xLength2=p,this.yLength2=d,this.xDomain2=g,this.yDomain2=m;var T=this.xOffset2=n.l+n.w*g[0],k=this.yOffset2=n.t+n.h*(1-m[1]),M=this.radius=p/x,A=this.innerRadius=e.hole*M,S=this.cx=T-M*y[0],L=this.cy=k+M*y[3],P=this.cxx=S-T,I=this.cyy=L-k;this.radialAxis=this.mockAxis(t,e,a,{_id:\"x\",side:{counterclockwise:\"top\",clockwise:\"bottom\"}[a.side],domain:[A/n.w,M/n.w]}),this.angularAxis=this.mockAxis(t,e,i,{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:g}),this.yaxis=this.mockCartesianAxis(t,e,{_id:\"y\",domain:m});var z=this.pathSubplot();this.clipPaths.forTraces.select(\"path\").attr(\"d\",z).attr(\"transform\",R(P,I)),r.frontplot.attr(\"transform\",R(T,k)).call(l.setClipUrl,this._hasClipOnAxisFalse?null:this.clipIds.forTraces,this.gd),r.bg.attr(\"d\",z).attr(\"transform\",R(S,L)).call(s.fill,e.bgcolor)},I.mockAxis=function(t,e,r,n){var a=o.extendFlat({},r,n);return f(a,e,t),a},I.mockCartesianAxis=function(t,e,r){var n=this,a=r._id,i=o.extendFlat({type:\"linear\"},r);h(i,t);var s={x:[0,2],y:[1,3]};return i.setRange=function(){var t=n.sectorBBox,r=s[a],o=n.radialAxis._rl,l=(o[1]-o[0])/(1-e.hole);i.range=[t[r[0]]*l,t[r[1]]*l]},i.isPtWithinRange=\"x\"===a?function(t){return n.isPtInside(t)}:function(){return!0},i.setRange(),i.setScale(),i},I.doAutoRange=function(t,e){var r=this.gd,n=this.radialAxis,a=e.radialaxis;n.setScale(),p(r,n);var i=n.range;a.range=i.slice(),a._input.range=i.slice(),n._rl=[n.r2l(i[0],null,\"gregorian\"),n.r2l(i[1],null,\"gregorian\")]},I.updateRadialAxis=function(t,e){var r=this,n=r.gd,a=r.layers,i=r.radius,l=r.innerRadius,c=r.cx,h=r.cy,f=e.radialaxis,p=E(e.sector[0],360),d=r.radialAxis,g=l90&&p<=270&&(d.tickangle=180);var m=function(t){return\"translate(\"+(d.l2p(t.x)+l)+\",0)\"},v=z(f);if(r.radialTickLayout!==v&&(a[\"radial-axis\"].selectAll(\".xtick\").remove(),r.radialTickLayout=v),g){d.setScale();var y=u.calcTicks(d),x=u.clipEnds(d,y),b=u.getTickSigns(d)[2];u.drawTicks(n,d,{vals:y,layer:a[\"radial-axis\"],path:u.makeTickPath(d,0,b),transFn:m,crisp:!1}),u.drawGrid(n,d,{vals:x,layer:a[\"radial-grid\"],path:function(t){return r.pathArc(d.r2p(t.x)+l)},transFn:o.noop,crisp:!1}),u.drawLabels(n,d,{vals:y,layer:a[\"radial-axis\"],transFn:m,labelFns:u.makeLabelFns(d,0)})}var _=r.radialAxisAngle=r.vangles?L(O(C(f.angle),r.vangles)):f.angle,w=R(c,h),T=w+F(-_);D(a[\"radial-axis\"],g&&(f.showticklabels||f.ticks),{transform:T}),D(a[\"radial-grid\"],g&&f.showgrid,{transform:w}),D(a[\"radial-line\"].select(\"line\"),g&&f.showline,{x1:l,y1:0,x2:i,y2:0,transform:T}).attr(\"stroke-width\",f.linewidth).call(s.stroke,f.linecolor)},I.updateRadialAxisTitle=function(t,e,r){var n=this.gd,a=this.radius,i=this.cx,o=this.cy,s=e.radialaxis,c=this.id+\"title\",u=void 0!==r?r:this.radialAxisAngle,h=C(u),f=Math.cos(h),p=Math.sin(h),d=0;if(s.title){var g=l.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\"]=v.draw(n,c,{propContainer:s,propName:this.id+\".radialaxis.title\",placeholder:S(n,\"Click to enter radial axis title\"),attributes:{x:i+a/2*f+d*p,y:o-a/2*p+d*f,\"text-anchor\":\"middle\"},transform:{rotate:-u}})},I.updateAngularAxis=function(t,e){var r=this,n=r.gd,a=r.layers,i=r.radius,l=r.innerRadius,c=r.cx,h=r.cy,f=e.angularaxis,p=r.angularAxis;r.fillViewInitialKey(\"angularaxis.rotation\",f.rotation),p.setGeometry(),p.setScale();var d=function(t){return p.t2g(t.x)};\"linear\"===p.type&&\"radians\"===p.thetaunit&&(p.tick0=L(p.tick0),p.dtick=L(p.dtick));var g=function(t){return R(c+i*Math.cos(t),h-i*Math.sin(t))},m=u.makeLabelFns(p,0).labelStandoff,v={xFn:function(t){var e=d(t);return Math.cos(e)*m},yFn:function(t){var e=d(t),r=Math.sin(e)>0?.2:1;return-Math.sin(e)*(m+t.fontSize*r)+Math.abs(Math.cos(e))*(t.fontSize*k)},anchorFn:function(t){var e=d(t),r=Math.cos(e);return Math.abs(r)<.1?\"middle\":r>0?\"start\":\"end\"},heightFn:function(t,e,r){var n=d(t);return-.5*(1+Math.sin(n))*r}},y=z(f);r.angularTickLayout!==y&&(a[\"angular-axis\"].selectAll(\".\"+p._id+\"tick\").remove(),r.angularTickLayout=y);var x,b=u.calcTicks(p);if(\"linear\"===e.gridshape?(x=b.map(d),o.angleDelta(x[0],x[1])<0&&(x=x.slice().reverse())):x=null,r.vangles=x,\"category\"===p.type&&(b=b.filter((function(t){return o.isAngleInsideSector(d(t),r.sectorInRad)}))),p.visible){var _=\"inside\"===p.ticks?-1:1,w=(p.linewidth||1)/2;u.drawTicks(n,p,{vals:b,layer:a[\"angular-axis\"],path:\"M\"+_*w+\",0h\"+_*p.ticklen,transFn:function(t){var e=d(t);return g(e)+F(-L(e))},crisp:!1}),u.drawGrid(n,p,{vals:b,layer:a[\"angular-grid\"],path:function(t){var e=d(t),r=Math.cos(e),n=Math.sin(e);return\"M\"+[c+l*r,h-l*n]+\"L\"+[c+i*r,h-i*n]},transFn:o.noop,crisp:!1}),u.drawLabels(n,p,{vals:b,layer:a[\"angular-axis\"],repositionOnUpdate:!0,transFn:function(t){return g(d(t))},labelFns:v})}D(a[\"angular-line\"].select(\"path\"),f.showline,{d:r.pathSubplot(),transform:R(c,h)}).attr(\"stroke-width\",f.linewidth).call(s.stroke,f.linecolor)},I.updateFx=function(t,e){this.gd._context.staticPlot||(this.updateAngularDrag(t),this.updateRadialDrag(t,e,0),this.updateRadialDrag(t,e,1),this.updateMainDrag(t))},I.updateMainDrag=function(t){var e=this,r=e.gd,o=e.layers,s=t._zoomlayer,l=M.MINZOOM,c=M.OFFEDGE,u=e.radius,h=e.innerRadius,f=e.cx,p=e.cy,v=e.cxx,_=e.cyy,w=e.sectorInRad,T=e.vangles,k=e.radialAxis,S=A.clampTiny,E=A.findXYatLength,C=A.findEnclosingVertexAngles,L=M.cornerHalfWidth,P=M.cornerLen/2,I=d.makeDragger(o,\"path\",\"maindrag\",\"crosshair\");n.select(I).attr(\"d\",e.pathSubplot()).attr(\"transform\",R(f,p));var z,O,D,F,B,N,j,U,V,q={element:I,gd:r,subplot:e.id,plotinfo:{id:e.id,xaxis:e.xaxis,yaxis:e.yaxis},xaxes:[e.xaxis],yaxes:[e.yaxis]};function H(t,e){return Math.sqrt(t*t+e*e)}function G(t,e){return H(t-v,e-_)}function Y(t,e){return Math.atan2(_-e,t-v)}function W(t,e){return[t*Math.cos(e),t*Math.sin(-e)]}function Z(t,r){if(0===t)return e.pathSector(2*L);var n=P/t,a=r-n,i=r+n,o=Math.max(0,Math.min(t,u)),s=o-L,l=o+L;return\"M\"+W(s,a)+\"A\"+[s,s]+\" 0,0,0 \"+W(s,i)+\"L\"+W(l,i)+\"A\"+[l,l]+\" 0,0,1 \"+W(l,a)+\"Z\"}function X(t,r,n){if(0===t)return e.pathSector(2*L);var a,i,o=W(t,r),s=W(t,n),l=S((o[0]+s[0])/2),c=S((o[1]+s[1])/2);if(l&&c){var u=c/l,h=-1/u,f=E(L,u,l,c);a=E(P,h,f[0][0],f[0][1]),i=E(P,h,f[1][0],f[1][1])}else{var p,d;c?(p=P,d=L):(p=L,d=P),a=[[l-p,c-d],[l+p,c-d]],i=[[l-p,c+d],[l+p,c+d]]}return\"M\"+a.join(\"L\")+\"L\"+i.reverse().join(\"L\")+\"Z\"}function J(t,e){return e=Math.max(Math.min(e,u),h),tl?(t-1&&1===t&&x(n,r,[e.xaxis],[e.yaxis],e.id,q),a.indexOf(\"event\")>-1&&m.click(r,n,e.id)}q.prepFn=function(t,n,i){var o=r._fullLayout.dragmode,l=I.getBoundingClientRect();if(z=n-l.left,O=i-l.top,T){var c=A.findPolygonOffset(u,w[0],w[1],T);z+=v+c[0],O+=_+c[1]}switch(o){case\"zoom\":q.moveFn=T?tt:Q,q.clickFn=nt,q.doneFn=et,function(){D=null,F=null,B=e.pathSubplot(),N=!1;var t=r._fullLayout[e.id];j=a(t.bgcolor).getLuminance(),(U=d.makeZoombox(s,j,f,p,B)).attr(\"fill-rule\",\"evenodd\"),V=d.makeCorners(s,f,p),b(r)}();break;case\"select\":case\"lasso\":y(t,n,i,q,o)}},I.onmousemove=function(t){m.hover(r,t,e.id),r._fullLayout._lasthover=I,r._fullLayout._hoversubplot=e.id},I.onmouseout=function(t){r._dragging||g.unhover(r,t)},g.init(q)},I.updateRadialDrag=function(t,e,r){var a=this,s=a.gd,l=a.layers,c=a.radius,u=a.innerRadius,h=a.cx,f=a.cy,p=a.radialAxis,m=M.radialDragBoxSize,v=m/2;if(p.visible){var y,x,_,k=C(a.radialAxisAngle),A=p._rl,S=A[0],E=A[1],P=A[r],I=.75*(A[1]-A[0])/(1-e.hole)/c;r?(y=h+(c+v)*Math.cos(k),x=f-(c+v)*Math.sin(k),_=\"radialdrag\"):(y=h+(u-v)*Math.cos(k),x=f-(u-v)*Math.sin(k),_=\"radialdrag-inner\");var z,B,N,j=d.makeRectDragger(l,_,\"crosshair\",-v,-v,m,m),U={element:j,gd:s};D(n.select(j),p.visible&&u0==(r?N>S: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*i},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 a=t.d2c,s=t.c2d;t.d2c=function(t,e){return function(t,e){return\"degrees\"===e?i(t):t}(a(t),e)},t.c2d=function(t,e){return s(function(t,e){return\"degrees\"===e?o(t):t}(t,e))}}t.makeCalcdata=function(e,a){var i,o,s=e[a],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(i=new Array(l),o=0;o0){for(var n=[],a=0;a=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 a=h[e._name];function o(r,n){return i.coerce(t,e,a,r,n)}o(\"uirevision\",n.uirevision),e.type=\"linear\";var f=o(\"color\"),p=f!==a.color.dflt?f:r.font.color,d=e._name.charAt(0).toUpperCase(),g=\"Component \"+d,m=o(\"title.text\",g);e._hovertitle=m===g?m:d,i.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\")&&(i.coerceFont(o,\"tickfont\",{family:r.font.family,size:r.font.size,color:p}),o(\"tickangle\"),o(\"tickformat\")),u(t,e,o,{dfltColor:f,bgColor:r.bgColor,blend:60,showLine:!0,showGrid:!0,noZeroLine:!0,attributes:a}),o(\"hoverformat\"),o(\"layer\")}e.exports=function(t,e,r){o(t,e,r,{type:\"ternary\",attributes:h,handleDefaults:p,font:e.font,paper_bgcolor:e.paper_bgcolor})}},{\"../../components/color\":615,\"../../lib\":749,\"../../plot_api/plot_template\":787,\"../cartesian/line_grid_defaults\":813,\"../cartesian/tick_label_defaults\":818,\"../cartesian/tick_mark_defaults\":819,\"../cartesian/tick_value_defaults\":820,\"../subplot_defaults\":874,\"./layout_attributes\":877}],879:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"tinycolor2\"),i=t(\"../../registry\"),o=t(\"../../lib\"),s=o._,l=t(\"../../components/color\"),c=t(\"../../components/drawing\"),u=t(\"../cartesian/set_convert\"),h=t(\"../../lib/extend\").extendFlat,f=t(\"../plots\"),p=t(\"../cartesian/axes\"),d=t(\"../../components/dragelement\"),g=t(\"../../components/fx\"),m=t(\"../../components/dragelement/helpers\"),v=m.freeMode,y=m.rectMode,x=t(\"../../components/titles\"),b=t(\"../cartesian/select\").prepSelect,_=t(\"../cartesian/select\").selectOnClick,w=t(\"../cartesian/select\").clearSelect,T=t(\"../cartesian/select\").clearSelectionsCache,k=t(\"../cartesian/constants\");function M(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=M;var A=M.prototype;A.init=function(t){this.container=t._ternarylayer,this.defs=t._defs,this.layoutId=t._uid,this.traceHash={},this.layers={}},A.plot=function(t,e){var r=e[this.id],n=e._size;this._hasClipOnAxisFalse=!1;for(var a=0;aS*x?a=(i=x)*S:i=(a=y)/S,o=m*a/y,s=v*i/x,r=e.l+e.w*d-a/2,n=e.t+e.h*(1-g)-i/2,f.x0=r,f.y0=n,f.w=a,f.h=i,f.sum=b,f.xaxis={type:\"linear\",range:[_+2*T-b,b-_-2*w],domain:[d-o/2,d+o/2],_id:\"x\"},u(f.xaxis,f.graphDiv._fullLayout),f.xaxis.setScale(),f.xaxis.isPtWithinRange=function(t){return t.a>=f.aaxis.range[0]&&t.a<=f.aaxis.range[1]&&t.b>=f.baxis.range[1]&&t.b<=f.baxis.range[0]&&t.c>=f.caxis.range[1]&&t.c<=f.caxis.range[0]},f.yaxis={type:\"linear\",range:[_,b-w-T],domain:[g-s/2,g+s/2],_id:\"y\"},u(f.yaxis,f.graphDiv._fullLayout),f.yaxis.setScale(),f.yaxis.isPtWithinRange=function(){return!0};var k=f.yaxis.domain[0],M=f.aaxis=h({},t.aaxis,{range:[_,b-w-T],side:\"left\",tickangle:(+t.aaxis.tickangle||0)-30,domain:[k,k+s*S],anchor:\"free\",position:0,_id:\"y\",_length:a});u(M,f.graphDiv._fullLayout),M.setScale();var A=f.baxis=h({},t.baxis,{range:[b-_-T,w],side:\"bottom\",domain:f.xaxis.domain,anchor:\"free\",position:0,_id:\"x\",_length:a});u(A,f.graphDiv._fullLayout),A.setScale();var E=f.caxis=h({},t.caxis,{range:[b-_-w,T],side:\"right\",tickangle:(+t.caxis.tickangle||0)+30,domain:[k,k+s*S],anchor:\"free\",position:0,_id:\"y\",_length:a});u(E,f.graphDiv._fullLayout),E.setScale();var C=\"M\"+r+\",\"+(n+i)+\"h\"+a+\"l-\"+a/2+\",-\"+i+\"Z\";f.clipDef.select(\"path\").attr(\"d\",C),f.layers.plotbg.select(\"path\").attr(\"d\",C);var L=\"M0,\"+i+\"h\"+a+\"l-\"+a/2+\",-\"+i+\"Z\";f.clipDefRelative.select(\"path\").attr(\"d\",L);var P=\"translate(\"+r+\",\"+n+\")\";f.plotContainer.selectAll(\".scatterlayer,.maplayer\").attr(\"transform\",P),f.clipDefRelative.select(\"path\").attr(\"transform\",null);var I=\"translate(\"+(r-A._offset)+\",\"+(n+i)+\")\";f.layers.baxis.attr(\"transform\",I),f.layers.bgrid.attr(\"transform\",I);var z=\"translate(\"+(r+a/2)+\",\"+n+\")rotate(30)translate(0,\"+-M._offset+\")\";f.layers.aaxis.attr(\"transform\",z),f.layers.agrid.attr(\"transform\",z);var O=\"translate(\"+(r+a/2)+\",\"+n+\")rotate(-30)translate(0,\"+-E._offset+\")\";f.layers.caxis.attr(\"transform\",O),f.layers.cgrid.attr(\"transform\",O),f.drawAxes(!0),f.layers.aline.select(\"path\").attr(\"d\",M.showline?\"M\"+r+\",\"+(n+i)+\"l\"+a/2+\",-\"+i:\"M0,0\").call(l.stroke,M.linecolor||\"#000\").style(\"stroke-width\",(M.linewidth||0)+\"px\"),f.layers.bline.select(\"path\").attr(\"d\",A.showline?\"M\"+r+\",\"+(n+i)+\"h\"+a:\"M0,0\").call(l.stroke,A.linecolor||\"#000\").style(\"stroke-width\",(A.linewidth||0)+\"px\"),f.layers.cline.select(\"path\").attr(\"d\",E.showline?\"M\"+(r+a/2)+\",\"+n+\"l\"+a/2+\",\"+i:\"M0,0\").call(l.stroke,E.linecolor||\"#000\").style(\"stroke-width\",(E.linewidth||0)+\"px\"),f.graphDiv._context.staticPlot||f.initInteractions(),c.setClipUrl(f.layers.frontplot,f._hasClipOnAxisFalse?null:f.clipId,f.graphDiv)},A.drawAxes=function(t){var e=this.graphDiv,r=this.id.substr(7)+\"title\",n=this.layers,a=this.aaxis,i=this.baxis,o=this.caxis;if(this.drawAx(a),this.drawAx(i),this.drawAx(o),t){var l=Math.max(a.showticklabels?a.tickfont.size/2:0,(o.showticklabels?.75*o.tickfont.size:0)+(\"outside\"===o.ticks?.87*o.ticklen:0)),c=(i.showticklabels?i.tickfont.size:0)+(\"outside\"===i.ticks?i.ticklen:0)+3;n[\"a-title\"]=x.draw(e,\"a\"+r,{propContainer:a,propName:this.id+\".aaxis.title\",placeholder:s(e,\"Click to enter Component A title\"),attributes:{x:this.x0+this.w/2,y:this.y0-a.title.font.size/3-l,\"text-anchor\":\"middle\"}}),n[\"b-title\"]=x.draw(e,\"b\"+r,{propContainer:i,propName:this.id+\".baxis.title\",placeholder:s(e,\"Click to enter Component B title\"),attributes:{x:this.x0-c,y:this.y0+this.h+.83*i.title.font.size+c,\"text-anchor\":\"middle\"}}),n[\"c-title\"]=x.draw(e,\"c\"+r,{propContainer:o,propName:this.id+\".caxis.title\",placeholder:s(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\"}})}},A.drawAx=function(t){var e,r=this.graphDiv,n=t._name,a=n.charAt(0),i=t._id,s=this.layers[n],l=a+\"tickLayout\",c=(e=t).ticks+String(e.ticklen)+String(e.showticklabels);this[l]!==c&&(s.selectAll(\".\"+i+\"tick\").remove(),this[l]=c),t.setScale();var u=p.calcTicks(t),h=p.clipEnds(t,u),f=p.makeTransFn(t),d=p.getTickSigns(t)[2],g=o.deg2rad(30),m=d*(t.linewidth||1)/2,v=d*t.ticklen,y=this.w,x=this.h,b=\"b\"===a?\"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}[a];p.drawTicks(r,t,{vals:\"inside\"===t.ticks?h:u,layer:s,path:b,transFn:f,crisp:!1}),p.drawGrid(r,t,{vals:h,layer:this.layers[a+\"grid\"],path:_,transFn:f,crisp:!1}),p.drawLabels(r,t,{vals:u,layer:s,transFn:f,labelFns:p.makeLabelFns(t,0,30)})};var E=k.MINZOOM/2+.87,C=\"m-0.87,.5h\"+E+\"v3h-\"+(E+5.2)+\"l\"+(E/2+2.6)+\",-\"+(.87*E+4.5)+\"l2.6,1.5l-\"+E/2+\",\"+.87*E+\"Z\",L=\"m0.87,.5h-\"+E+\"v3h\"+(E+5.2)+\"l-\"+(E/2+2.6)+\",-\"+(.87*E+4.5)+\"l-2.6,1.5l\"+E/2+\",\"+.87*E+\"Z\",P=\"m0,1l\"+E/2+\",\"+.87*E+\"l2.6,-1.5l-\"+(E/2+2.6)+\",-\"+(.87*E+4.5)+\"l-\"+(E/2+2.6)+\",\"+(.87*E+4.5)+\"l2.6,1.5l\"+E/2+\",-\"+.87*E+\"Z\",I=!0;function z(t){n.select(t).selectAll(\".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners\").remove()}A.clearSelect=function(){T(this.dragOptions),w(this.dragOptions.gd)},A.initInteractions=function(){var t,e,r,n,u,h,f,p,m,x,w=this,T=w.layers.plotbg.select(\"path\").node(),M=w.graphDiv,A=M._fullLayout._zoomlayer;function E(t){var e={};return e[w.id+\".aaxis.min\"]=t.a,e[w.id+\".baxis.min\"]=t.b,e[w.id+\".caxis.min\"]=t.c,e}function O(t,e){var r=M._fullLayout.clickmode;z(M),2===t&&(M.emit(\"plotly_doubleclick\",null),i.call(\"_guiRelayout\",M,E({a:0,b:0,c:0}))),r.indexOf(\"select\")>-1&&1===t&&_(e,M,[w.xaxis],[w.yaxis],w.id,w.dragOptions),r.indexOf(\"event\")>-1&&g.click(M,e,w.id)}function D(t,e){return 1-e/w.h}function R(t,e){return 1-(t+(w.h-e)/Math.sqrt(3))/w.w}function F(t,e){return(t-(w.h-e)/Math.sqrt(3))/w.w}function B(a,i){var o=t+a,s=e+i,l=Math.max(0,Math.min(1,D(0,e),D(0,s))),c=Math.max(0,Math.min(1,R(t,e),R(o,s))),d=Math.max(0,Math.min(1,F(t,e),F(o,s))),g=(l/2+d)*w.w,v=(1-l/2-c)*w.w,y=(g+v)/2,b=v-g,_=(1-l)*w.h,T=_-b/S;b.2?\"rgba(0,0,0,0.4)\":\"rgba(255,255,255,0.3)\").duration(200),x.transition().style(\"opacity\",1).duration(200),p=!0),M.emit(\"plotly_relayouting\",E(u))}function N(){z(M),u!==r&&(i.call(\"_guiRelayout\",M,E(u)),I&&M.data&&M._context.showTips&&(o.notifier(s(M,\"Double-click to zoom back out\"),\"long\"),I=!1))}function j(t,e){var n=t/w.xaxis._m,a=e/w.yaxis._m,i=[(u={a:r.a-a,b:r.b+(n+a)/2,c:r.c-(n-a)/2}).a,u.b,u.c].sort(o.sorterAsc),s=i.indexOf(u.a),l=i.indexOf(u.b),h=i.indexOf(u.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),u={a:i[s],b:i[l],c:i[h]},e=(r.a-u.a)*w.yaxis._m,t=(r.c-u.c-r.b+u.b)*w.xaxis._m);var f=\"translate(\"+(w.x0+t)+\",\"+(w.y0+e)+\")\";w.plotContainer.selectAll(\".scatterlayer,.maplayer\").attr(\"transform\",f);var p=\"translate(\"+-t+\",\"+-e+\")\";w.clipDefRelative.select(\"path\").attr(\"transform\",p),w.aaxis.range=[u.a,w.sum-u.b-u.c],w.baxis.range=[w.sum-u.a-u.c,u.b],w.caxis.range=[w.sum-u.a-u.b,u.c],w.drawAxes(!1),w._hasClipOnAxisFalse&&w.plotContainer.select(\".scatterlayer\").selectAll(\".trace\").call(c.hideOutsideRangePoints,w),M.emit(\"plotly_relayouting\",E(u))}function U(){i.call(\"_guiRelayout\",M,E(u))}this.dragOptions={element:T,gd:M,plotinfo:{id:w.id,domain:M._fullLayout[w.id].domain,xaxis:w.xaxis,yaxis:w.yaxis},subplot:w.id,prepFn:function(i,o,s){w.dragOptions.xaxes=[w.xaxis],w.dragOptions.yaxes=[w.yaxis];var c=w.dragOptions.dragmode=M._fullLayout.dragmode;v(c)?w.dragOptions.minDrag=1:w.dragOptions.minDrag=void 0,\"zoom\"===c?(w.dragOptions.moveFn=B,w.dragOptions.clickFn=O,w.dragOptions.doneFn=N,function(i,o,s){var c=T.getBoundingClientRect();t=o-c.left,e=s-c.top,r={a:w.aaxis.range[0],b:w.baxis.range[1],c:w.caxis.range[1]},u=r,n=w.aaxis.range[1]-r.a,h=a(w.graphDiv._fullLayout[w.id].bgcolor).getLuminance(),f=\"M0,\"+w.h+\"L\"+w.w/2+\", 0L\"+w.w+\",\"+w.h+\"Z\",p=!1,m=A.append(\"path\").attr(\"class\",\"zoombox\").attr(\"transform\",\"translate(\"+w.x0+\", \"+w.y0+\")\").style({fill:h>.2?\"rgba(0,0,0,0)\":\"rgba(255,255,255,0)\",\"stroke-width\":0}).attr(\"d\",f),x=A.append(\"path\").attr(\"class\",\"zoombox-corners\").attr(\"transform\",\"translate(\"+w.x0+\", \"+w.y0+\")\").style({fill:l.background,stroke:l.defaultLine,\"stroke-width\":1,opacity:0}).attr(\"d\",\"M0,0Z\"),w.clearSelect(M)}(0,o,s)):\"pan\"===c?(w.dragOptions.moveFn=j,w.dragOptions.clickFn=O,w.dragOptions.doneFn=U,r={a:w.aaxis.range[0],b:w.baxis.range[1],c:w.caxis.range[1]},u=r,w.clearSelect(M)):(y(c)||v(c))&&b(i,o,s,w.dragOptions,c)}},T.onmousemove=function(t){g.hover(M,t,w.id),M._fullLayout._lasthover=T,M._fullLayout._hoversubplot=w.id},T.onmouseout=function(t){M._dragging||d.unhover(M,t)},d.init(this.dragOptions)}},{\"../../components/color\":615,\"../../components/dragelement\":634,\"../../components/dragelement/helpers\":633,\"../../components/drawing\":637,\"../../components/fx\":655,\"../../components/titles\":710,\"../../lib\":749,\"../../lib/extend\":739,\"../../registry\":880,\"../cartesian/axes\":797,\"../cartesian/constants\":803,\"../cartesian/select\":816,\"../cartesian/set_convert\":817,\"../plots\":860,d3:169,tinycolor2:548}],880:[function(t,e,r){\"use strict\";var n=t(\"./lib/loggers\"),a=t(\"./lib/noop\"),i=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\"),h=l.extendFlat,f=l.extendDeepAll;function p(t){var e=t.name,a=t.categories,i=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 a in v(t),r.subplotsRegistry[e]=t,r.componentsRegistry)b(a,t.name)}(t.basePlotModule);for(var o={},l=0;l-1&&(h[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,\"'\"),a.isIE()&&(T=(T=(T=T.replace(/\"/gi,\"'\")).replace(/(\\('#)([^']*)('\\))/gi,'(\"#$2\")')).replace(/(\\\\')/gi,'\"')),T}},{\"../components/color\":615,\"../components/drawing\":637,\"../constants/xmlns_namespaces\":725,\"../lib\":749,d3:169}],889:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");e.exports=function(t,e){for(var r=0;rh+c||!n(u))}for(var p=0;pi))return e}return void 0!==r?r:t.dflt},r.coerceColor=function(t,e,r){return a(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?a+=i:e<0&&(a-=i)}return n.inbox(r-e,a-e,b+(a-e)/(a-r)-1)}\"h\"===m.orientation?(i=r,s=e,u=\"y\",h=\"x\",f=S,p=A):(i=e,s=r,u=\"x\",h=\"y\",p=S,f=A);var E=t[u+\"a\"],C=t[h+\"a\"];d=Math.abs(E.r2c(E.range[1])-E.r2c(E.range[0]));var L=n.getDistanceFunction(a,f,p,(function(t){return(f(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 P=g[t.index],I=m.base?P.b+P.s:P.s;t[h+\"0\"]=t[h+\"1\"]=C.c2p(P[h],!0),t[h+\"LabelVal\"]=I;var z=v.extents[v.extents.round(P.p)];return t[u+\"0\"]=E.c2p(y?T(P):z[0],!0),t[u+\"1\"]=E.c2p(y?k(P):z[1],!0),t[u+\"LabelVal\"]=P.p,t.labelLabel=l(E,t[u+\"LabelVal\"]),t.valueLabel=l(C,t[h+\"LabelVal\"]),t.spikeDistance=(S(P)+function(t){return M(_(t),w(t))}(P))/2-b,t[u+\"Spike\"]=E.c2p(P.p,!0),o(P,m,t),t.hovertemplate=m.hovertemplate,t}}function h(t,e){var r=e.mcc||t.marker.color,n=e.mlcc||t.marker.line.color,a=s(t,e);return i.opacity(r)?r:i.opacity(n)&&a?n:void 0}e.exports={hoverPoints:function(t,e,r,n){var i=u(t,e,r,n);if(i){var o=i.cd,s=o[0].trace,l=o[i.index];return i.color=h(s,l),a.getComponentMethod(\"errorbars\",\"hoverInfo\")(l,s,i),[i]}},hoverOnBars:u,getTraceColor:h}},{\"../../components/color\":615,\"../../components/fx\":655,\"../../constants/numerical\":724,\"../../lib\":749,\"../../plots/cartesian/axes\":797,\"../../registry\":880,\"./helpers\":896}],898:[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\":810,\"../scatter/marker_colorbar\":1173,\"./arrays_to_calcdata\":889,\"./attributes\":890,\"./calc\":891,\"./cross_trace_calc\":893,\"./defaults\":894,\"./event_data\":895,\"./hover\":897,\"./layout_attributes\":899,\"./layout_defaults\":900,\"./plot\":901,\"./select\":902,\"./style\":904}],899:[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\"}}},{}],900:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),a=t(\"../../plots/cartesian/axes\"),i=t(\"../../lib\"),o=t(\"./layout_attributes\");e.exports=function(t,e,r){function s(r,n){return i.coerce(t,e,o,r,n)}for(var l=!1,c=!1,u=!1,h={},f=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)),a=Math.abs(Math.cos(r));return{x:t.width*a+t.height*n,y:t.width*n+t.height*a}}function C(t,e,r,n,a,i){var o=!!i.isHorizontal,s=!!i.constrained,l=i.angle||0,c=i.anchor||\"end\",u=\"end\"===c,h=\"start\"===c,f=((i.leftToRight||0)+1)/2,p=1-f,d=a.width,g=a.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(i.ensureSingle(I,\"path\"),P,m,v);if(Y.style(\"vector-effect\",\"non-scaling-stroke\").attr(\"d\",isNaN((N-B)*(U-j))?\"M0,0Z\":\"M\"+B+\",\"+j+\"V\"+U+\"H\"+N+\"V\"+j+\"Z\").call(l.setClipUrl,e.layerClipId,t),!P.uniformtext.mode&&R){var W=l.makePointStyleFns(h);l.singlePointStyle(c,Y,h,W,t)}!function(t,e,r,n,a,s,c,h,p,m,v){var w,T=e.xaxis,A=e.yaxis,L=t._fullLayout;function P(e,r,n){return i.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 I=n[0].trace,z=\"h\"===I.orientation,O=function(t,e,r,n,a){var o,s=e[0].trace;o=s.texttemplate?function(t,e,r,n,a){var o=e[0].trace,s=i.castOption(o,r,\"texttemplate\");if(!s)return\"\";var l,c,h,f,p=\"waterfall\"===o.type,d=\"funnel\"===o.type;\"h\"===o.orientation?(l=\"y\",c=a,h=\"x\",f=n):(l=\"x\",c=n,h=\"y\",f=a);function g(t){return u(f,+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=i.castOption(o,m.i,\"text\");(0===x||x)&&(v.text=x);v.value=m.s,v.valueLabel=v[h+\"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=i.formatPercent(m.begR),v.percentPrevious=m.difR,v.percentPreviousLabel=i.formatPercent(m.difR),v.percentTotal=m.sumR,v.percenTotalLabel=i.formatPercent(m.sumR));var w=i.castOption(o,m.i,\"customdata\");w&&(v.customdata=w);return i.texttemplateString(s,v,t._d3locale,_,v,o._meta||{})}(t,e,r,n,a):s.textinfo?function(t,e,r,n){var a=t[0].trace,o=\"h\"===a.orientation,s=\"waterfall\"===a.type,l=\"funnel\"===a.type;function c(t){return u(o?r:n,+t,!0).text}var h,f=a.textinfo,p=t[e],d=f.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===(h=i.castOption(a,p.i,\"text\"))||h)&&g.push(h);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\")&&(h=i.formatPercent(p.begR),w&&(h+=\" of initial\"),g.push(h)),m(\"percent previous\")&&(h=i.formatPercent(p.difR),w&&(h+=\" of previous\"),g.push(h)),m(\"percent total\")&&(h=i.formatPercent(p.sumR),w&&(h+=\" of total\"),g.push(h))}return g.join(\"
\")}(e,r,n,a):g.getValue(s.text,r);return g.coerceString(y,o)}(L,n,a,T,A);w=function(t,e){var r=g.getValue(t.textposition,e);return g.coerceEnumerated(x,r)}(I,a);var D=\"stack\"===m.mode||\"relative\"===m.mode,R=n[a],F=!D||R._outmost;if(!O||\"none\"===w||(R.isBlank||s===c||h===p)&&(\"auto\"===w||\"inside\"===w))return void r.select(\"text\").remove();var B=L.font,N=d.getBarColor(n[a],I),j=d.getInsideTextFont(I,a,B,N),U=d.getOutsideTextFont(I,a,B),V=r.datum();z?\"log\"===T.type&&V.s0<=0&&(s=T.range[0]=G*(X/Y):X>=Y*(Z/G);G>0&&Y>0&&(J||K||Q)?w=\"inside\":(w=\"outside\",q.remove(),q=null)}else w=\"inside\";if(!q){W=i.ensureUniformFontSize(t,\"outside\"===w?U:j);var $=(q=P(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=I.textangle;\"outside\"===w?(et=\"both\"===I.constraintext||\"outside\"===I.constraintext,tt=function(t,e,r,n,a,i){var o,s=!!i.isHorizontal,l=!!i.constrained,c=i.angle||0,u=a.width,h=a.height,f=Math.abs(e-t),p=Math.abs(n-r);o=s?p>2*_?_:0:f>2*_?_:0;var d=1;l&&(d=s?Math.min(1,p/h):Math.min(1,f/u));var g=S(c),m=E(a,g),v=(s?m.x:m.y)/2,y=(a.left+a.right)/2,x=(a.top+a.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,h,p,H,{isHorizontal:z,constrained:et,angle:rt})):(et=\"both\"===I.constraintext||\"inside\"===I.constraintext,tt=C(s,c,h,p,H,{isHorizontal:z,constrained:et,angle:rt,anchor:I.insidetextanchor}));tt.fontSize=W.size,f(I.type,tt,L),R.transform=tt,M(q,L,m,v).attr(\"transform\",i.getTextTransform(tt))}(t,e,I,r,p,B,N,j,U,m,v),e.layerClipId&&l.hideOutsideRangePoint(c,I.select(\"text\"),w,L,h.xcalendar,h.ycalendar)}));var j=!1===h.cliponaxis;l.setClipUrl(c,j?null:e.layerClipId,t)}));c.getComponentMethod(\"errorbars\",\"plot\")(t,I,e,m)},toMoveInsideBar:C}},{\"../../components/color\":615,\"../../components/drawing\":637,\"../../components/fx/helpers\":651,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../../plots/cartesian/axes\":797,\"../../registry\":880,\"./attributes\":890,\"./constants\":892,\"./helpers\":896,\"./style\":904,\"./uniform_text\":906,d3:169,\"fast-isnumeric\":241}],902:[function(t,e,r){\"use strict\";function n(t,e,r,n,a){var i=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 a?[(i+o)/2,(s+l)/2]:n?[o,(s+l)/2]:[(i+o)/2,l]}e.exports=function(t,e){var r,a=t.cd,i=t.xaxis,o=t.yaxis,s=a[0].trace,l=\"funnel\"===s.type,c=\"h\"===s.orientation,u=[];if(!1===e)for(r=0;r1||0===a.bargap&&0===a.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 a=e[0].trace;a.selectedpoints?function(t,e,r){i.selectedPointStyle(t.selectAll(\"path\"),e),function(t,e,r){t.each((function(t){var a,s=n.select(this);if(t.selected){a=o.ensureUniformFontSize(r,m(s,t,e,r));var l=e.selected.textfont&&e.selected.textfont.color;l&&(a.color=l),i.font(s,a)}else i.selectedTextStyle(s,e)}))}(t.selectAll(\"text\"),e,r)}(r,a,t):(d(r,a,t),s.getComponentMethod(\"errorbars\",\"style\")(r))},getInsideTextFont:y,getOutsideTextFont:x,getBarColor:_,resizeText:l}},{\"../../components/color\":615,\"../../components/drawing\":637,\"../../lib\":749,\"../../registry\":880,\"./attributes\":890,\"./helpers\":896,\"./uniform_text\":906,d3:169}],905:[function(t,e,r){\"use strict\";var n=t(\"../../components/color\"),a=t(\"../../components/colorscale/helpers\").hasColorscale,i=t(\"../../components/colorscale/defaults\");e.exports=function(t,e,r,o,s){r(\"marker.color\",o),a(t,\"marker\")&&i(t,e,s,r,{prefix:\"marker.\",cLetter:\"c\"}),r(\"marker.line.color\",n.defaultLine),a(t,\"marker.line\")&&i(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\":615,\"../../components/colorscale/defaults\":625,\"../../components/colorscale/helpers\":626}],906:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\");function i(t){return\"_\"+t+\"Text_minsize\"}e.exports={recordMinTextSize:function(t,e,r){if(r.uniformtext.mode){var n=i(t),a=r.uniformtext.minsize,o=e.scale*e.fontSize;e.hide=o g.point\"}e.selectAll(s).each((function(t){var e=t.transform;e&&(e.scale=l&&e.hide?0:o/e.fontSize,n.select(this).select(\"text\").attr(\"transform\",a.getTextTransform(e)))}))}}}},{\"../../lib\":749,d3:169}],907:[function(t,e,r){\"use strict\";var n=t(\"../../plots/template_attributes\").hovertemplateAttrs,a=t(\"../../lib/extend\").extendFlat,i=t(\"../scatterpolar/attributes\"),o=t(\"../bar/attributes\");e.exports={r:i.r,theta:i.theta,r0:i.r0,dr:i.dr,theta0:i.theta0,dtheta:i.dtheta,thetaunit:i.thetaunit,base:a({},o.base,{}),offset:a({},o.offset,{}),width:a({},o.width,{}),text:a({},o.text,{}),hovertext:a({},o.hovertext,{}),marker:o.marker,hoverinfo:i.hoverinfo,hovertemplate:n(),selected:o.selected,unselected:o.unselected}},{\"../../lib/extend\":739,\"../../plots/template_attributes\":875,\"../bar/attributes\":890,\"../scatterpolar/attributes\":1228}],908:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/helpers\").hasColorscale,a=t(\"../../components/colorscale/calc\"),i=t(\"../bar/arrays_to_calcdata\"),o=t(\"../bar/cross_trace_calc\").setGroupPositions,s=t(\"../scatter/calc_selection\"),l=t(\"../../registry\").traceIs,c=t(\"../../lib\").extendFlat;e.exports={calc:function(t,e){for(var r=t._fullLayout,o=e.subplot,l=r[o].radialaxis,c=r[o].angularaxis,u=l.makeCalcdata(e,\"r\"),h=c.makeCalcdata(e,\"theta\"),f=e._length,p=new Array(f),d=u,g=h,m=0;mf.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 _=a.extendFlat({},b,{r:b.s,theta:b.p});return o(b,u,t),s(_,u,h,t),t.hovertemplate=u.hovertemplate,t.color=i(u,b),t.xLabelVal=t.yLabelVal=void 0,b.s<0&&(t.idealAlign=\"left\"),[t]}}},{\"../../components/fx\":655,\"../../lib\":749,\"../../plots/polar/helpers\":862,\"../bar/hover\":897,\"../scatterpolar/hover\":1232}],911:[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\":863,\"../bar/select\":902,\"../bar/style\":904,\"../scatter/marker_colorbar\":1173,\"../scatterpolar/format_labels\":1231,\"./attributes\":907,\"./calc\":908,\"./defaults\":909,\"./hover\":910,\"./layout_attributes\":912,\"./layout_defaults\":913,\"./plot\":914}],912:[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\"}}},{}],913:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./layout_attributes\");e.exports=function(t,e,r){var i,o={};function s(r,o){return n.coerce(t[i]||{},e[i],a,r,o)}for(var l=0;l0?(c=o,u=l):(c=l,u=o);var h=[s.findEnclosingVertexAngles(c,t.vangles)[0],(c+u)/2,s.findEnclosingVertexAngles(u,t.vangles)[1]];return s.pathPolygonAnnulus(n,a,c,u,h,e,r)};return function(t,n,a,o){return i.pathAnnulus(t,n,a,o,e,r)}}(e),p=e.layers.frontplot.select(\"g.barlayer\");i.makeTraceGroups(p,r,\"trace bars\").each((function(){var r=n.select(this),s=i.ensureSingle(r,\"g\",\"points\").selectAll(\"g.point\").data(i.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=h.c2g(t.p0),d=t.thetag1=h.c2g(t.p1);if(a(o)&&a(s)&&a(p)&&a(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=f(o,s,p,d)}else e=\"M0,0Z\";i.ensureSingle(r,\"path\").attr(\"d\",e)})),o.setClipUrl(r,e._hasClipOnAxisFalse?e.clipIds.forTraces:null,t)}))}},{\"../../components/drawing\":637,\"../../lib\":749,\"../../plots/polar/helpers\":862,d3:169,\"fast-isnumeric\":241}],915:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\"),a=t(\"../bar/attributes\"),i=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\"},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:i.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:a.offsetgroup,alignmentgroup:a.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\":614,\"../../lib/extend\":739,\"../../plots/template_attributes\":875,\"../bar/attributes\":890,\"../scatter/attributes\":1155}],916:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"../../plots/cartesian/axes\"),i=t(\"../../lib\"),o=t(\"../../constants/numerical\").BADNUM,s=i._;e.exports=function(t,e){var r,l,v,y,x,b,_=t._fullLayout,w=a.getFromId(t,e.xaxis||\"x\"),T=a.getFromId(t,e.yaxis||\"y\"),k=[],M=\"violin\"===e.type?\"_numViolins\":\"_numBoxes\";\"h\"===e.orientation?(v=w,y=\"x\",x=T,b=\"y\"):(v=T,y=\"y\",x=w,b=\"x\");var A,S,E,C,L,P,I=function(t,e,r,a){var o,s=e+\"0\"in t,l=\"d\"+e in t;if(e in t||s&&l)return r.makeCalcdata(t,e);o=s?t[e+\"0\"]:\"name\"in t&&(\"category\"===r.type||n(t.name)&&-1!==[\"linear\",\"log\"].indexOf(r.type)||i.isDateTime(t.name)&&\"date\"===r.type)?t.name:a;for(var c=\"multicategory\"===r.type?r.r2c_just_indices(o):r.d2c(o,0,t[e+\"calendar\"]),u=t._length,h=new Array(u),f=0;fA.uf};if(e._hasPreCompStats){var F=e[y],B=function(t){return v.d2c((e[t]||[])[r])},N=1/0,j=-1/0;for(r=0;r=A.q1&&A.q3>=A.med){var V=B(\"lowerfence\");A.lf=V!==o&&V<=A.q1?V:f(A,E,C);var q=B(\"upperfence\");A.uf=q!==o&&q>=A.q3?q:p(A,E,C);var H=B(\"mean\");A.mean=H!==o?H:C?i.mean(E,C):(A.q1+A.q3)/2;var G=B(\"sd\");A.sd=H!==o&&G>=0?G:C?i.stdev(E,C,A.mean):A.q3-A.q1,A.lo=d(A),A.uo=g(A);var Y=B(\"notchspan\");Y=Y!==o&&Y>0?Y:m(A,C),A.ln=A.med-Y,A.un=A.med+Y;var W=A.lf,Z=A.uf;e.boxpoints&&E.length&&(W=Math.min(W,E[0]),Z=Math.max(Z,E[C-1])),e.notched&&(W=Math.min(W,A.ln),Z=Math.max(Z,A.un)),A.min=W,A.max=Z}else{var X;i.warn([\"Invalid input - make sure that q1 <= median <= q3\",\"q1 = \"+A.q1,\"median = \"+A.med,\"q3 = \"+A.q3].join(\"\\n\")),X=A.med!==o?A.med:A.q1!==o?A.q3!==o?(A.q1+A.q3)/2:A.q1:A.q3!==o?A.q3:0,A.med=X,A.q1=A.q3=X,A.lf=A.uf=X,A.mean=A.sd=X,A.ln=A.un=X,A.min=A.max=X}N=Math.min(N,A.min),j=Math.max(j,A.max),A.pts2=S.filter(R),k.push(A)}}e._extremes[v._id]=a.findExtremes(v,[N,j],{padded:!0})}else{var J=v.makeCalcdata(e,y),K=function(t,e){for(var r=t.length,n=new Array(r+1),a=0;a=0&&tt0){var ot,st;if((A={}).pos=A[b]=O[r],S=A.pts=$[r].sort(u),C=(E=A[y]=S.map(h)).length,A.min=E[0],A.max=E[C-1],A.mean=i.mean(E,C),A.sd=i.stdev(E,C,A.mean),A.med=i.interp(E,.5),C%2&&(at||it))at?(ot=E.slice(0,C/2),st=E.slice(C/2+1)):it&&(ot=E.slice(0,C/2+1),st=E.slice(C/2)),A.q1=i.interp(ot,.5),A.q3=i.interp(st,.5);else A.q1=i.interp(E,.25),A.q3=i.interp(E,.75);A.lf=f(A,E,C),A.uf=p(A,E,C),A.lo=d(A),A.uo=g(A);var lt=m(A,C);A.ln=A.med-lt,A.un=A.med+lt,et=Math.min(et,A.ln),rt=Math.max(rt,A.un),A.pts2=S.filter(R),k.push(A)}e._extremes[v._id]=a.findExtremes(v,e.notched?J.concat([et,rt]):J,{padded:!0})}return function(t,e){if(i.isArrayOrTypedArray(e.selectedpoints))for(var r=0;r0?(k[0].t={num:_[M],dPos:D,posLetter:b,valLetter:y,labels:{med:s(t,\"median:\"),min:s(t,\"min:\"),q1:s(t,\"q1:\"),q3:s(t,\"q3:\"),max:s(t,\"max:\"),mean:\"sd\"===e.boxmean?s(t,\"mean \\xb1 \\u03c3:\"):s(t,\"mean:\"),lf:s(t,\"lower fence:\"),uf:s(t,\"upper fence:\")}},_[M]++,k):[{t:{empty:!0}}]};var l={text:\"tx\",hovertext:\"htx\"};function c(t,e,r){for(var n in l)i.isArrayOrTypedArray(e[n])&&(Array.isArray(r)?i.isArrayOrTypedArray(e[n][r[0]])&&(t[l[n]]=e[n][r[0]][r[1]]):t[l[n]]=e[n][r])}function u(t,e){return t.v-e.v}function h(t){return t.v}function f(t,e,r){return 0===r?t.q1:Math.min(t.q1,e[Math.min(i.findBin(2.5*t.q1-1.5*t.q3,e,!0)+1,r-1)])}function p(t,e,r){return 0===r?t.q3:Math.max(t.q3,e[Math.max(i.findBin(2.5*t.q3-1.5*t.q1,e),0)])}function d(t){return 4*t.q1-3*t.q3}function g(t){return 4*t.q3-3*t.q1}function m(t,e){return 0===e?0:1.57*(t.q3-t.q1)/Math.sqrt(e)}},{\"../../constants/numerical\":724,\"../../lib\":749,\"../../plots/cartesian/axes\":797,\"fast-isnumeric\":241}],917:[function(t,e,r){\"use strict\";var n=t(\"../../plots/cartesian/axes\"),a=t(\"../../lib\"),i=t(\"../../plots/cartesian/axis_ids\").getAxisGroup,o=[\"v\",\"h\"];function s(t,e,r,o){var s,l,c,u=e.calcdata,h=e._fullLayout,f=o._id,p=f.charAt(0),d=[],g=0;for(s=0;s1,b=1-h[t+\"gap\"],_=1-h[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 Z=0;H-G<=0&&((Z=-V*(H-G))>S?(q=!0,U=Y,N=Z):Z>F&&(U=Y,N=S)),Z<=S&&(N=S)}else B=A,N=S;var X=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 M=r(\"orientation\",m);e._hasPreCompStats?\"v\"===M&&0===x?(r(\"x0\",0),r(\"dx\",1)):\"h\"===M&&0===y&&(r(\"y0\",0),r(\"dy\",1)):\"v\"===M&&0===x?r(\"x0\"):\"h\"===M&&0===y&&r(\"y0\"),a.getComponentMethod(\"calendars\",\"handleTraceDefaults\")(t,e,[\"x\",\"y\"],i)}else e.visible=!1}function u(t,e,r,a){var i=a.prefix,o=n.coerce2(t,e,l,\"marker.outliercolor\"),s=r(\"marker.line.outliercolor\"),c=\"outliers\";e._hasPreCompStats?c=\"all\":(o||s)&&(c=\"suspectedoutliers\");var u=r(i+\"points\",c);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 h=r(\"hoveron\");\"all\"!==h&&-1===h.indexOf(\"points\")||r(\"hovertemplate\"),n.coerceSelectionMarkerOpacity(e,r)}e.exports={supplyDefaults:function(t,e,r,a){function o(r,a){return n.coerce(t,e,l,r,a)}if(c(t,e,o,a),!1!==e.visible){var s=e._hasPreCompStats;s&&(o(\"lowerfence\"),o(\"upperfence\")),o(\"line.color\",(t.marker||{}).color||r),o(\"line.width\"),o(\"fillcolor\",i.addOpacity(e.line.color,.5));var h=!1;if(s){var f=o(\"mean\"),p=o(\"sd\");f&&f.length&&(h=!0,p&&p.length&&(h=\"sd\"))}o(\"boxmean\",h),o(\"whiskerwidth\"),o(\"width\"),o(\"quartilemethod\");var d=!1;if(s){var g=o(\"notchspan\");g&&g.length&&(d=!0)}else n.validate(t.notchwidth,l.notchwidth)&&(d=!0);o(\"notched\",d)&&o(\"notchwidth\"),u(t,e,o,{prefix:\"box\"})}},crossTraceDefaults:function(t,e){var r,a;function i(t){return n.coerce(a._input,a,l,t)}for(var s=0;st.lo&&(x.so=!0)}return i}));f.enter().append(\"path\").classed(\"point\",!0),f.exit().remove(),f.call(i.translatePoints,o,s)}function l(t,e,r,i){var o,s,l=e.val,c=e.pos,u=!!c.rangebreaks,h=i.bPos,f=i.bPosPxOffset||0,p=r.boxmean||(r.meanline||{}).visible;Array.isArray(i.bdPos)?(o=i.bdPos[0],s=i.bdPos[1]):(o=i.bdPos,s=i.bdPos);var d=t.selectAll(\"path.mean\").data(\"box\"===r.type&&r.boxmean||\"violin\"===r.type&&r.box.visible&&r.meanline.visible?a.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+h,!0),a=c.l2p(e-o)+f,i=c.l2p(e+s)+f,d=u?(a+i)/2:c.l2p(e)+f,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+\",\"+a+\"V\"+i+(\"sd\"===p?\"m0,0L\"+m+\",\"+d+\"L\"+g+\",\"+a+\"L\"+v+\",\"+d+\"Z\":\"\")):n.select(this).attr(\"d\",\"M\"+a+\",\"+g+\"H\"+i+(\"sd\"===p?\"m0,0L\"+d+\",\"+m+\"L\"+a+\",\"+g+\"L\"+d+\",\"+v+\"Z\":\"\"))}))}e.exports={plot:function(t,e,r,i){var c=e.xaxis,u=e.yaxis;a.makeTraceGroups(i,r,\"trace boxes\").each((function(t){var e,r,a=n.select(this),i=t[0],h=i.t,f=i.trace;(h.wdPos=h.bdPos*f.whiskerwidth,!0!==f.visible||h.empty)?a.remove():(\"h\"===f.orientation?(e=u,r=c):(e=c,r=u),o(a,{pos:e,val:r},f,h),s(a,{x:c,y:u},f,h),l(a,{pos:e,val:r},f,h))}))},plotBoxAndWhiskers:o,plotPoints:s,plotBoxMean:l}},{\"../../components/drawing\":637,\"../../lib\":749,d3:169}],925:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r,n,a=t.cd,i=t.xaxis,o=t.yaxis,s=[];if(!1===e)for(r=0;r=10)return null;for(var a=1/0,i=-1/0,o=e.length,s=0;s0?Math.floor:Math.ceil,I=C>0?Math.ceil:Math.floor,z=C>0?Math.min:Math.max,O=C>0?Math.max:Math.min,D=P(S+L),R=I(E-L),F=[[h=A(S)]];for(i=D;i*C=0;a--)i[u-a]=t[h][a],o[u-a]=e[h][a];for(s.push({x:i,y:o,bicubic:l}),a=h,i=[],o=[];a>=0;a--)i[h-a]=t[a][0],o[h-a]=e[a][0];return s.push({x:i,y:o,bicubic:c}),s}},{}],939:[function(t,e,r){\"use strict\";var n=t(\"../../plots/cartesian/axes\"),a=t(\"../../lib/extend\").extendFlat;e.exports=function(t,e,r){var i,o,s,l,c,u,h,f,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,P=t._b.length;n.prepTicks(b),\"array\"===b.tickmode&&delete b.tickvals;var I=b.smoothing?3:1;function z(n){var a,i,o,s,l,c,u,h,p,d,g,m,v=[],y=[],x={};if(\"b\"===e)for(i=t.b2j(n),o=Math.floor(Math.max(0,Math.min(P-2,i))),s=i-o,x.length=P,x.crossLength=L,x.xy=function(e){return t.evalxy([],e,i)},x.dxy=function(e,r){return t.dxydi([],e,o,r,s)},a=0;a0&&(p=t.dxydi([],a-1,o,0,s),v.push(l[0]+p[0]/3),y.push(l[1]+p[1]/3),d=t.dxydi([],a-1,o,1,s),v.push(h[0]-d[0]/3),y.push(h[1]-d[1]/3)),v.push(h[0]),y.push(h[1]),l=h;else for(a=t.a2i(n),c=Math.floor(Math.max(0,Math.min(L-2,a))),u=a-c,x.length=L,x.crossLength=P,x.xy=function(e){return t.evalxy([],a,e)},x.dxy=function(e,r){return t.dxydj([],c,e,u,r)},i=0;i0&&(g=t.dxydj([],c,i-1,u,0),v.push(l[0]+g[0]/3),y.push(l[1]+g[1]/3),m=t.dxydj([],c,i-1,u,1),v.push(h[0]-m[0]/3),y.push(h[1]-m[1]/3)),v.push(h[0]),y.push(h[1]),l=h;return x.axisLetter=e,x.axis=b,x.crossAxis=M,x.value=n,x.constvar=r,x.index=f,x.x=v,x.y=y,x.smoothing=M.smoothing,x}function O(n){var a,i,o,s,l,c=[],u=[],h={};if(h.length=x.length,h.crossLength=k.length,\"b\"===e)for(o=Math.max(0,Math.min(P-2,n)),l=Math.min(1,Math.max(0,n-o)),h.xy=function(e){return t.evalxy([],e,n)},h.dxy=function(e,r){return t.dxydi([],e,o,r,l)},a=0;ax.length-1||_.push(a(O(o),{color:b.gridcolor,width:b.gridwidth}));for(f=u;fx.length-1||g<0||g>x.length-1))for(m=x[s],v=x[g],i=0;ix[x.length-1]||w.push(a(z(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&T.push(a(O(0),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&T.push(a(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],h=c[1],f=u;f<=h;f++)p=b.tick0+b.dtick*f,_.push(a(z(p),{color:b.gridcolor,width:b.gridwidth}));for(f=u-1;fx[x.length-1]||w.push(a(z(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&T.push(a(z(x[0]),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&T.push(a(z(x[x.length-1]),{color:b.endlinecolor,width:b.endlinewidth}))}}},{\"../../lib/extend\":739,\"../../plots/cartesian/axes\":797}],940:[function(t,e,r){\"use strict\";var n=t(\"../../plots/cartesian/axes\"),a=t(\"../../lib/extend\").extendFlat;e.exports=function(t,e){var r,i,o,s=e._labels=[],l=e._gridlines;for(r=0;re.length&&(t=t.slice(0,e.length)):t=[],a=0;a90&&(p-=180,l=-l),{angle:p,flip:l,p:t.c2p(n,e,r),offsetMultplier:c}}},{}],954:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../components/drawing\"),i=t(\"./map_1d_array\"),o=t(\"./makepath\"),s=t(\"./orient_text\"),l=t(\"../../lib/svg_text_utils\"),c=t(\"../../lib\"),u=t(\"../../constants/alignment\");function h(t,e,r,a,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 a=r,s=a.x,l=a.y,c=i([],s,t.c2p),u=i([],l,e.c2p),h=\"M\"+o(c,u,a.smoothing);n.select(this).attr(\"d\",h).style(\"stroke-width\",a.width).style(\"stroke\",a.color).style(\"fill\",\"none\")})),u.exit().remove()}function f(t,e,r,i,o,c,u,h){var f=c.selectAll(\"text.\"+h).data(u);f.enter().append(\"text\").classed(h,!0);var p=0,d={};return f.each((function(o,c){var u;if(\"auto\"===o.axis.tickangle)u=s(i,e,r,o.xy,o.dxy);else{var h=(o.axis.tickangle+180)*Math.PI/180;u=s(i,e,r,o.xy,[Math.cos(h),Math.sin(h)])}c||(d={angle:u.angle,flip:u.flip});var f=(o.endAnchor?-1:1)*u.flip,g=n.select(this).attr({\"text-anchor\":f>0?\"start\":\"end\",\"data-notex\":1}).call(a.font,o.font).text(o.text).call(l.convertToTspans,t),m=a.bBox(this);g.attr(\"transform\",\"translate(\"+u.p[0]+\",\"+u.p[1]+\") rotate(\"+u.angle+\")translate(\"+o.axis.labelpadding*f+\",\"+.3*m.height+\")\"),p=Math.max(p,m.width+o.axis.labelpadding)})),f.exit().remove(),d.maxExtent=p,d}e.exports=function(t,e,r,a){var l=e.xaxis,u=e.yaxis,p=t._fullLayout._clips;c.makeTraceGroups(a,r,\"trace\").each((function(e){var r=n.select(this),a=e[0],d=a.trace,m=d.aaxis,v=d.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\",d.opacity),h(l,u,x,m,\"a\",m._gridlines),h(l,u,x,v,\"b\",v._gridlines),h(l,u,y,m,\"a\",m._minorgridlines),h(l,u,y,v,\"b\",v._minorgridlines),h(l,u,b,m,\"a-boundary\",m._boundarylines),h(l,u,b,v,\"b-boundary\",v._boundarylines);var w=f(t,l,u,d,a,_,m._labels,\"a-label\"),T=f(t,l,u,d,a,_,v._labels,\"b-label\");!function(t,e,r,n,a,i,o,l){var u,h,f,p,d=c.aggNums(Math.min,null,r.a),m=c.aggNums(Math.max,null,r.a),v=c.aggNums(Math.min,null,r.b),y=c.aggNums(Math.max,null,r.b);u=.5*(d+m),h=v,f=r.ab2xy(u,h,!0),p=r.dxyda_rough(u,h),void 0===o.angle&&c.extendFlat(o,s(r,a,i,f,r.dxydb_rough(u,h)));g(t,e,r,n,f,p,r.aaxis,a,i,o,\"a-title\"),u=d,h=.5*(v+y),f=r.ab2xy(u,h,!0),p=r.dxydb_rough(u,h),void 0===l.angle&&c.extendFlat(l,s(r,a,i,f,r.dxyda_rough(u,h)));g(t,e,r,n,f,p,r.baxis,a,i,l,\"b-title\")}(t,_,d,a,l,u,w,T),function(t,e,r,n,a){var s,l,u,h,f=r.select(\"#\"+t._clipPathId);f.size()||(f=r.append(\"clipPath\").classed(\"carpetclip\",!0));var p=c.ensureSingle(f,\"path\",\"carpetboundary\"),d=e.clipsegments,g=[];for(h=0;h90&&m<270,y=n.select(this);y.text(u.title.text).call(l.convertToTspans,t),v&&(x=(-l.lineCount(y)+d)*p*i-x),y.attr(\"transform\",\"translate(\"+e.p[0]+\",\"+e.p[1]+\") rotate(\"+e.angle+\") translate(0,\"+x+\")\").classed(\"user-select-none\",!0).attr(\"text-anchor\",\"middle\").call(a.font,u.title.font)})),y.exit().remove()}},{\"../../components/drawing\":637,\"../../constants/alignment\":717,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"./makepath\":951,\"./map_1d_array\":952,\"./orient_text\":953,d3:169}],955:[function(t,e,r){\"use strict\";var n=t(\"./constants\"),a=t(\"../../lib/search\").findBin,i=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,h=t.aaxis,f=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=i(t._xctrl,t._yctrl,e,r,h.smoothing,f.smoothing);t._xctrl=n[0],t._yctrl=n[1],t.evalxy=o([t._xctrl,t._yctrl],c,u,h.smoothing,f.smoothing),t.dxydi=s([t._xctrl,t._yctrl],h.smoothing,f.smoothing),t.dxydj=l([t._xctrl,t._yctrl],h.smoothing,f.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(a(t,e),c-2)),n=e[r],i=e[r+1];return Math.max(0,Math.min(c-1,r+(t-n)/(i-n)))},t.b2j=function(t){var e=Math.max(0,Math.min(a(t,r),u-2)),n=r[e],i=r[e+1];return Math.max(0,Math.min(u-1,e+(t-n)/(i-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,a,i){if(!i&&(ne[c-1]|ar[u-1]))return[!1,!1];var o=t.a2i(n),s=t.b2j(a),l=t.evalxy([],o,s);if(i){var h,f,p,d,g=0,m=0,v=[];ne[c-1]?(h=c-2,f=1,g=(n-e[c-1])/(e[c-1]-e[c-2])):f=o-(h=Math.max(0,Math.min(c-2,Math.floor(o)))),ar[u-1]?(p=u-2,d=1,m=(a-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,h,p,f,d),l[0]+=v[0]*g,l[1]+=v[1]*g),m&&(t.dxydj(v,h,p,f,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,a){var i=t.dxydi(null,e,r,n,a),o=t.dadi(e,n);return[i[0]/o,i[1]/o]},t.dxydb=function(e,r,n,a){var i=t.dxydj(null,e,r,n,a),o=t.dbdj(r,a);return[i[0]/o,i[1]/o]},t.dxyda_rough=function(e,r,n){var a=v*(n||.1),i=t.ab2xy(e+a,r,!0),o=t.ab2xy(e-a,r,!0);return[.5*(i[0]-o[0])/a,.5*(i[1]-o[1])/a]},t.dxydb_rough=function(e,r,n){var a=y*(n||.1),i=t.ab2xy(e,r+a,!0),o=t.ab2xy(e,r-a,!0);return[.5*(i[0]-o[0])/a,.5*(i[1]-o[1])/a]},t.dpdx=function(t){return t._m},t.dpdy=function(t){return t._m}}},{\"../../lib/search\":768,\"./compute_control_points\":943,\"./constants\":944,\"./create_i_derivative_evaluator\":945,\"./create_j_derivative_evaluator\":946,\"./create_spline_evaluator\":947}],956:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");e.exports=function(t,e,r){var a,i,o,s=[],l=[],c=t[0].length,u=t.length;function h(e,r){var n,a=0,i=0;return e>0&&void 0!==(n=t[r][e-1])&&(i++,a+=n),e0&&void 0!==(n=t[r-1][e])&&(i++,a+=n),r0&&i0&&a1e-5);return n.log(\"Smoother converged to\",k,\"after\",M,\"iterations\"),t}},{\"../../lib\":749}],957:[function(t,e,r){\"use strict\";var n=t(\"../../lib\").isArray1D;e.exports=function(t,e,r){var a=r(\"x\"),i=a&&a.length,o=r(\"y\"),s=o&&o.length;if(!i&&!s)return!1;if(e._cheater=!a,i&&!n(a)||s&&!n(o))e._length=null;else{var l=i?a.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\":749}],958:[function(t,e,r){\"use strict\";var n=t(\"../../plots/template_attributes\").hovertemplateAttrs,a=t(\"../scattergeo/attributes\"),i=t(\"../../components/colorscale/attributes\"),o=t(\"../../plots/attributes\"),s=t(\"../../components/color/attributes\").defaultLine,l=t(\"../../lib/extend\").extendFlat,c=a.marker.line;e.exports=l({locations:{valType:\"data_array\",editType:\"calc\"},locationmode:a.locationmode,z:{valType:\"data_array\",editType:\"calc\"},geojson:l({},a.geojson,{}),featureidkey:a.featureidkey,text:l({},a.text,{}),hovertext:l({},a.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:a.selected.marker.opacity,editType:\"plot\"},editType:\"plot\"},unselected:{marker:{opacity:a.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})},i(\"\",{cLetter:\"z\",editTypeOverride:\"calc\"}))},{\"../../components/color/attributes\":614,\"../../components/colorscale/attributes\":622,\"../../lib/extend\":739,\"../../plots/attributes\":794,\"../../plots/template_attributes\":875,\"../scattergeo/attributes\":1196}],959:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"../../constants/numerical\").BADNUM,i=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 h=0;h\")}(t,h,o,f.mockAxis),[t]}},{\"../../lib\":749,\"../../plots/cartesian/axes\":797,\"./attributes\":958}],963:[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\":829,\"../heatmap/colorbar\":1037,\"./attributes\":958,\"./calc\":959,\"./defaults\":960,\"./event_data\":961,\"./hover\":962,\"./plot\":964,\"./select\":965,\"./style\":966}],964:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\"),i=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],a=n._subplot,l=r.locationmode,c=r._length,u=\"geojson-id\"===l?i.extractTraceFeature(t):o(r,a.topojson),h=[],f=[],p=0;p=0;n--){var a=r[n].id;if(\"string\"==typeof a&&0===a.indexOf(\"water\"))for(var i=n+1;i=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,a=new o(t,r.uid),i=a.sourceId,s=n(e),l=a.below=t.belowLookup[\"trace-\"+r.uid];return t.map.addSource(i,{type:\"geojson\",data:s.geojson}),a._addLayers(s,l),e[0].trace._glTrace=a,a}},{\"../../plots/mapbox/constants\":852,\"./convert\":968}],972:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/attributes\"),a=t(\"../../plots/template_attributes\").hovertemplateAttrs,i=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:a({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]=i[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\":622,\"../../lib/extend\":739,\"../../plots/attributes\":794,\"../../plots/template_attributes\":875,\"../mesh3d/attributes\":1096}],973:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/calc\");e.exports=function(t,e){for(var r=e.u,a=e.v,i=e.w,o=Math.min(e.x.length,e.y.length,e.z.length,r.length,a.length,i.length),s=-1/0,l=1/0,c=0;co.level||o.starts.length&&i===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&&f===u)&&(n.prefixBoundary=!0);break;case\"][\":h=Math.min(p[0],p[1]),f=Math.max(p[0],p[1]),hc&&(n.prefixBoundary=!0)}}}},{}],980:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale\"),a=t(\"./make_color_map\"),i=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=a(e,{isColorbar:!0});if(\"heatmap\"===c){var h=n.extractOpts(e);r._fillgradient=h.reversescale?n.flipScale(h.colorscale):h.colorscale,r._zrange=[h.min,h.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:i(o),size:l}}}},{\"../../components/colorscale\":627,\"./end_plus\":988,\"./make_color_map\":993}],981:[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}}},{}],982:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"./label_defaults\"),i=t(\"../../components/color\"),o=i.addOpacity,s=i.opacity,l=t(\"../../constants/filter_ops\"),c=l.CONSTRAINT_REDUCTION,u=l.COMPARISON_OPS2;e.exports=function(t,e,r,i,l,h){var f,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?f=g.showlines=!0:(f=r(\"contours.showlines\"),d=r(\"fillcolor\",o((t.line||{}).color||l,.5))),f)&&(p=r(\"line.color\",d&&s(d)?o(e.fillcolor,1):l),r(\"line.width\",2),r(\"line.dash\"));r(\"line.smoothing\"),a(r,i,p,h)}},{\"../../components/color\":615,\"../../constants/filter_ops\":720,\"./label_defaults\":992,\"fast-isnumeric\":241}],983:[function(t,e,r){\"use strict\";var n=t(\"../../constants/filter_ops\"),a=t(\"fast-isnumeric\");function i(t,e){var r,i=Array.isArray(e);function o(t){return a(t)?+t:null}return-1!==n.COMPARISON_OPS2.indexOf(t)?r=o(i?e[0]:e):-1!==n.INTERVAL_OPS.indexOf(t)?r=i?[o(e[0]),o(e[1])]:[o(e),o(e)]:-1!==n.SET_OPS.indexOf(t)&&(r=i?e.map(o):[o(e)]),r}function o(t){return function(e){e=i(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=i(t,e),end:1/0,size:1/0}}}e.exports={\"[]\":o(\"[]\"),\"][\":o(\"][\"),\">\":s(\">\"),\"<\":s(\"<\"),\"=\":s(\"=\")}},{\"../../constants/filter_ops\":720,\"fast-isnumeric\":241}],984:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,n){var a=n(\"contours.start\"),i=n(\"contours.end\"),o=!1===a||!1===i,s=r(\"contours.size\");!(o?e.autocontour=!0:r(\"autocontour\",!1))&&s||r(\"ncontours\")}},{}],985:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");function a(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,i,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.\"),i=t[0],r=0;r1e3){n.warn(\"Too many contours, clipping at 1000\",t);break}return l}},{\"../../lib\":749,\"./constraint_mapping\":983,\"./end_plus\":988}],988:[function(t,e,r){\"use strict\";e.exports=function(t){return t.end+t.size/1e6}},{}],989:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./constants\");function i(t,e,r,n){return Math.abs(t[0]-e[0])20&&e?208===t||1114===t?n=0===r[0]?1:-1:i=0===r[1]?1:-1:-1!==a.BOTTOMSTART.indexOf(t)?i=1:-1!==a.LEFTSTART.indexOf(t)?n=1:-1!==a.TOPSTART.indexOf(t)?i=-1:n=-1;return[n,i]}(h,r,e),p=[s(t,e,[-f[0],-f[1]])],d=t.z.length,g=t.z[0].length,m=e.slice(),v=f.slice();for(c=0;c<1e4;c++){if(h>20?(h=a.CHOOSESADDLE[h][(f[0]||f[1])<0?0:1],t.crossings[u]=a.SADDLEREMAINDER[h]):delete t.crossings[u],!(f=a.NEWDELTA[h])){n.log(\"Found bad marching index:\",h,e,t.level);break}p.push(s(t,e,f)),e[0]+=f[0],e[1]+=f[1],u=e.join(\",\"),i(p[p.length-1],p[p.length-2],o,l)&&p.pop();var y=f[0]&&(e[0]<0||e[0]>g-2)||f[1]&&(e[1]<0||e[1]>d-2);if(e[0]===m[0]&&e[1]===m[1]&&f[0]===v[0]&&f[1]===v[1]||r&&y)break;h=t.crossings[u]}1e4===c&&n.log(\"Infinite loop in contour?\");var x,b,_,w,T,k,M,A,S,E,C,L,P,I,z,O=i(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,i,o,s,l,c,u,h,f=t[0].z,p=f.length,d=f[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):a.log(\"endpt to newendpt is not vert. or horz.\",r,n,y)}if(r=n,s>=0)break;h+=\"L\"+n}if(s===t.edgepaths.length){a.log(\"unclosed perimeter path\");break}f=s,(d=-1===p.indexOf(f))&&(f=p[0],h+=\"Z\")}for(f=0;fn.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(h)+Math.cos(c)*o);if(f<1||p<1)return 1/0;var d=v.EDGECOST*(1/(f-1)+1/(p-1));d+=v.ANGLECOST*c*c;for(var g=s-u,m=l-h,y=s+u,x=l+h,b=0;b2*v.MAXCOST)break;p&&(s/=2),l=(o=c-s/2)+1.5*s}if(f<=v.MAXCOST)return u},r.addLabelData=function(t,e,r,n){var a=e.fontSize,i=e.width+a/3,o=Math.max(0,e.height-a/3),s=t.x,l=t.y,c=t.theta,u=Math.sin(c),h=Math.cos(c),f=function(t,e){return[s+t*h-e*u,l+t*u+e*h]},p=[f(-i/2,-o/2),f(-i/2,o/2),f(i/2,o/2),f(i/2,-o/2)];r.push({text:e.text,x:s,y:l,dy:e.dy,theta:c,level:e.level,width:i,height:o}),n.push(p)},r.drawLabels=function(t,e,r,i,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,a=t.y-Math.cos(t.theta)*t.dy;n.select(this).text(t.text).attr({x:e,y:a,transform:\"rotate(\"+180*t.theta/Math.PI+\" \"+e+\" \"+a+\")\"}).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={}),a.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,h=r.end,f=t._input.contours;if(u>h&&(r.start=f.start=h,h=r.end=f.end=u,u=r.start),!(r.size>0))c=u===h?1:i(u,h,t.ncontours).dtick,f.size=r.size=c}}},{\"../../lib\":749,\"../../plots/cartesian/axes\":797}],997:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../components/drawing\"),i=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,i=r.contours,s=r.line,l=i.size||1,c=i.start,u=\"constraint\"===i.type,h=!u&&\"lines\"===i.coloring,f=!u&&\"fill\"===i.coloring,p=h||f?o(r):null;e.selectAll(\"g.contourlevel\").each((function(t){n.select(this).selectAll(\"path\").call(a.lineGroupStyle,s.width,h?p(t.level):s.color,s.dash)}));var d=i.labelfont;if(e.selectAll(\"g.contourlabels text\").each((function(t){a.font(n.select(this),{family:d.family,size:d.size,color:d.color||(h?p(t.level):s.color)})})),u)e.selectAll(\"g.contourfill path\").style(\"fill\",r.fillcolor);else if(f){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))}})),i(t)}},{\"../../components/drawing\":637,\"../heatmap/style\":1046,\"./make_color_map\":993,d3:169}],998:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/defaults\"),a=t(\"./label_defaults\");e.exports=function(t,e,r,i,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,i,r,{prefix:\"\",cLetter:\"z\"})),r(\"line.smoothing\"),a(r,i,c,o)}},{\"../../components/colorscale/defaults\":625,\"./label_defaults\":992}],999:[function(t,e,r){\"use strict\";var n=t(\"../heatmap/attributes\"),a=t(\"../contour/attributes\"),i=t(\"../../components/colorscale/attributes\"),o=t(\"../../lib/extend\").extendFlat,s=a.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:a.fillcolor,autocontour:a.autocontour,ncontours:a.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:a.line.color,width:a.line.width,dash:a.line.dash,smoothing:a.line.smoothing,editType:\"plot\"},transforms:void 0},i(\"\",{cLetter:\"z\",autoColorDflt:!1}))},{\"../../components/colorscale/attributes\":622,\"../../lib/extend\":739,\"../contour/attributes\":977,\"../heatmap/attributes\":1034}],1e3:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/calc\"),a=t(\"../../lib\"),i=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\"),h=t(\"../carpet/lookup_carpetid\"),f=t(\"../contour/set_contours\");e.exports=function(t,e){var r=e._carpetTrace=h(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,h,f,p,d,g,m=e._carpetTrace,v=m.aaxis,y=m.baxis;v._minDtick=0,y._minDtick=0,a.isArray1D(e.z)&&i(e,v,y,\"a\",\"b\",[\"z\"]);r=e._a=e._a||e.a,f=e._b=e._b||e.b,r=r?v.makeCalcdata(e,\"_a\"):[],f=f?y.makeCalcdata(e,\"_b\"):[],u=e.a0||0,h=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=a.maxRowLength(g),b=\"scaled\"===e.xtype?\"\":r,_=c(e,b,u,h,x,v),w=\"scaled\"===e.ytype?\"\":f,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 f(e,e._z),g}}},{\"../../components/colorscale/calc\":623,\"../../lib\":749,\"../carpet/lookup_carpetid\":950,\"../contour/set_contours\":996,\"../heatmap/clean_2d_array\":1036,\"../heatmap/convert_column_xyz\":1038,\"../heatmap/find_empties\":1040,\"../heatmap/interp2d\":1043,\"../heatmap/make_bound_array\":1044,\"./defaults\":1001}],1001:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../heatmap/xyz_defaults\"),i=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,a){return n.coerce(t,e,i,r,a)}if(u(\"carpet\"),t.a&&t.b){if(!a(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,i,r)})),l(t,e,u,c,{hasHover:!1}))}else e._defaultColor=r,e._length=null}},{\"../../lib\":749,\"../contour/constraint_defaults\":982,\"../contour/contours_defaults\":984,\"../contour/style_defaults\":998,\"../heatmap/xyz_defaults\":1048,\"./attributes\":999}],1002:[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\":810,\"../contour/colorbar\":980,\"../contour/style\":997,\"./attributes\":999,\"./calc\":1e3,\"./defaults\":1001,\"./plot\":1003}],1003:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../carpet/map_1d_array\"),i=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\"),h=t(\"../contour/constants\"),f=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),a=t.getPointAtLength(r),i=a.x-n.x,o=a.y-n.y,s=Math.sqrt(i*i+o*o);return[i/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),P=\"constraint\"===C.type,I=C._operation,z=P?\"=\"===I?\"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=f(L,I)),function(t,e){var r,n,a,i,o,s,l,c,u;for(r=0;r=0;j--)F=A.clipsegments[j],B=a([],F.x,_.c2p),N=a([],F.y,w.c2p),B.reverse(),N.reverse(),V.push(i(B,N,F.bicubic));var q=\"M\"+V.join(\"L\")+\"Z\";!function(t,e,r,n,o,l){var c,u,h,f,p=s.ensureSingle(t,\"g\",\"contourbg\").selectAll(\"path\").data(\"fill\"!==l||o?[]:[0]);p.enter().append(\"path\"),p.exit().remove();var d=[];for(f=0;f=0&&(f=C,d=g):Math.abs(h[1]-f[1])=0&&(f=C,d=g):s.log(\"endpt to newendpt is not vert. or horz.\",h,f,C)}if(d>=0)break;y+=S(h,f),h=f}if(d===e.edgepaths.length){s.log(\"unclosed perimeter path\");break}u=d,(b=-1===x.indexOf(u))&&(u=x[0],y+=S(h,f)+\"Z\",h=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)*h.LABELMIN)))for(var a=Math.min(Math.ceil(n.len/I),h.LABELMAX),i=0;i0?+p[u]:0),h.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,i.opacity(w)<1?w:i.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 a.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:h},c.heatmap.layout.visibility=\"visible\",c}},{\"../../components/color\":615,\"../../components/colorscale\":627,\"../../constants/numerical\":724,\"../../lib\":749,\"../../lib/geojson_utils\":743,\"fast-isnumeric\":241}],1007:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../components/colorscale/defaults\"),i=t(\"./attributes\");e.exports=function(t,e,r,o){function s(r,a){return n.coerce(t,e,i,r,a)}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\"),a(t,e,o,s,{prefix:\"\",cLetter:\"z\"})):e.visible=!1}},{\"../../components/colorscale/defaults\":625,\"../../lib\":749,\"./attributes\":1004}],1008:[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}},{}],1009:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../plots/cartesian/axes\"),i=t(\"../scattermapbox/hover\");e.exports=function(t,e,r){var o=i(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 h=s.subplot.mockAxis;s.z=u.z,s.zLabel=a.tickText(h,h.c2l(u.z),\"hover\").text}return s.extraText=function(t,e,r){if(t.hovertemplate)return;var a=(e.hi||t.hoverinfo).split(\"+\"),i=-1!==a.indexOf(\"all\"),o=-1!==a.indexOf(\"lon\"),s=-1!==a.indexOf(\"lat\"),l=e.lonlat,c=[];function u(t){return t+\"\\xb0\"}i||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]));(i||-1!==a.indexOf(\"text\"))&&n.fillText(e,t,c);return c.join(\"
\")}(c,u,l[0].t.labels),[s]}}},{\"../../lib\":749,\"../../plots/cartesian/axes\":797,\"../scattermapbox/hover\":1224}],1010:[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,a=new i(t,r.uid),o=a.sourceId,s=n(e),l=a.below=t.belowLookup[\"trace-\"+r.uid];return t.map.addSource(o,{type:\"geojson\",data:s.geojson}),a._addLayers(s,l),a}},{\"../../plots/mapbox/constants\":852,\"./convert\":1006}],1012:[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,a=e.mc||r.color,i=e.mlc||r.line.color,o=e.mlw||r.line.width;if(n(a))return a;if(n(i)&&o)return i}(c,h),[s]}}},{\"../../components/color\":615,\"../../lib\":749,\"../bar/hover\":897}],1020:[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\":810,\"../bar/select\":902,\"./attributes\":1013,\"./calc\":1014,\"./cross_trace_calc\":1016,\"./defaults\":1017,\"./event_data\":1018,\"./hover\":1019,\"./layout_attributes\":1021,\"./layout_defaults\":1022,\"./plot\":1023,\"./style\":1024}],1021:[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\"}}},{}],1022:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./layout_attributes\");e.exports=function(t,e,r){var i=!1;function o(r,i){return n.coerce(t,e,a,r,i)}for(var s=0;s path\").each((function(t){if(!t.isBlank){var e=s.marker;n.select(this).call(i.fill,t.mc||e.color).call(i.stroke,t.mlc||e.line.color).call(a.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(i.fill,s.connector.fillcolor)})),r.selectAll(\".lines\").each((function(){var t=s.connector.line;a.lineGroupStyle(n.select(this).selectAll(\"path\"),t.width,t.color,t.dash)}))}))}}},{\"../../components/color\":615,\"../../components/drawing\":637,\"../../constants/interactions\":723,\"../bar/style\":904,\"../bar/uniform_text\":906,d3:169}],1025:[function(t,e,r){\"use strict\";var n=t(\"../pie/attributes\"),a=t(\"../../plots/attributes\"),i=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({},a.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:i({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\":739,\"../../plots/attributes\":794,\"../../plots/domain\":824,\"../../plots/template_attributes\":875,\"../pie/attributes\":1129}],1026:[function(t,e,r){\"use strict\";var n=t(\"../../plots/plots\");r.name=\"funnelarea\",r.plot=function(t,e,a,i){n.plotBasePlot(r.name,t,e,a,i)},r.clean=function(t,e,a,i){n.cleanBasePlot(r.name,t,e,a,i)}},{\"../../plots/plots\":860}],1027:[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\":1131}],1028:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./attributes\"),i=t(\"../../plots/domain\").defaults,o=t(\"../bar/defaults\").handleText,s=t(\"../pie/defaults\").handleLabelsAndValues;e.exports=function(t,e,r,l){function c(r,i){return n.coerce(t,e,a,r,i)}var u=c(\"labels\"),h=c(\"values\"),f=s(u,h),p=f.len;if(e._hasLabels=f.hasLabels,e._hasValues=f.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})}i(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\":749,\"../../plots/domain\":824,\"../bar/defaults\":894,\"../pie/defaults\":1132,\"./attributes\":1025}],1029:[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\":1140,\"./attributes\":1025,\"./base_plot\":1026,\"./calc\":1027,\"./defaults\":1028,\"./layout_attributes\":1030,\"./layout_defaults\":1031,\"./plot\":1032,\"./style\":1033}],1030:[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\":1136}],1031:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./layout_attributes\");e.exports=function(t,e){function r(r,i){return n.coerce(t,e,a,r,i)}r(\"hiddenlabels\"),r(\"funnelareacolorway\",e.colorway),r(\"extendfunnelareacolors\")}},{\"../../lib\":749,\"./layout_attributes\":1030}],1032:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../components/drawing\"),i=t(\"../../lib\"),o=t(\"../../lib/svg_text_utils\"),s=t(\"../bar/plot\").toMoveInsideBar,l=t(\"../bar/uniform_text\"),c=l.recordMinTextSize,u=l.clearMinTextSize,h=t(\"../pie/helpers\"),f=t(\"../pie/plot\"),p=f.attachFxHandlers,d=f.determineInsideTextFont,g=f.layoutAreas,m=f.prerenderTitles,v=f.positionTitleOutside,y=f.formatSliceLabel;function x(t,e){return\"l\"+(e[0]-t[0])+\",\"+(e[1]-t[1])}e.exports=function(t,e){var r=t._fullLayout;u(\"funnelarea\",r),m(e,t),g(e,r._size),i.makeTraceGroups(r._funnelarealayer,e,\"trace\").each((function(e){var l=n.select(this),u=e[0],f=u.trace;!function(t){if(!t.length)return;var e=t[0],r=e.trace,n=r.aspectratio,a=r.baseratio;a>.999&&(a=.999);var i,o=Math.pow(a,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 h,f,p=[];for(p.push(u()),h=t.length-1;h>-1;h--)if(!(f=t[h]).hidden){var d=f.v/l;c+=d,p.push(u())}var g=1/0,m=-1/0;for(h=0;h-1;h--)if(!(f=t[h]).hidden){var M=p[k+=1][0],A=p[k][1];f.TL=[-M,A],f.TR=[M,A],f.BL=w,f.BR=T,f.pxmid=(S=f.TR,E=f.BR,[.5*(S[0]+E[0]),.5*(S[1]+E[1])]),w=f.TL,T=f.TR}var S,E}(e),l.each((function(){var l=n.select(this).selectAll(\"g.slice\").data(e);l.enter().append(\"g\").classed(\"slice\",!0),l.exit().remove(),l.each((function(l,g){if(l.hidden)n.select(this).selectAll(\"path,g\").remove();else{l.pointNumber=l.i,l.curveNumber=f.index;var m=u.cx,v=u.cy,b=n.select(this),_=b.selectAll(\"path.surface\").data([l]);_.enter().append(\"path\").classed(\"surface\",!0).style({\"pointer-events\":\"all\"}),b.call(p,t,e);var w=\"M\"+(m+l.TR[0])+\",\"+(v+l.TR[1])+x(l.TR,l.BR)+x(l.BR,l.BL)+x(l.BL,l.TL)+\"Z\";_.attr(\"d\",w),y(t,l,u);var T=h.castOption(f.textposition,l.pts),k=b.selectAll(\"g.slicetext\").data(l.text&&\"none\"!==T?[0]:[]);k.enter().append(\"g\").classed(\"slicetext\",!0),k.exit().remove(),k.each((function(){var u=i.ensureSingle(n.select(this),\"text\",\"\",(function(t){t.attr(\"data-notex\",1)})),h=i.ensureUniformFontSize(t,d(f,l,r.font));u.text(l.text).attr({class:\"slicetext\",transform:\"\",\"text-anchor\":\"middle\"}).call(a.font,h).call(o.convertToTspans,t);var p,y,x,b=a.bBox(u.node()),_=Math.min(l.BL[1],l.BR[1])+v,w=Math.max(l.TL[1],l.TR[1])+v;y=Math.max(l.TL[0],l.BL[0])+m,x=Math.min(l.TR[0],l.BR[0])+m,(p=s(y,x,_,w,b,{isHorizontal:!0,constrained:!0,angle:0,anchor:\"middle\"})).fontSize=h.size,c(f.type,p,r),e[g].transform=p,u.attr(\"transform\",i.getTextTransform(p))}))}}));var g=n.select(this).selectAll(\"g.titletext\").data(f.title.text?[0]:[]);g.enter().append(\"g\").classed(\"titletext\",!0),g.exit().remove(),g.each((function(){var e=i.ensureSingle(n.select(this),\"text\",\"\",(function(t){t.attr(\"data-notex\",1)})),s=f.title.text;f._meta&&(s=i.templateString(s,f._meta)),e.text(s).attr({class:\"titletext\",transform:\"\",\"text-anchor\":\"middle\"}).call(a.font,f.title.font).call(o.convertToTspans,t);var l=v(u,r._size);e.attr(\"transform\",\"translate(\"+l.x+\",\"+l.y+\")\"+(l.scale<1?\"scale(\"+l.scale+\")\":\"\")+\"translate(\"+l.tx+\",\"+l.ty+\")\")}))}))}))}},{\"../../components/drawing\":637,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../bar/plot\":901,\"../bar/uniform_text\":906,\"../pie/helpers\":1134,\"../pie/plot\":1138,d3:169}],1033:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../pie/style_one\"),i=t(\"../bar/uniform_text\").resizeText;e.exports=function(t){var e=t._fullLayout._funnelarealayer.selectAll(\".trace\");i(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(a,t,e)}))}))}},{\"../bar/uniform_text\":906,\"../pie/style_one\":1140,d3:169}],1034:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\"),a=t(\"../../plots/attributes\"),i=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\"}}),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:i(),showlegend:s({},a.showlegend,{dflt:!1})},{transforms:void 0},o(\"\",{cLetter:\"z\",autoColorDflt:!1}))},{\"../../components/colorscale/attributes\":622,\"../../constants/docs\":719,\"../../lib/extend\":739,\"../../plots/attributes\":794,\"../../plots/template_attributes\":875,\"../scatter/attributes\":1155}],1035:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),a=t(\"../../lib\"),i=t(\"../../plots/cartesian/axes\"),o=t(\"../histogram2d/calc\"),s=t(\"../../components/colorscale/calc\"),l=t(\"./convert_column_xyz\"),c=t(\"./clean_2d_array\"),u=t(\"./interp2d\"),h=t(\"./find_empties\"),f=t(\"./make_bound_array\"),p=t(\"../../constants/numerical\").BADNUM;function d(t){for(var e=[],r=t.length,n=0;nI){L(\"x scale is not linear\");break}}if(v.length&&\"fast\"===E){var z=(v[v.length-1]-v[0])/(v.length-1),O=Math.abs(z/100);for(_=0;_O){L(\"y scale is not linear\");break}}}var D=a.maxRowLength(b),R=\"scaled\"===e.xtype?\"\":r,F=f(e,R,g,m,D,T),B=\"scaled\"===e.ytype?\"\":v,N=f(e,B,y,x,b.length,k);S||(e._extremes[T._id]=i.findExtremes(T,F),e._extremes[k._id]=i.findExtremes(k,N));var j={x:F,y:N,z:b,text:e._text||e.text,hovertext:e._hovertext||e.hovertext};if(R&&R.length===F.length-1&&(j.xCenter=R),B&&B.length===N.length-1&&(j.yCenter=B),A&&(j.xRanges=w.xRanges,j.yRanges=w.yRanges,j.pts=w.pts),M||s(t,e,{vals:b,cLetter:\"z\"}),M&&e.contours&&\"heatmap\"===e.contours.coloring){var U={type:\"contour\"===e.type?\"heatmap\":\"histogram2d\",xcalendar:e.xcalendar,ycalendar:e.ycalendar};j.xfill=f(U,R,g,m,D,T),j.yfill=f(U,B,y,x,b.length,k)}return[j]}},{\"../../components/colorscale/calc\":623,\"../../constants/numerical\":724,\"../../lib\":749,\"../../plots/cartesian/axes\":797,\"../../registry\":880,\"../histogram2d/calc\":1067,\"./clean_2d_array\":1036,\"./convert_column_xyz\":1038,\"./find_empties\":1040,\"./interp2d\":1043,\"./make_bound_array\":1044}],1036:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"../../lib\"),i=t(\"../../constants/numerical\").BADNUM;e.exports=function(t,e,r,o){var s,l,c,u,h,f;function p(t){if(n(t))return+t}if(e&&e.transpose){for(s=0,h=0;h=0;o--)(s=((h[[(r=(i=f[o])[0])-1,a=i[1]]]||g)[2]+(h[[r+1,a]]||g)[2]+(h[[r,a-1]]||g)[2]+(h[[r,a+1]]||g)[2])/20)&&(l[i]=[r,a,s],f.splice(o,1),c=!0);if(!c)throw\"findEmpties iterated with no new neighbors\";for(i in l)h[i]=l[i],u.push(l[i])}return u.sort((function(t,e){return e[2]-t[2]}))}},{\"../../lib\":749}],1041:[function(t,e,r){\"use strict\";var n=t(\"../../components/fx\"),a=t(\"../../lib\"),i=t(\"../../plots/cartesian/axes\"),o=t(\"../../components/colorscale\").extractOpts;e.exports=function(t,e,r,s,l,c){var u,h,f,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{f=Math.round(t.index[1]),p=Math.round(t.index[0])}catch(e){return void a.error(\"Error hovering on heatmap, pointNumber must be [row,col], found:\",t.index)}if(f<0||f>=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[i][o]-d)/(m-g))))}return v}e.exports=function(t,e){var r,a=1;for(o(t,e),r=0;r.01;r++)a=o(t,e,i(a));return a>.01&&n.log(\"interp2d didn't converge quickly\",a),t}},{\"../../lib\":749}],1044:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),a=t(\"../../lib\").isArrayOrTypedArray;e.exports=function(t,e,r,i,o,s){var l,c,u,h=[],f=n.traceIs(t,\"contour\"),p=n.traceIs(t,\"histogram\"),d=n.traceIs(t,\"gl2d\");if(a(e)&&e.length>1&&!p&&\"category\"!==s.type){var g=e.length;if(!(g<=o))return f?e.slice(0,o):e.slice(0,o+1);if(f||d)h=e.slice(0,o);else if(1===o)h=[e[0]-.5,e[0]+.5];else{for(h=[1.5*e[0]-.5*e[1]],u=1;u0;)f=p.c2p(T[y]),y--;for(f0;)v=d.c2p(k[y]),y--;if(v0&&(i=!0);for(var l=0;li){var o=i-r[t];return r[t]=i,o}}return 0},max:function(t,e,r,a){var i=a[e];if(n(i)){if(i=Number(i),!n(r[t]))return r[t]=i,i;if(r[t]c?t>o?t>1.1*a?a:t>1.1*i?i:o:t>s?s:t>l?l:c:Math.pow(10,Math.floor(Math.log(t)/Math.LN10))}function p(t,e,r,n,i,s){if(n&&t>o){var l=d(e,i,s),c=d(r,i,s),u=t===a?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,a,r).split(\"-\");return\"\"===n[0]&&(n.unshift(),n[0]=\"-\"+n[0]),n}e.exports=function(t,e,r,n,i){var s,l,c=-1.1*e,f=-.1*e,p=t-f,d=r[0],g=r[1],m=Math.min(h(d+f,d+p,n,i),h(g+f,g+p,n,i)),v=Math.min(h(d+c,d+f,n,i),h(g+c,g+f,n,i));if(m>v&&vo){var y=s===a?1:6,x=s===a?\"M12\":\"M1\";return function(e,r){var o=n.c2d(e,a,i),s=o.indexOf(\"-\",y);s>0&&(o=o.substr(0,s));var c=n.d2c(o,0,i);if(cr.r2l(B)&&(j=o.tickIncrement(j,b.size,!0,p)),O.start=r.l2r(j),F||a.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:a.aggNums(Math.max,null,d);O.end=r.l2r(H),q||a.nestedProperty(e,v+\".start\").set(O.end)}var G=\"autobin\"+s;return!1===e._input[G]&&(e._input[v]=a.extendFlat({},e[v]||{}),delete e._input[G],delete e[G]),[O,d]}e.exports={calc:function(t,e){var r,i,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=f(t,e,v,y),T=w[0],k=w[1],M=\"string\"==typeof T.size,A=[],S=M?A:T,E=[],C=[],L=[],P=0,I=e.histnorm,z=e.histfunc,O=-1!==I.indexOf(\"density\");_.enabled&&O&&(I=I.replace(/ ?density$/,\"\"),O=!1);var D,R=\"max\"===z||\"min\"===z?null:0,F=l.count,B=c[I],N=!1,j=function(t){return v.r2c(t,0,b)};for(a.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),a.isArrayOrTypedArray(e.selectedpoints)&&a.tagSelected(K,e,Z),K},calcAllAutoBins:f}},{\"../../lib\":749,\"../../plots/cartesian/axes\":797,\"../../registry\":880,\"../bar/arrays_to_calcdata\":889,\"./average\":1054,\"./bin_functions\":1056,\"./bin_label_vals\":1057,\"./norm_functions\":1065,\"fast-isnumeric\":241}],1059:[function(t,e,r){\"use strict\";e.exports={eventDataKeys:[\"binNumber\"]}},{}],1060:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../plots/cartesian/axis_ids\"),i=t(\"../../registry\").traceIs,o=t(\"../bar/defaults\").handleGroupingDefaults,s=n.nestedProperty,l=a.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,h,f,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,i){var o=t.uid+\"__\"+i;r||(r=o);var s=function(t,r){return a.getFromTrace({_fullLayout:e},t,r).type}(t,i),l=t[i+\"calendar\"]||\"\",c=v[r],u=!0;c&&(s===c.axType&&l===c.calendar?(u=!1,c.traces.push(t),c.dirs.push(i)):(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:[i],axType:s,calendar:t[i+\"calendar\"]||\"\"}),t[\"_\"+i+\"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=[],P=\"string\"==typeof w.size,I=\"string\"==typeof M.size,z=[],O=[],D=P?z:w,R=I?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=i.count,G=o[j],Y=!1,W=[],Z=[],X=\"z\"in e?e.z:\"marker\"in e&&Array.isArray(e.marker.color)?e.marker.color:\"\";X&&\"count\"!==U&&(Y=\"avg\"===U,H=i[U]);var J=w.size,K=x(w.start),Q=x(w.end)+(K-a.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,h=Math.floor((e-o.x0)/s.dx),f=Math.floor(Math.abs(r-o.y0)/s.dy);if(s._hasZ?u=o.z[f][h]:s._hasSource&&(u=s._canvas.el.getContext(\"2d\").getImageData(h,f,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=i.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[f])?m=s.hovertext[f][h]:Array.isArray(s.text)&&Array.isArray(s.text[f])&&(m=s.text[f][h]);var T=c.c2p(o.y0+(f+.5)*s.dy),k=o.x0+(h+.5)*s.dx,M=o.y0+(f+.5)*s.dy,A=\"[\"+u.slice(0,s.colormodel.length).join(\", \")+\"]\";return[a.extendFlat(t,{index:[f,h],x0:l.c2p(o.x0+h*s.dx),x1:l.c2p(o.x0+(h+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\":655,\"../../lib\":749,\"./constants\":1077}],1081:[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\":810,\"./attributes\":1075,\"./calc\":1076,\"./defaults\":1078,\"./event_data\":1079,\"./hover\":1080,\"./plot\":1082,\"./style\":1083}],1082:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\"),i=t(\"../../constants/xmlns_namespaces\"),o=t(\"./constants\"),s=a.isIOS()||a.isSafari()||a.isIE();function l(t){return\"linear\"===t.type&&t.range[1]>t.range[0]==(\"x\"===t._id.charAt(0))}e.exports=function(t,e,r,c){var u=e.xaxis,h=e.yaxis,f=!(s||t._context._exportedPlot);a.makeTraceGroups(c,r,\"im\").each((function(e){var r=n.select(this),s=e[0],c=s.trace,p=f&&!c._hasZ&&c._hasSource&&l(u)&&l(h);c._fastImage=p;var d,g,m,v,y,x,b=s.z,_=s.x0,w=s.y0,T=s.w,k=s.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=h.c2p(w+x*A),x--;if(g0}function x(t){t.each((function(t){d.stroke(n.select(this),t.line.color)})).each((function(t){d.fill(n.select(this),t.color)})).style(\"stroke-width\",(function(t){return t.line.width}))}function b(t,e,r){var n=t._fullLayout,i=a.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 a.coerce(i,o,p,t,e)}return h(i,o,l,s,n),f(i,o,l,s),o}function _(t,e){return\"translate(\"+t+\",\"+e+\")\"}function w(t,e,r){return[Math.min(e/t.width,r/t.height),t,e+\"x\"+r]}function T(t,e,r,a){var i=document.createElementNS(\"http://www.w3.org/2000/svg\",\"text\"),o=n.select(i);return o.text(t).attr(\"x\",0).attr(\"y\",0).attr(\"text-anchor\",r).attr(\"data-unformatted\",t).call(c.convertToTspans,a).call(s.font,e),s.bBox(o.node())}function k(t,e,r,n,i,o){var s=\"_cache\"+e;t[s]&&t[s].key===i||(t[s]={key:i,value:r});var l=a.aggNums(o,null,[t[s].value,n],2);return t[s].value=l,l}e.exports=function(t,e,r,h){var f,p=t._fullLayout;y(r)&&h&&(f=h()),a.makeTraceGroups(p._indicatorlayer,e,\"trace\").each((function(e){var h,M,A,S,E,C=e[0].trace,L=n.select(this),P=C._hasGauge,I=C._isAngular,z=C._isBullet,O=C.domain,D={w:p._size.w*(O.x[1]-O.x[0]),h:p._size.h*(O.y[1]-O.y[0]),l:p._size.l+p._size.w*O.x[0],r:p._size.r+p._size.w*(1-O.x[1]),t:p._size.t+p._size.h*(1-O.y[1]),b:p._size.b+p._size.h*O.y[0]},R=D.l+D.w/2,F=D.t+D.h/2,B=Math.min(D.w/2,D.h),N=l.innerRadius*B,j=C.align||\"center\";if(M=F,P){if(I&&(h=R,M=F+B/2,A=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*N)}),z){var U=l.bulletPadding,V=1-l.bulletNumberDomainSize+U;h=D.l+(V+(1-V)*m[j])*D.w,A=function(t){return w(t,(l.bulletNumberDomainSize-U)*D.w,D.h)}}}else h=D.l+m[j]*D.w,A=function(t){return w(t,D.w,D.h)};!function(t,e,r,i){var o,l,h,f=r[0].trace,p=i.numbersX,x=i.numbersY,w=f.align||\"center\",M=g[w],A=i.transitionOpts,S=i.onComplete,E=a.ensureSingle(e,\"g\",\"numbers\"),C=[];f._hasNumber&&C.push(\"number\");f._hasDelta&&(C.push(\"delta\"),\"left\"===f.delta.position&&C.reverse());var L=E.selectAll(\"text\").data(C);function P(e,r,n,a){if(!e.match(\"s\")||n>=0==a>=0||r(n).slice(-1).match(v)||r(a).slice(-1).match(v))return r;var i=e.slice().replace(\"s\",\"f\").replace(/\\d+/,(function(t){return parseInt(t)-1})),o=b(t,{tickformat:i});return function(t){return Math.abs(t)<1?u.tickText(o,t).text:r(t)}}L.enter().append(\"text\"),L.attr(\"text-anchor\",(function(){return M})).attr(\"class\",(function(t){return t})).attr(\"x\",null).attr(\"y\",null).attr(\"dx\",null).attr(\"dy\",null),L.exit().remove();var I,z=f.mode+f.align;f._hasDelta&&(I=function(){var e=b(t,{tickformat:f.delta.valueformat},f._range);e.setScale(),u.prepTicks(e);var a=function(t){return u.tickText(e,t).text},i=function(t){return f.delta.relative?t.relativeDelta:t.delta},o=function(t,e){return 0===t||\"number\"!=typeof t||isNaN(t)?\"-\":(t>0?f.delta.increasing.symbol:f.delta.decreasing.symbol)+e(t)},h=function(t){return t.delta>=0?f.delta.increasing.color:f.delta.decreasing.color};void 0===f._deltaLastValue&&(f._deltaLastValue=i(r[0]));var p=E.select(\"text.delta\");function g(){p.text(o(i(r[0]),a)).call(d.fill,h(r[0])).call(c.convertToTspans,t)}return p.call(s.font,f.delta.font).call(d.fill,h({delta:f._deltaLastValue})),y(A)?p.transition().duration(A.duration).ease(A.easing).tween(\"text\",(function(){var t=n.select(this),e=i(r[0]),s=f._deltaLastValue,l=P(f.delta.valueformat,a,s,e),c=n.interpolateNumber(s,e);return f._deltaLastValue=e,function(e){t.text(o(c(e),l)),t.call(d.fill,h({delta:c(e)}))}})).each(\"end\",(function(){g(),S&&S()})).each(\"interrupt\",(function(){g(),S&&S()})):g(),l=T(o(i(r[0]),a),f.delta.font,M,t),p}(),z+=f.delta.position+f.delta.font.size+f.delta.font.family+f.delta.valueformat,z+=f.delta.increasing.symbol+f.delta.decreasing.symbol,h=l);f._hasNumber&&(!function(){var e=b(t,{tickformat:f.number.valueformat},f._range);e.setScale(),u.prepTicks(e);var a=function(t){return u.tickText(e,t).text},i=f.number.suffix,l=f.number.prefix,h=E.select(\"text.number\");function p(){var e=\"number\"==typeof r[0].y?l+a(r[0].y)+i:\"-\";h.text(e).call(s.font,f.number.font).call(c.convertToTspans,t)}y(A)?h.transition().duration(A.duration).ease(A.easing).each(\"end\",(function(){p(),S&&S()})).each(\"interrupt\",(function(){p(),S&&S()})).attrTween(\"text\",(function(){var t=n.select(this),e=n.interpolateNumber(r[0].lastY,r[0].y);f._lastValue=r[0].y;var o=P(f.number.valueformat,a,r[0].lastY,r[0].y);return function(r){t.text(l+o(e(r))+i)}})):p(),o=T(l+a(r[0].y)+i,f.number.font,M,t)}(),z+=f.number.font.size+f.number.font.family+f.number.valueformat+f.number.suffix+f.number.prefix,h=o);if(f._hasDelta&&f._hasNumber){var O,D,R=[(o.left+o.right)/2,(o.top+o.bottom)/2],F=[(l.left+l.right)/2,(l.top+l.bottom)/2],B=.75*f.delta.font.size;\"left\"===f.delta.position&&(O=k(f,\"deltaPos\",0,-1*(o.width*m[f.align]+l.width*(1-m[f.align])+B),z,Math.min),D=R[1]-F[1],h={width:o.width+l.width+B,height:Math.max(o.height,l.height),left:l.left+O,right:o.right,top:Math.min(o.top,l.top+D),bottom:Math.max(o.bottom,l.bottom+D)}),\"right\"===f.delta.position&&(O=k(f,\"deltaPos\",0,o.width*(1-m[f.align])+l.width*m[f.align]+B,z,Math.max),D=R[1]-F[1],h={width:o.width+l.width+B,height:Math.max(o.height,l.height),left:o.left,right:l.right+O,top:Math.min(o.top,l.top+D),bottom:Math.max(o.bottom,l.bottom+D)}),\"bottom\"===f.delta.position&&(O=null,D=l.height,h={width:Math.max(o.width,l.width),height:o.height+l.height,left:Math.min(o.left,l.left),right:Math.max(o.right,l.right),top:o.bottom-o.height,bottom:o.bottom+l.height}),\"top\"===f.delta.position&&(O=null,D=o.top,h={width:Math.max(o.width,l.width),height:o.height+l.height,left:Math.min(o.left,l.left),right:Math.max(o.right,l.right),top:o.bottom-o.height-l.height,bottom:o.bottom}),I.attr({dx:O,dy:D})}(f._hasNumber||f._hasDelta)&&E.attr(\"transform\",(function(){var t=i.numbersScaler(h);z+=t[2];var e,r=k(f,\"numbersScale\",1,t[0],z,Math.min);f._scaleNumbers||(r=1),e=f._isAngular?x-r*h.bottom:x-r*(h.top+h.bottom)/2,f._numbersTop=r*h.top+e;var n=h[w];\"center\"===w&&(n=(h.left+h.right)/2);var a=p-r*n;return _(a=k(f,\"numbersTranslate\",0,a,z,Math.max),e)+\" scale(\"+r+\")\"}))}(t,L,e,{numbersX:h,numbersY:M,numbersScaler:A,transitionOpts:r,onComplete:f}),P&&(S={range:C.gauge.axis.range,color:C.gauge.bgcolor,line:{color:C.gauge.bordercolor,width:0},thickness:1},E={range:C.gauge.axis.range,color:\"rgba(0, 0, 0, 0)\",line:{color:C.gauge.bordercolor,width:C.gauge.borderwidth},thickness:1});var q=L.selectAll(\"g.angular\").data(I?e:[]);q.exit().remove();var H=L.selectAll(\"g.angularaxis\").data(I?e:[]);H.exit().remove(),I&&function(t,e,r,a){var s,l,c,h,f=r[0].trace,p=a.size,d=a.radius,g=a.innerRadius,m=a.gaugeBg,v=a.gaugeOutline,w=[p.l+p.w/2,p.t+p.h/2+d/2],T=a.gauge,k=a.layer,M=a.transitionOpts,A=a.onComplete,S=Math.PI/2;function E(t){var e=f.gauge.axis.range[0],r=(t-e)/(f.gauge.axis.range[1]-e)*Math.PI-S;return r<-S?-S:r>S?S:r}function C(t){return n.svg.arc().innerRadius((g+d)/2-t/2*(d-g)).outerRadius((g+d)/2+t/2*(d-g)).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\",_(w[0],w[1])),k.enter().append(\"g\").classed(\"angularaxis\",!0).classed(\"crisp\",!0),k.selectAll(\"g.xangularaxistick,path,text\").remove(),(s=b(t,f.gauge.axis)).type=\"linear\",s.range=f.gauge.axis.range,s._id=\"xangularaxis\",s.setScale();var P=function(t){return(s.range[0]-t.x)/(s.range[1]-s.range[0])*Math.PI+Math.PI},I={},z=u.makeLabelFns(s,0).labelStandoff;I.xFn=function(t){var e=P(t);return Math.cos(e)*z},I.yFn=function(t){var e=P(t),r=Math.sin(e)>0?.2:1;return-Math.sin(e)*(z+t.fontSize*r)+Math.abs(Math.cos(e))*(t.fontSize*o)},I.anchorFn=function(t){var e=P(t),r=Math.cos(e);return Math.abs(r)<.1?\"middle\":r>0?\"start\":\"end\"},I.heightFn=function(t,e,r){var n=P(t);return-.5*(1+Math.sin(n))*r};var O=function(t){return _(w[0]+d*Math.cos(t),w[1]-d*Math.sin(t))};c=function(t){return O(P(t))};if(l=u.calcTicks(s),h=u.getTickSigns(s)[2],s.visible){h=\"inside\"===s.ticks?-1:1;var D=(s.linewidth||1)/2;u.drawTicks(t,s,{vals:l,layer:k,path:\"M\"+h*D+\",0h\"+h*s.ticklen,transFn:function(t){var e=P(t);return O(e)+\"rotate(\"+-i(e)+\")\"}}),u.drawLabels(t,s,{vals:l,layer:k,transFn:c,labelFns:I})}var R=[m].concat(f.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(x),F.exit().remove();var B=C(f.gauge.bar.thickness),N=T.selectAll(\"g.value-arc\").data([f.gauge.bar]);N.enter().append(\"g\").classed(\"value-arc\",!0).append(\"path\");var j=N.select(\"path\");y(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))()}})),f._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(x),N.exit().remove(),R=[];var H=f.gauge.threshold.value;H&&R.push({range:[H,H],color:f.gauge.threshold.color,line:{color:f.gauge.threshold.line.color,width:f.gauge.threshold.line.width},thickness:f.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(x),G.exit().remove();var Y=T.selectAll(\"g.gauge-outline\").data([v]);Y.enter().append(\"g\").classed(\"gauge-outline\",!0).append(\"path\"),Y.select(\"path\").call(L).call(x),Y.exit().remove()}(t,0,e,{radius:B,innerRadius:N,gauge:q,layer:H,size:D,gaugeBg:S,gaugeOutline:E,transitionOpts:r,onComplete:f});var G=L.selectAll(\"g.bullet\").data(z?e:[]);G.exit().remove();var Y=L.selectAll(\"g.bulletaxis\").data(z?e:[]);Y.exit().remove(),z&&function(t,e,r,n){var a,i,o,s,c,h=r[0].trace,f=n.gauge,p=n.layer,g=n.gaugeBg,m=n.gaugeOutline,v=n.size,_=h.domain,w=n.transitionOpts,T=n.onComplete;f.enter().append(\"g\").classed(\"bullet\",!0),f.attr(\"transform\",\"translate(\"+v.l+\", \"+v.t+\")\"),p.enter().append(\"g\").classed(\"bulletaxis\",!0).classed(\"crisp\",!0),p.selectAll(\"g.xbulletaxistick,path,text\").remove();var k=v.h,M=h.gauge.bar.thickness*k,A=_.x[0],S=_.x[0]+(_.x[1]-_.x[0])*(h._hasNumber||h._hasDelta?1-l.bulletNumberDomainSize:1);(a=b(t,h.gauge.axis))._id=\"xbulletaxis\",a.domain=[A,S],a.setScale(),i=u.calcTicks(a),o=u.makeTransFn(a),s=u.getTickSigns(a)[2],c=v.t+v.h,a.visible&&(u.drawTicks(t,a,{vals:\"inside\"===a.ticks?u.clipEnds(a,i):i,layer:p,path:u.makeTickPath(a,c,s),transFn:o}),u.drawLabels(t,a,{vals:i,layer:p,transFn:o,labelFns:u.makeLabelFns(a,c)}));function E(t){t.attr(\"width\",(function(t){return Math.max(0,a.c2p(t.range[1])-a.c2p(t.range[0]))})).attr(\"x\",(function(t){return a.c2p(t.range[0])})).attr(\"y\",(function(t){return.5*(1-t.thickness)*k})).attr(\"height\",(function(t){return t.thickness*k}))}var C=[g].concat(h.gauge.steps),L=f.selectAll(\"g.bg-bullet\").data(C);L.enter().append(\"g\").classed(\"bg-bullet\",!0).append(\"rect\"),L.select(\"rect\").call(E).call(x),L.exit().remove();var P=f.selectAll(\"g.value-bullet\").data([h.gauge.bar]);P.enter().append(\"g\").classed(\"value-bullet\",!0).append(\"rect\"),P.select(\"rect\").attr(\"height\",M).attr(\"y\",(k-M)/2).call(x),y(w)?P.select(\"rect\").transition().duration(w.duration).ease(w.easing).each(\"end\",(function(){T&&T()})).each(\"interrupt\",(function(){T&&T()})).attr(\"width\",Math.max(0,a.c2p(Math.min(h.gauge.axis.range[1],r[0].y)))):P.select(\"rect\").attr(\"width\",\"number\"==typeof r[0].y?Math.max(0,a.c2p(Math.min(h.gauge.axis.range[1],r[0].y))):0);P.exit().remove();var I=r.filter((function(){return h.gauge.threshold.value})),z=f.selectAll(\"g.threshold-bullet\").data(I);z.enter().append(\"g\").classed(\"threshold-bullet\",!0).append(\"line\"),z.select(\"line\").attr(\"x1\",a.c2p(h.gauge.threshold.value)).attr(\"x2\",a.c2p(h.gauge.threshold.value)).attr(\"y1\",(1-h.gauge.threshold.thickness)/2*k).attr(\"y2\",(1-(1-h.gauge.threshold.thickness)/2)*k).call(d.stroke,h.gauge.threshold.line.color).style(\"stroke-width\",h.gauge.threshold.line.width),z.exit().remove();var O=f.selectAll(\"g.gauge-outline\").data([m]);O.enter().append(\"g\").classed(\"gauge-outline\",!0).append(\"rect\"),O.select(\"rect\").call(E).call(x),O.exit().remove()}(t,0,e,{gauge:G,layer:Y,size:D,gaugeBg:S,gaugeOutline:E,transitionOpts:r,onComplete:f});var W=L.selectAll(\"text.title\").data(e);W.exit().remove(),W.enter().append(\"text\").classed(\"title\",!0),W.attr(\"text-anchor\",(function(){return z?g.right:g[C.title.align]})).text(C.title.text).call(s.font,C.title.font).call(c.convertToTspans,t),W.attr(\"transform\",(function(){var t,e=D.l+D.w*m[C.title.align],r=l.titlePadding,n=s.bBox(W.node());if(P){if(I)if(C.gauge.axis.visible)t=s.bBox(H.node()).top-r-n.bottom;else t=D.t+D.h/2-B/2-n.bottom-r;z&&(t=M-(n.top+n.bottom)/2,e=D.l-l.bulletPadding*D.w)}else t=C._numbersTop-r-n.bottom;return _(e,t)}))}))}},{\"../../components/color\":615,\"../../components/drawing\":637,\"../../constants/alignment\":717,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../../plots/cartesian/axes\":797,\"../../plots/cartesian/axis_defaults\":799,\"../../plots/cartesian/layout_attributes\":811,\"../../plots/cartesian/position_defaults\":814,\"./constants\":1087,d3:169}],1091:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/attributes\"),a=t(\"../../plots/template_attributes\").hovertemplateAttrs,i=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:a(),showlegend:s({},o.showlegend,{dflt:!1})},n(\"\",{colorAttr:\"`value`\",showScaleDflt:!0,editTypeOverride:\"calc\"}),{opacity:i.opacity,lightposition:i.lightposition,lighting:i.lighting,flatshading:i.flatshading,contour:i.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\":622,\"../../lib/extend\":739,\"../../plot_api/edit_types\":780,\"../../plots/attributes\":794,\"../../plots/template_attributes\":875,\"../mesh3d/attributes\":1096}],1092:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/calc\"),a=t(\"../streamtube/calc\").processGrid,i=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=i(e.x,e._len),e._y=i(e.y,e._len),e._z=i(e.z,e._len),e._value=i(e.value,e._len);var r=a(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]),a=Math.max(e[r],e[r-1]);if(a>n&&n-1}function R(t,e){return null===t?e:t}function F(e,r,n){L();var a,i,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],a=t[2],i=function(t,e,r){for(var n=[],a=0;a-1?n[p]:C(d,g,v);f[p]=x>-1?x:I(d,g,v,R(e,y))}a=f[0],i=f[1],o=f[2],t._meshI.push(a),t._meshJ.push(i),t._meshK.push(o),++m}}function B(t,e,r,n){var a=t[3];an&&(a=n);for(var i=(t[3]-a)/(t[3]-e[3]+1e-9),o=[],s=0;s<4;s++)o[s]=(1-i)*t[s]+i*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 a=e[n];r.push([t._x[a],t._y[a],t._z[a],t._value[a]])}return r}function V(t,e,r,n,a,i){i||(i=1),r=[-1,-1,-1];var o=!1,s=[N(e[0][3],n,a),N(e[1][3],n,a),N(e[2][3],n,a)];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):i<3&&V(t,e,r,S,E,++i)};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(i){if(s[i[0]]&&s[i[1]]&&!s[i[2]]){var u=e[i[0]],h=e[i[1]],f=e[i[2]],p=B(f,u,n,a),d=B(f,h,n,a);o=l(t,[d,p,u],[-1,-1,r[i[0]]])||o,o=l(t,[u,h,d],[r[i[0]],r[i[1]],-1])||o,c=!0}})),c||[[0,1,2],[1,2,0],[2,0,1]].forEach((function(i){if(s[i[0]]&&!s[i[1]]&&!s[i[2]]){var u=e[i[0]],h=e[i[1]],f=e[i[2]],p=B(h,u,n,a),d=B(f,u,n,a);o=l(t,[d,p,u],[-1,-1,r[i[0]]])||o,c=!0}})),o}function q(t,e,r,n){var a=!1,i=U(e),o=[N(i[0][3],r,n),N(i[1][3],r,n),N(i[2][3],r,n),N(i[3][3],r,n)];if(!(o[0]||o[1]||o[2]||o[3]))return a;if(o[0]&&o[1]&&o[2]&&o[3])return g&&(a=function(t,e,r){var n=function(n,a,i){F(t,[e[n],e[a],e[i]],[r[n],r[a],r[i]])};n(0,1,2),n(3,0,1),n(2,3,0),n(1,2,3)}(t,i,e)||a),a;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=i[l[0]],u=i[l[1]],h=i[l[2]],f=i[l[3]];if(g)a=F(t,[c,u,h],[e[l[0]],e[l[1]],e[l[2]]])||a;else{var p=B(f,c,r,n),d=B(f,u,r,n),m=B(f,h,r,n);a=F(null,[p,d,m],[-1,-1,-1])||a}s=!0}})),s?a:([[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=i[l[0]],u=i[l[1]],h=i[l[2]],f=i[l[3]],p=B(h,c,r,n),d=B(h,u,r,n),m=B(f,u,r,n),v=B(f,c,r,n);g?(a=F(t,[c,v,p],[e[l[0]],-1,-1])||a,a=F(t,[u,d,m],[e[l[1]],-1,-1])||a):a=function(t,e,r){var n=function(n,a,i){F(t,[e[n],e[a],e[i]],[r[n],r[a],r[i]])};n(0,1,2),n(2,3,0)}(null,[p,d,m,v],[-1,-1,-1,-1])||a,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=i[l[0]],u=i[l[1]],h=i[l[2]],f=i[l[3]],p=B(u,c,r,n),d=B(h,c,r,n),m=B(f,c,r,n);g?(a=F(t,[c,p,d],[e[l[0]],-1,-1])||a,a=F(t,[c,d,m],[e[l[0]],-1,-1])||a,a=F(t,[c,m,p],[e[l[0]],-1,-1])||a):a=F(null,[p,d,m],[-1,-1,-1])||a,s=!0}})),a)}function H(t,e,r,n,a,i,o,s,l,c,u){var h=!1;return d&&(D(t,\"A\")&&(h=q(null,[e,r,n,i],c,u)||h),D(t,\"B\")&&(h=q(null,[r,n,a,l],c,u)||h),D(t,\"C\")&&(h=q(null,[r,i,o,l],c,u)||h),D(t,\"D\")&&(h=q(null,[n,i,s,l],c,u)||h),D(t,\"E\")&&(h=q(null,[r,n,i,l],c,u)||h)),g&&(h=q(t,[r,n,i,l],c,u)||h),h}function G(t,e,r,n,a,i,o,s){return[!0===s[0]||V(t,U([e,r,n]),[e,r,n],i,o),!0===s[1]||V(t,U([n,a,e]),[n,a,e],i,o)]}function Y(t,e,r,n,a,i,o,s,l){return s?G(t,e,r,a,n,i,o,l):G(t,r,a,n,e,i,o,l)}function W(t,e,r,n,a,i,o){var s,l,c,u,h=!1,f=function(){h=V(t,[s,l,c],[-1,-1,-1],a,i)||h,h=V(t,[c,u,s],[-1,-1,-1],a,i)||h},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),f()),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),f()),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),f()),h}function Z(t,e,r,n,a,i,o,s,l,c,u,h){var f=t;return h?(d&&\"even\"===t&&(f=null),H(f,e,r,n,a,i,o,s,l,c,u)):(d&&\"odd\"===t&&(f=null),H(f,l,s,o,i,a,n,r,e,c,u))}function X(t,e,r,n,a){for(var i=[],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?h.push([p.distRatio,0,0]):\"y\"===e?h.push([0,p.distRatio,0]):h.push([0,0,p.distRatio]))}else c=nt(1,\"x\"===e?b-1:\"y\"===e?_-1:w-1);u.length>0&&(r[a]=\"x\"===e?tt(null,u,i,o,h,r[a]):\"y\"===e?et(null,u,i,o,h,r[a]):rt(null,u,i,o,h,r[a]),a++),c.length>0&&(r[a]=\"x\"===e?X(null,c,i,o,r[a]):\"y\"===e?J(null,c,i,o,r[a]):K(null,c,i,o,r[a]),a++)}var d=t.caps[e];d.show&&d.fill&&(O(d.fill),r[a]=\"x\"===e?X(null,[0,b-1],i,o,r[a]):\"y\"===e?J(null,[0,_-1],i,o,r[a]):K(null,[0,w-1],i,o,r[a]),a++)}})),0===m&&P(),t._meshX=n,t._meshY=a,t._meshZ=i,t._meshIntensity=o,t._Xs=v,t._Ys=y,t._Zs=x}(),t}e.exports={findNearestOnAxis:l,generateIsoMeshes:f,createIsosurfaceTrace:function(t,e){var r=t.glplot.gl,a=n({gl:r}),i=new c(t,a,e.uid);return a._trace=i,i.update(e),t.glplot.add(a),i}}},{\"../../components/colorscale\":627,\"../../lib/gl_format_color\":745,\"../../lib/str2rgbarray\":772,\"../../plots/gl3d/zip3\":850,\"gl-mesh3d\":292}],1094:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../registry\"),i=t(\"./attributes\"),o=t(\"../../components/colorscale/defaults\");function s(t,e,r,n,i){var s=i(\"isomin\"),l=i(\"isomax\");null!=l&&null!=s&&s>l&&(e.isomin=null,e.isomax=null);var c=i(\"x\"),u=i(\"y\"),h=i(\"z\"),f=i(\"value\");c&&c.length&&u&&u.length&&h&&h.length&&f&&f.length?(a.getComponentMethod(\"calendars\",\"handleTraceDefaults\")(t,e,[\"x\",\"y\",\"z\"],n),[\"x\",\"y\",\"z\"].forEach((function(t){var e=\"caps.\"+t;i(e+\".show\")&&i(e+\".fill\");var r=\"slices.\"+t;i(r+\".show\")&&(i(r+\".fill\"),i(r+\".locations\"))})),i(\"spaceframe.show\")&&i(\"spaceframe.fill\"),i(\"surface.show\")&&(i(\"surface.count\"),i(\"surface.fill\"),i(\"surface.pattern\")),i(\"contour.show\")&&(i(\"contour.color\"),i(\"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){i(t)})),o(t,e,n,i,{prefix:\"\",cLetter:\"c\"}),e._length=null):e.visible=!1}e.exports={supplyDefaults:function(t,e,r,a){s(t,e,r,a,(function(r,a){return n.coerce(t,e,i,r,a)}))},supplyIsoDefaults:s}},{\"../../components/colorscale/defaults\":625,\"../../lib\":749,\"../../registry\":880,\"./attributes\":1091}],1095:[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\":839,\"./attributes\":1091,\"./calc\":1092,\"./convert\":1093,\"./defaults\":1094}],1096:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/attributes\"),a=t(\"../../plots/template_attributes\").hovertemplateAttrs,i=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:a({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:i.opacity,flatshading:{valType:\"boolean\",dflt:!1,editType:\"calc\"},contour:{show:s({},i.contours.x.show,{}),color:i.contours.x.color,width:i.contours.x.width,editType:\"calc\"},lightposition:{x:s({},i.lightposition.x,{dflt:1e5}),y:s({},i.lightposition.y,{dflt:1e5}),z:s({},i.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\"},i.lighting),hoverinfo:s({},o.hoverinfo,{editType:\"calc\"}),showlegend:s({},o.showlegend,{dflt:!1})})},{\"../../components/colorscale/attributes\":622,\"../../lib/extend\":739,\"../../plots/attributes\":794,\"../../plots/template_attributes\":875,\"../surface/attributes\":1278}],1097:[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\":623}],1098:[function(t,e,r){\"use strict\";var n=t(\"gl-mesh3d\"),a=t(\"delaunay-triangulate\"),i=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 h(t,e,r){this.scene=t,this.uid=r,this.mesh=e,this.name=\"\",this.color=\"#fff\",this.data=null,this.showContour=!1}var f=h.prototype;function p(t){for(var e=[],r=t.length,n=0;n=e-.5)return!1;return!0}f.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}},f.update=function(t){var e=this.scene,r=e.fullSceneLayout;this.data=t;var n,h=t.x.length,f=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,h)||!m(t.j,h)||!m(t.k,h))return;n=u(g(t.i),g(t.j),g(t.k))}else n=0===t.alphahull?o(f):t.alphahull>0?i(t.alphahull,f):function(t,e){for(var r=[\"x\",\"y\",\"z\"].indexOf(t),n=[],i=e.length,o=0;om):g=T>b,m=T;var k=l(b,_,w,T);k.pos=x,k.yc=(b+T)/2,k.i=y,k.dir=g?\"increasing\":\"decreasing\",k.x=k.pos,k.y=[w,_],p&&(k.tx=e.text[y]),d&&(k.htx=e.hovertext[y]),v.push(k)}else v.push({pos:x,empty:!0})}return e._extremes[s._id]=i.findExtremes(s,n.concat(h,u),{padded:!0}),v.length&&(v[0].t={labels:{open:a(t,\"open:\")+\" \",high:a(t,\"high:\")+\" \",low:a(t,\"low:\")+\" \",close:a(t,\"close:\")+\" \"}}),v}e.exports={calc:function(t,e){var r=i.getFromId(t,e.xaxis),a=i.getFromId(t,e.yaxis),o=function(t,e,r){var a=r._minDiff;if(!a){var i,o=t._fullData,s=[];for(a=1/0,i=0;i\"+c.labels[x]+n.hoverLabelText(s,b):((y=a.extendFlat({},f)).y0=y.y1=_,y.yLabelVal=b,y.yLabel=c.labels[x]+n.hoverLabelText(s,b),y.name=\"\",h.push(y),m[b]=y)}return h}function f(t,e,r,a){var i=t.cd,o=t.ya,l=i[0].trace,h=i[0].t,f=u(t,e,r,a);if(!f)return[];var p=i[f.index],d=f.index=p.i,g=p.dir;function m(t){return h.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),f.extraText=w.join(\"
\"),f.y0=f.y1=o.c2p(p.yc,!0),[f]}e.exports={hoverPoints:function(t,e,r,n){return t.cd[0].trace.hoverlabel.split?h(t,e,r,n):f(t,e,r,n)},hoverSplit:h,hoverOnPoints:f}},{\"../../components/color\":615,\"../../components/fx\":655,\"../../constants/delta.js\":718,\"../../lib\":749,\"../../plots/cartesian/axes\":797}],1105:[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\":810,\"./attributes\":1101,\"./calc\":1102,\"./defaults\":1103,\"./hover\":1104,\"./plot\":1107,\"./select\":1108,\"./style\":1109}],1106:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),a=t(\"../../lib\");e.exports=function(t,e,r,i){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\"],i),s&&l&&c&&u){var h=Math.min(s.length,l.length,c.length,u.length);return o&&(h=Math.min(h,a.minRowLength(o))),e._length=h,h}}},{\"../../lib\":749,\"../../registry\":880}],1107:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\");e.exports=function(t,e,r,i){var o=e.yaxis,s=e.xaxis,l=!!s.rangebreaks;a.makeTraceGroups(i,r,\"trace ohlc\").each((function(t){var e=n.select(this),r=t[0],i=r.t;if(!0!==r.trace.visible||i.empty)e.remove();else{var c=i.tickLen,u=e.selectAll(\"path\").data(a.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\":749,d3:169}],1108:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r,n=t.cd,a=t.xaxis,i=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,h){function f(r,a){return n.coerce(t,e,l,r,a)}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(a(t,\"line\")&&n.isArrayOrTypedArray(l)){if(l.length)return s(\"line.colorscale\"),i(t,e,o,s,{prefix:\"line.\",cLetter:\"c\"}),l.length;e.line.color=r}return 1/0}(t,e,r,h,f);o(e,h,f),Array.isArray(p)&&p.length||(e.visible=!1),c(e,p,\"values\",d),f(\"hoveron\"),f(\"hovertemplate\"),f(\"arrangement\"),f(\"bundlecolors\"),f(\"sortpaths\"),f(\"counts\");var g={family:h.font.family,size:Math.round(h.font.size),color:h.font.color};n.coerceFont(f,\"labelfont\",g);var m={family:h.font.family,size:Math.round(h.font.size/1.2),color:h.font.color};n.coerceFont(f,\"tickfont\",m)}},{\"../../components/colorscale/defaults\":625,\"../../components/colorscale/helpers\":626,\"../../lib\":749,\"../../plots/array_container_defaults\":793,\"../../plots/domain\":824,\"../parcoords/merge_length\":1126,\"./attributes\":1110}],1114:[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\":1110,\"./base_plot\":1111,\"./calc\":1112,\"./defaults\":1113,\"./plot\":1116}],1115:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../plot_api/plot_api\"),i=t(\"../../components/fx\"),o=t(\"../../lib\"),s=t(\"../../components/drawing\"),l=t(\"tinycolor2\"),c=t(\"../../lib/svg_text_utils\");function u(t,e,r,a){var i=t.map(D.bind(0,e,r)),l=a.selectAll(\"g.parcatslayer\").data([null]);l.enter().append(\"g\").attr(\"class\",\"parcatslayer\").style(\"pointer-events\",\"all\");var u=l.selectAll(\"g.trace.parcats\").data(i,h),m=u.enter().append(\"g\").attr(\"class\",\"trace parcats\");u.attr(\"transform\",(function(t){return\"translate(\"+t.x+\", \"+t.y+\")\"})),m.append(\"g\").attr(\"class\",\"paths\");var v=u.select(\"g.paths\").selectAll(\"path.path\").data((function(t){return t.paths}),h);v.attr(\"fill\",(function(t){return t.model.color}));var b=v.enter().append(\"path\").attr(\"class\",\"path\").attr(\"stroke-opacity\",0).attr(\"fill\",(function(t){return t.model.color})).attr(\"fill-opacity\",0);x(b),v.attr(\"d\",(function(t){return t.svgD})),b.empty()||v.sort(p),v.exit().remove(),v.on(\"mouseover\",d).on(\"mouseout\",g).on(\"click\",y),m.append(\"g\").attr(\"class\",\"dimensions\");var T=u.select(\"g.dimensions\").selectAll(\"g.dimension\").data((function(t){return t.dimensions}),h);T.enter().append(\"g\").attr(\"class\",\"dimension\"),T.attr(\"transform\",(function(t){return\"translate(\"+t.x+\", 0)\"})),T.exit().remove();var k=T.selectAll(\"g.category\").data((function(t){return t.categories}),h),M=k.enter().append(\"g\").attr(\"class\",\"category\");k.attr(\"transform\",(function(t){return\"translate(0, \"+t.y+\")\"})),M.append(\"rect\").attr(\"class\",\"catrect\").attr(\"pointer-events\",\"none\"),k.select(\"rect.catrect\").attr(\"fill\",\"none\").attr(\"width\",(function(t){return t.width})).attr(\"height\",(function(t){return t.height})),_(M);var A=k.selectAll(\"rect.bandrect\").data((function(t){return t.bands}),h);A.each((function(){o.raiseToTop(this)})),A.attr(\"fill\",(function(t){return t.color}));var I=A.enter().append(\"rect\").attr(\"class\",\"bandrect\").attr(\"stroke-opacity\",0).attr(\"fill\",(function(t){return t.color})).attr(\"fill-opacity\",0);A.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\"})),w(I),A.exit().remove(),M.append(\"text\").attr(\"class\",\"catlabel\").attr(\"pointer-events\",\"none\");var z=e._fullLayout.paper_bgcolor;k.select(\"text.catlabel\").attr(\"text-anchor\",(function(t){return f(t)?\"start\":\"end\"})).attr(\"alignment-baseline\",\"middle\").style(\"text-shadow\",z+\" -1px 1px 2px, \"+z+\" 1px 1px 2px, \"+z+\" 1px -1px 2px, \"+z+\" -1px -1px 2px\").style(\"fill\",\"rgb(0, 0, 0)\").attr(\"x\",(function(t){return f(t)?t.width+5:-5})).attr(\"y\",(function(t){return t.height/2})).text((function(t){return t.model.categoryLabel})).each((function(t){s.font(n.select(this),t.parcatsViewModel.categorylabelfont),c.convertToTspans(n.select(this),e)})),M.append(\"text\").attr(\"class\",\"dimlabel\"),k.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){s.font(n.select(this),t.parcatsViewModel.labelfont)})),k.selectAll(\"rect.bandrect\").on(\"mouseover\",S).on(\"mouseout\",E),k.exit().remove(),T.call(n.behavior.drag().origin((function(t){return{x:t.x,y:0}})).on(\"dragstart\",C).on(\"drag\",L).on(\"dragend\",P)),u.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\")})),u.exit().remove()}function h(t){return t.key}function f(t){var e=t.parcatsViewModel.dimensions.length,r=t.parcatsViewModel.dimensions[e-1].model.dimensionInd;return t.model.dimensionInd===r}function p(t,e){return t.model.rawColor>e.model.rawColor?1:t.model.rawColor\"),C=n.mouse(h)[0];i.loneHover({trace:f,x:_-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:C<_?\"right\":\"left\",hovertemplate:(f.line||{}).hovertemplate,hovertemplateLabels:A,eventData:[{data:f._input,fullData:f,count:k,probability:M}]},{container:p._hoverlayer.node(),outerContainer:p._paper.node(),gd:h})}}}function g(t){if(!t.parcatsViewModel.dragDimension&&(x(n.select(this)),i.loneUnhover(t.parcatsViewModel.graphDiv._fullLayout._hoverlayer.node()),t.parcatsViewModel.pathSelection.sort(p),-1===t.parcatsViewModel.hoverinfoItems.indexOf(\"skip\"))){var e=m(t),r=v(t);t.parcatsViewModel.graphDiv.emit(\"plotly_unhover\",{points:e,event:n.event,constraints:r})}}function m(t){for(var e=[],r=I(t.parcatsViewModel),n=0;n1&&c.displayInd===l.dimensions.length-1?(r=o.left,a=\"left\"):(r=o.left+o.width,a=\"right\");var f=s.model.count,p=s.model.categoryLabel,d=f/s.parcatsViewModel.model.count,g={countLabel:f,categoryLabel:p,probabilityLabel:d.toFixed(3)},m=[];-1!==s.parcatsViewModel.hoverinfoItems.indexOf(\"count\")&&m.push([\"Count:\",g.countLabel].join(\" \")),-1!==s.parcatsViewModel.hoverinfoItems.indexOf(\"probability\")&&m.push([\"P(\"+g.categoryLabel+\"):\",g.probabilityLabel].join(\" \"));var v=m.join(\"
\");return{trace:u,x:r-t.left,y:h-t.top,text:v,color:\"lightgray\",borderColor:\"black\",fontFamily:'Monaco, \"Courier New\", monospace',fontSize:12,fontColor:\"black\",idealAlign:a,hovertemplate:u.hovertemplate,hovertemplateLabels:g,eventData:[{data:u._input,fullData:u,count:f,category:p,probability:d}]}}function S(t){if(!t.parcatsViewModel.dragDimension&&-1===t.parcatsViewModel.hoverinfoItems.indexOf(\"skip\")){if(n.mouse(this)[1]<-1)return;var e,r=t.parcatsViewModel.graphDiv,a=r._fullLayout,s=a._paperdiv.node().getBoundingClientRect(),c=t.parcatsViewModel.hoveron;if(\"color\"===c?(!function(t){var e=n.select(t).datum(),r=T(e);b(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),M(this,\"plotly_hover\",n.event)):(!function(t){n.select(t.parentNode).selectAll(\"rect.bandrect\").each((function(t){var e=T(t);b(e),e.each((function(){o.raiseToTop(this)}))})),n.select(t.parentNode).select(\"rect.catrect\").attr(\"stroke\",\"black\").attr(\"stroke-width\",2.5)}(this),k(this,\"plotly_hover\",n.event)),-1===t.parcatsViewModel.hoverinfoItems.indexOf(\"none\"))\"category\"===c?e=A(s,this):\"color\"===c?e=function(t,e){var r,a,i=e.getBoundingClientRect(),o=n.select(e).datum(),s=o.categoryViewModel,c=s.parcatsViewModel,u=c.model.dimensions[s.model.dimensionInd],h=c.trace,f=i.y+i.height/2;c.dimensions.length>1&&u.displayInd===c.dimensions.length-1?(r=i.left,a=\"left\"):(r=i.left+i.width,a=\"right\");var p=s.model.categoryLabel,d=o.parcatsViewModel.model.count,g=0;o.categoryViewModel.bands.forEach((function(t){t.color===o.color&&(g+=t.count)}));var m=s.model.count,v=0;c.pathSelection.each((function(t){t.model.color===o.color&&(v+=t.model.count)}));var y=g/d,x=g/v,b=g/m,_={countLabel:d,categoryLabel:p,probabilityLabel:y.toFixed(3)},w=[];-1!==s.parcatsViewModel.hoverinfoItems.indexOf(\"count\")&&w.push([\"Count:\",_.countLabel].join(\" \")),-1!==s.parcatsViewModel.hoverinfoItems.indexOf(\"probability\")&&(w.push(\"P(color \\u2229 \"+p+\"): \"+_.probabilityLabel),w.push(\"P(\"+p+\" | color): \"+x.toFixed(3)),w.push(\"P(color | \"+p+\"): \"+b.toFixed(3)));var T=w.join(\"
\"),k=l.mostReadable(o.color,[\"black\",\"white\"]);return{trace:h,x:r-t.left,y:f-t.top,text:T,color:o.color,borderColor:\"black\",fontFamily:'Monaco, \"Courier New\", monospace',fontColor:k,fontSize:10,idealAlign:a,hovertemplate:h.hovertemplate,hovertemplateLabels:_,eventData:[{data:h._input,fullData:h,category:p,count:d,probability:y,categorycount:m,colorcount:v,bandcolorcount:g}]}}(s,this):\"dimension\"===c&&(e=function(t,e){var r=[];return n.select(e.parentNode.parentNode).selectAll(\"g.category\").select(\"rect.catrect\").each((function(){r.push(A(t,this))})),r}(s,this)),e&&i.loneHover(e,{container:a._hoverlayer.node(),outerContainer:a._paper.node(),gd:r})}}function E(t){var e=t.parcatsViewModel;if(!e.dragDimension&&(x(e.pathSelection),_(e.dimensionSelection.selectAll(\"g.category\")),w(e.dimensionSelection.selectAll(\"g.category\").selectAll(\"rect.bandrect\")),i.loneUnhover(e.graphDiv._fullLayout._hoverlayer.node()),e.pathSelection.sort(p),-1===e.hoverinfoItems.indexOf(\"skip\"))){\"color\"===t.parcatsViewModel.hoveron?M(this,\"plotly_unhover\",n.event):k(this,\"plotly_unhover\",n.event)}}function C(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],a=n.mouse(this)[1];-2<=r&&r<=e.width+2&&-2<=a&&a<=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.yh.y+h.height/2&&(o.model.displayInd=h.model.displayInd,h.model.displayInd=l),t.dragCategoryDisplayInd=o.model.displayInd}if(null===t.dragCategoryDisplayInd||\"freeform\"===t.parcatsViewModel.arrangement){i.model.dragX=n.event.x;var f=t.parcatsViewModel.dimensions[r],p=t.parcatsViewModel.dimensions[a];void 0!==f&&i.model.dragXp.x&&(i.model.displayInd=p.model.displayInd,p.model.displayInd=t.dragDimensionDisplayInd),t.dragDimensionDisplayInd=i.model.displayInd}B(t.parcatsViewModel),F(t.parcatsViewModel),O(t.parcatsViewModel),z(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=I(t.parcatsViewModel),i=t.parcatsViewModel.model.dimensions.map((function(t){return t.displayInd})),o=t.initialDragDimensionDisplayInds.some((function(t,e){return t!==i[e]}));o&&i.forEach((function(r,n){var a=t.parcatsViewModel.model.dimensions[n].containerInd;e[\"dimensions[\"+a+\"].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})),h=c.map((function(t){return t.categoryLabel}));e[\"dimensions[\"+t.model.containerInd+\"].categoryarray\"]=[u],e[\"dimensions[\"+t.model.containerInd+\"].ticktext\"]=[h],e[\"dimensions[\"+t.model.containerInd+\"].categoryorder\"]=\"array\"}}if(-1===t.parcatsViewModel.hoverinfoItems.indexOf(\"skip\")&&!t.dragHasMoved&&t.potentialClickBand&&(\"color\"===t.parcatsViewModel.hoveron?M(t.potentialClickBand,\"plotly_click\",n.event.sourceEvent):k(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,B(t.parcatsViewModel),F(t.parcatsViewModel),n.transition().duration(300).ease(\"cubic-in-out\").each((function(){O(t.parcatsViewModel,!0),z(t.parcatsViewModel,!0)})).each(\"end\",(function(){(o||s)&&a.restyle(t.parcatsViewModel.graphDiv,e,[r])}))}}function I(t){for(var e,r=t.graphDiv._fullData,n=0;n=0;s--)u+=\"C\"+c[s]+\",\"+(e[s+1]+a)+\" \"+l[s]+\",\"+(e[s]+a)+\" \"+(t[s]+r[s])+\",\"+(e[s]+a),u+=\"l-\"+r[s]+\",0 \";return u+=\"Z\"}function F(t){var e=t.dimensions,r=t.model,n=e.map((function(t){return t.categories.map((function(t){return t.y}))})),a=t.model.dimensions.map((function(t){return t.categories.map((function(t){return t.displayInd}))})),i=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 h(t){var e=t.categoryInds.map((function(t,e){return a[e][t]}));return o.map((function(t){return e[t]}))}c.sort((function(e,r){var n=h(e),a=h(r);return\"backward\"===t.sortpaths&&(n.reverse(),a.reverse()),n.push(e.valueInds[0]),a.push(r.valueInds[0]),t.bundlecolors&&(n.unshift(e.rawColor),a.unshift(r.rawColor)),na?1:0}));for(var f=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)*a;var i,o,s,l,c,u=[],h=t.model.maxCats,f=e.categories.length,p=e.count,d=t.height-8*(h-1),g=8*(h-f)/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:i,y:null!==o.dragY?o.dragY:g,bands:[],parcatsViewModel:t},g=g+i+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){u(r,t,n,e)}},{\"../../components/drawing\":637,\"../../components/fx\":655,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../../plot_api/plot_api\":784,d3:169,tinycolor2:548}],1116:[function(t,e,r){\"use strict\";var n=t(\"./parcats\");e.exports=function(t,e,r,a){var i=t._fullLayout,o=i._paper,s=i._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,a)}},{\"./parcats\":1115}],1117:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/attributes\"),a=t(\"../../plots/cartesian/layout_attributes\"),i=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:i({editType:\"plot\"}),tickfont:i({editType:\"plot\"}),rangefont:i({editType:\"plot\"}),dimensions:l(\"dimension\",{label:{valType:\"string\",editType:\"plot\"},tickvals:s({},a.tickvals,{editType:\"plot\"}),ticktext:s({},a.ticktext,{editType:\"plot\"}),tickformat:s({},a.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\":622,\"../../lib/extend\":739,\"../../plot_api/plot_template\":787,\"../../plots/cartesian/layout_attributes\":811,\"../../plots/domain\":824,\"../../plots/font_attributes\":825}],1118:[function(t,e,r){\"use strict\";var n=t(\"./constants\"),a=t(\"d3\"),i=t(\"../../lib/gup\").keyFun,o=t(\"../../lib/gup\").repeat,s=t(\"../../lib\").sorterAsc,l=n.bar.snapRatio;function c(t,e){return t*(1-l)+e*l}var u=n.bar.snapClose;function h(t,e){return t*(1-u)+e*u}function f(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 a=t?-1:1,i=0,o=e.length-1;if(a<0){var s=i;i=o,o=s}for(var l=e[i],u=l,f=i;a*fe){f=r;break}}if(i=u,isNaN(i)&&(i=isNaN(h)||isNaN(f)?isNaN(h)?f:h:e-c[h][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[i],o.intervalPix=d,o.region=g)}}if(t.ordinal&&!o.region){var v=t.unitTickvals,y=t.unitToPaddedPx.invert(e);for(r=0;r=x[0]&&y<=x[1]){o.clickableOrdinalRange=x;break}}}return o}function _(t,e){a.event.sourceEvent.stopPropagation();var r=e.height-a.mouse(t)[1]-2*n.verticalPadding,i=e.brush.svgBrush;i.wasDragged=!0,i._dragging=!0,i.grabbingBar?i.newExtent=[r-i.grabPoint,r+i.barLength-i.grabPoint].map(e.unitToPaddedPx.invert):i.newExtent=[i.startExtent,e.unitToPaddedPx.invert(r)].sort(s),e.brush.filterSpecified=!0,i.extent=i.stayingIntervals.concat([i.newExtent]),i.brushCallback(e),x(t.parentNode)}function w(t,e){var r=b(e,e.height-a.mouse(t)[1]-2*n.verticalPadding),i=\"crosshair\";r.clickableOrdinalRange?i=\"pointer\":r.region&&(i=r.region+\"-resize\"),a.select(document.body).style(\"cursor\",i)}function T(t){t.on(\"mousemove\",(function(t){a.event.preventDefault(),t.parent.inBrushDrag||w(this,t)})).on(\"mouseleave\",(function(t){t.parent.inBrushDrag||v()})).call(a.behavior.drag().on(\"dragstart\",(function(t){!function(t,e){a.event.sourceEvent.stopPropagation();var r=e.height-a.mouse(t)[1]-2*n.verticalPadding,i=e.unitToPaddedPx.invert(r),o=e.brush,s=b(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]:i,e.parent.inBrushDrag=!0,c.brushStartCallback()}(this,t)})).on(\"drag\",(function(t){_(this,t)})).on(\"dragend\",(function(t){!function(t,e){var r=e.brush,n=r.filter,i=r.svgBrush;i._dragging||(w(t,e),_(t,e),e.brush.svgBrush.wasDragged=!1),i._dragging=!1,a.event.sourceEvent.stopPropagation();var o=i.grabbingBar;if(i.grabbingBar=!1,i.grabLocation=void 0,e.parent.inBrushDrag=!1,v(),!i.wasDragged)return i.wasDragged=void 0,i.clickableOrdinalRange?r.filterSpecified&&e.multiselect?i.extent.push(i.clickableOrdinalRange):(i.extent=[i.clickableOrdinalRange],r.filterSpecified=!0):o?(i.extent=i.stayingIntervals,0===i.extent.length&&M(r)):M(r),i.brushCallback(e),x(t.parentNode),void i.brushEndCallback(r.filterSpecified?n.getConsolidated():[]);var s=function(){n.set(n.getConsolidated())};if(e.ordinal){var l=e.unitTickvals;l[l.length-1]i.newExtent[0];i.extent=i.stayingIntervals.concat(c?[i.newExtent]:[]),i.extent.length||M(r),i.brushCallback(e),c?x(t.parentNode,s):(s(),x(t.parentNode))}else s();i.brushEndCallback(r.filterSpecified?n.getConsolidated():[])}(this,t)})))}function k(t,e){return t[0]-e[0]}function M(t){t.filterSpecified=!1,t.svgBrush.extent=[[-1/0,1/0]]}function A(t){for(var e,r=t.slice(),n=[],a=r.shift();a;){for(e=a.slice();(a=r.shift())&&a[0]<=e[1];)e[1]=Math.max(e[1],a[1]);n.push(e)}return 1===n.length&&n[0][0]>n[0][1]&&(n=[]),n}e.exports={makeBrush:function(t,e,r,n,a,i){var o,l=function(){var t,e,r=[];return{set:function(n){1===(r=n.map((function(t){return t.slice().sort(s)})).sort(k)).length&&r[0][0]===-1/0&&r[0][1]===1/0&&(r=[[0,-1]]),t=A(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=a,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:i}}},ensureAxisBrush:function(t){var e=t.selectAll(\".\"+n.cn.axisBrush).data(o,i);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(p).call(d).style(\"pointer-events\",\"auto\").attr(\"transform\",\"translate(0 \"+n.verticalPadding+\")\"),e.call(T).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(y);var a=t.selectAll(\".highlight\").data(o);a.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\"),a.attr(\"y1\",(function(t){return t.height})).call(y)}(e)},cleanRanges:function(t,e){if(Array.isArray(t[0])?(t=t.map((function(t){return t.sort(s)})),t=e.multiselect?A(t.sort(k)):[t[0]]):t=[t.sort(s)],e.tickvals){var r=e.tickvals.slice().sort(s);if(!(t=t.map((function(t){var e=[f(0,r,t[0],[]),f(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\":749,\"../../lib/gup\":746,\"./constants\":1121,d3:169}],1119:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../plots/get_data\").getModuleCalcData,i=t(\"./plot\"),o=t(\"../../constants/xmlns_namespaces\");r.name=\"parcoords\",r.plot=function(t){var e=a(t.calcdata,\"parcoords\")[0];e.length&&i(t,e)},r.clean=function(t,e,r,n){var a=n._has&&n._has(\"parcoords\"),i=e._has&&e._has(\"parcoords\");a&&!i&&(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\":725,\"../../plots/get_data\":834,\"./plot\":1128,d3:169}],1120:[function(t,e,r){\"use strict\";var n=t(\"../../lib\").isArrayOrTypedArray,a=t(\"../../components/colorscale\"),i=t(\"../../lib/gup\").wrap;e.exports=function(t,e){var r,o;return a.hasColorscale(e,\"line\")&&n(e.line.color)?(r=e.line.color,o=a.extractOpts(e.line).colorscale,a.calc(t,e,{vals:r,containerStr:\"line\",cLetter:\"c\"})):(r=function(t){for(var e=new Array(t),r=0;rh&&(n.log(\"parcoords traces support up to \"+h+\" dimensions at the moment\"),d.splice(h));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(a(t,\"line\")&&n.isArrayOrTypedArray(l)){if(l.length)return s(\"line.colorscale\"),i(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),f(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\":625,\"../../components/colorscale/helpers\":626,\"../../lib\":749,\"../../plots/array_container_defaults\":793,\"../../plots/cartesian/axes\":797,\"../../plots/domain\":824,\"./attributes\":1117,\"./axisbrush\":1118,\"./constants\":1121,\"./merge_length\":1126}],1123:[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\":749}],1124:[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\":1117,\"./base_plot\":1119,\"./calc\":1120,\"./defaults\":1122,\"./plot\":1128}],1125:[function(t,e,r){\"use strict\";var n=t(\"glslify\"),a=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\"]),i=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 h(t,e,r,n,a){var i=t._gl;i.enable(i.SCISSOR_TEST),i.scissor(e,r,n,a),t.clear({color:[0,0,0,0],depth:1})}function f(t,e,r,n,a,i){var o=i.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,a-l*n);0===l&&(window.cancelAnimationFrame(r.currentRafs[o]),delete r.currentRafs[o],h(t,i.scissorX,i.scissorY,i.scissorWidth,i.viewBoxSize[1])),r.clearOnly||(i.count=2*c,i.offset=2*l*n,e(i),l*n+c>>8*e)%256/255}function g(t,e,r){for(var n=new Array(8*e),a=0,i=0;iu&&(u=t[a].dim1.canvasX,o=a);0===s&&h(T,0,0,r.canvasWidth,r.canvasHeight);var p=function(t){var e,r,n,a=[[],[]];for(n=0;n<64;n++){var i=!t&&na._length&&(S=S.slice(0,a._length));var E,C=a.tickvals;function L(t,e){return{val:t,text:E[e]}}function P(t,e){return t.val-e.val}if(Array.isArray(C)&&C.length){E=a.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(a.tickformat));for(var I=1;I=r||l>=i)return;var c=t.lineLayer.readPixel(s,i-1-l),u=0!==c[3],h=u?c[2]+256*(c[1]+256*c[0]):null,f={x:s,y:l,clientX:e.clientX,clientY:e.clientY,dataIndex:t.model.key,curveNumber:h};h!==O&&(u?a.hover(f):a.unhover&&a.unhover(f),O=h)}})),z.style(\"opacity\",(function(t){return t.pick?0:1})),u.style(\"background\",\"rgba(255, 255, 255, 0)\");var D=u.selectAll(\".\"+g.cn.parcoords).data(k,h);D.exit().remove(),D.enter().append(\"g\").classed(g.cn.parcoords,!0).style(\"shape-rendering\",\"crispEdges\").style(\"pointer-events\",\"none\"),D.attr(\"transform\",(function(t){return\"translate(\"+t.model.translateX+\",\"+t.model.translateY+\")\"}));var R=D.selectAll(\".\"+g.cn.parcoordsControlView).data(f,h);R.enter().append(\"g\").classed(g.cn.parcoordsControlView,!0),R.attr(\"transform\",(function(t){return\"translate(\"+t.model.pad.l+\",\"+t.model.pad.t+\")\"}));var F=R.selectAll(\".\"+g.cn.yAxis).data((function(t){return t.dimensions}),h);F.enter().append(\"g\").classed(g.cn.yAxis,!0),R.each((function(t){L(F,t)})),z.each((function(t){if(t.viewModel){!t.lineLayer||a?t.lineLayer=v(this,t):t.lineLayer.update(t),(t.key||0===t.key)&&(t.viewModel[t.key]=t.lineLayer);var e=!t.context||a;t.lineLayer.render(t.viewModel.panels,e)}})),F.attr(\"transform\",(function(t){return\"translate(\"+t.xScale(t.xIndex)+\", 0)\"})),F.call(n.behavior.drag().origin((function(t){return t})).on(\"drag\",(function(t){var e=t.parent;T.linePickActive(!1),t.x=Math.max(-g.overdrag,Math.min(t.model.width+g.overdrag,n.event.x)),t.canvasX=t.x*t.model.canvasPixelRatio,F.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})),L(F,e),F.filter((function(e){return 0!==Math.abs(t.xIndex-e.xIndex)})).attr(\"transform\",(function(t){return\"translate(\"+t.xScale(t.xIndex)+\", 0)\"})),n.select(this).attr(\"transform\",\"translate(\"+t.x+\", 0)\"),F.each((function(r,n,a){a===t.parent.key&&(e.dimensions[n]=r)})),e.contextLayer&&e.contextLayer.render(e.panels,!1,!M(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,L(F,e),n.select(this).attr(\"transform\",(function(t){return\"translate(\"+t.x+\", 0)\"})),e.contextLayer&&e.contextLayer.render(e.panels,!1,!M(e)),e.focusLayer&&e.focusLayer.render(e.panels),e.pickLayer&&e.pickLayer.render(e.panels,!0),T.linePickActive(!0),a&&a.axesMoved&&a.axesMoved(e.key,e.dimensions.map((function(t){return t.crossfilterDimensionIndex})))}))),F.exit().remove();var B=F.selectAll(\".\"+g.cn.axisOverlays).data(f,h);B.enter().append(\"g\").classed(g.cn.axisOverlays,!0),B.selectAll(\".\"+g.cn.axis).remove();var N=B.selectAll(\".\"+g.cn.axis).data(f,h);N.enter().append(\"g\").classed(g.cn.axis,!0),N.each((function(t){var e=t.model.height/t.model.tickDistance,r=t.domainScale,a=r.domain();n.select(this).call(n.svg.axis().orient(\"left\").tickSize(4).outerTickSize(2).ticks(e,t.tickFormat).tickValues(t.ordinal?a:null).tickFormat((function(e){return d.isOrdinal(t)?e:P(t.model.dimensions[t.visibleIndex],e)})).scale(r)),l.font(N.selectAll(\"text\"),t.model.tickFont)})),N.selectAll(\".domain, .tick>line\").attr(\"fill\",\"none\").attr(\"stroke\",\"black\").attr(\"stroke-opacity\",.25).attr(\"stroke-width\",\"1px\"),N.selectAll(\"text\").style(\"text-shadow\",\"1px 1px 1px #fff, -1px -1px 1px #fff, 1px -1px 1px #fff, -1px 1px 1px #fff\").style(\"cursor\",\"default\").style(\"user-select\",\"none\");var j=B.selectAll(\".\"+g.cn.axisHeading).data(f,h);j.enter().append(\"g\").classed(g.cn.axisHeading,!0);var U=j.selectAll(\".\"+g.cn.axisTitle).data(f,h);U.enter().append(\"text\").classed(g.cn.axisTitle,!0).attr(\"text-anchor\",\"middle\").style(\"cursor\",\"ew-resize\").style(\"user-select\",\"none\").style(\"pointer-events\",\"auto\"),U.text((function(t){return t.label})).each((function(e){var r=n.select(this);l.font(r,e.model.labelFont),s.convertToTspans(r,t)})).attr(\"transform\",(function(t){var e=C(t.model.labelAngle,t.model.labelSide),r=g.axisTitleOffset;return(e.dir>0?\"\":\"translate(0,\"+(2*r+t.model.height)+\")\")+\"rotate(\"+e.degrees+\")translate(\"+-r*e.dx+\",\"+-r*e.dy+\")\"})).attr(\"text-anchor\",(function(t){var e=C(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 V=B.selectAll(\".\"+g.cn.axisExtent).data(f,h);V.enter().append(\"g\").classed(g.cn.axisExtent,!0);var q=V.selectAll(\".\"+g.cn.axisExtentTop).data(f,h);q.enter().append(\"g\").classed(g.cn.axisExtentTop,!0),q.attr(\"transform\",\"translate(0,\"+-g.axisExtentOffset+\")\");var H=q.selectAll(\".\"+g.cn.axisExtentTopText).data(f,h);H.enter().append(\"text\").classed(g.cn.axisExtentTopText,!0).call(E),H.text((function(t){return I(t,!0)})).each((function(t){l.font(n.select(this),t.model.rangeFont)}));var G=V.selectAll(\".\"+g.cn.axisExtentBottom).data(f,h);G.enter().append(\"g\").classed(g.cn.axisExtentBottom,!0),G.attr(\"transform\",(function(t){return\"translate(0,\"+(t.model.height+g.axisExtentOffset)+\")\"}));var Y=G.selectAll(\".\"+g.cn.axisExtentBottomText).data(f,h);Y.enter().append(\"text\").classed(g.cn.axisExtentBottomText,!0).attr(\"dy\",\"0.75em\").call(E),Y.text((function(t){return I(t,!1)})).each((function(t){l.font(n.select(this),t.model.rangeFont)})),m.ensureAxisBrush(B)}},{\"../../components/colorscale\":627,\"../../components/drawing\":637,\"../../lib\":749,\"../../lib/gup\":746,\"../../lib/svg_text_utils\":773,\"../../plots/cartesian/axes\":797,\"./axisbrush\":1118,\"./constants\":1121,\"./helpers\":1123,\"./lines\":1125,\"color-rgba\":127,d3:169}],1128:[function(t,e,r){\"use strict\";var n=t(\"./parcoords\"),a=t(\"../../lib/prepare_regl\"),i=t(\"./helpers\").isVisible;function o(t,e,r){var n=e.indexOf(r),a=t.indexOf(n);return-1===a&&(a+=e.length),a}e.exports=function(t,e){var r=t._fullLayout;if(a(t)){var s={},l={},c={},u={},h=r._size;e.forEach((function(e,r){var n=e[0].trace;c[r]=n.index;var a=u[r]=n._fullInput.index;s[r]=t.data[a].dimensions,l[r]=t.data[a].dimensions.slice()}));n(t,e,{width:h.w,height:h.h,margin:{t:h.t,r:h.r,b:h.b,l:h.l}},{filterChanged:function(e,n,a){var i=l[e][n],o=a.map((function(t){return t.slice()})),s=\"dimensions[\"+n+\"].constraintrange\",h=r._tracePreGUI[t._fullData[c[e]]._fullInput.uid];if(void 0===h[s]){var f=i.constraintrange;h[s]=f||null}var p=t._fullData[c[e]].dimensions[n];o.length?(1===o.length&&(o=o[0]),i.constraintrange=o,p.constraintrange=o.slice(),o=[o]):(delete i.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(i));s[e].sort(n),l[e].filter((function(t){return!i(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\":762,\"./helpers\":1123,\"./parcoords\":1127}],1129:[function(t,e,r){\"use strict\";var n=t(\"../../plots/attributes\"),a=t(\"../../plots/domain\").attributes,i=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=i({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:a({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\":614,\"../../lib/extend\":739,\"../../plots/attributes\":794,\"../../plots/domain\":824,\"../../plots/font_attributes\":825,\"../../plots/template_attributes\":875}],1130:[function(t,e,r){\"use strict\";var n=t(\"../../plots/plots\");r.name=\"pie\",r.plot=function(t,e,a,i){n.plotBasePlot(r.name,t,e,a,i)},r.clean=function(t,e,a,i){n.cleanBasePlot(r.name,t,e,a,i)}},{\"../../plots/plots\":860}],1131:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"tinycolor2\"),i=t(\"../../components/color\"),o={};function s(t){return function(e,r){return!!e&&(!!(e=a(e)).isValid()&&(e=i.addOpacity(e,e.getAlpha()),t[r]||(t[r]=e),e))}}function l(t,e){var r,n=JSON.stringify(t),i=e[n];if(!i){for(i=t.slice(),r=0;r0){s=!0;break}}s||(o=0)}return{hasLabels:r,hasValues:i,len:o}}e.exports={handleLabelsAndValues:l,supplyDefaults:function(t,e,r,n){function c(r,n){return a.coerce(t,e,i,r,n)}var u=l(c(\"labels\"),c(\"values\")),h=u.len;if(e._hasLabels=u.hasLabels,e._hasValues=u.hasValues,!e._hasLabels&&e._hasValues&&(c(\"label0\"),c(\"dlabel\")),h){e._length=h,c(\"marker.line.width\")&&c(\"marker.line.color\"),c(\"marker.colors\"),c(\"scalegroup\");var f,p=c(\"text\"),d=c(\"texttemplate\");if(d||(f=c(\"textinfo\",Array.isArray(p)?\"text+percent\":\"percent\")),c(\"hovertext\"),c(\"hovertemplate\"),d||f&&\"none\"!==f){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\"),a.coerceFont(c,\"title.font\",n.font)}c(\"sort\"),c(\"direction\"),c(\"rotation\"),c(\"pull\")}else e.visible=!1}}},{\"../../lib\":749,\"../../plots/domain\":824,\"../bar/defaults\":894,\"./attributes\":1129,\"fast-isnumeric\":241}],1133:[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\":651}],1134:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");r.formatPiePercent=function(t,e){var r=(100*t).toPrecision(3);return-1!==r.lastIndexOf(\".\")&&(r=r.replace(/[.]?0+$/,\"\")),n.numSeparate(r,e)+\"%\"},r.formatPieValue=function(t,e){var r=t.toPrecision(10);return-1!==r.lastIndexOf(\".\")&&(r=r.replace(/[.]?0+$/,\"\")),n.numSeparate(r,e)},r.getFirstFilled=function(t,e){if(Array.isArray(t))for(var r=0;r\"),name:u.hovertemplate||-1!==h.indexOf(\"name\")?u.name:void 0,idealAlign:t.pxmid[0]<0?\"left\":\"right\",color:d.castOption(b.bgcolor,t.pts)||t.color,borderColor:d.castOption(b.bordercolor,t.pts),fontFamily:d.castOption(_.family,t.pts),fontSize:d.castOption(_.size,t.pts),fontColor:d.castOption(_.color,t.pts),nameLength:d.castOption(b.namelength,t.pts),textAlign:d.castOption(b.align,t.pts),hovertemplate:d.castOption(u.hovertemplate,t.pts),hovertemplateLabels:t,eventData:[g(t,u)]},{container:r._hoverlayer.node(),outerContainer:r._paper.node(),gd:e}),o._hasHoverLabel=!0}o._hasHoverEvent=!0,e.emit(\"plotly_hover\",{points:[g(t,u)],event:n.event})}})),t.on(\"mouseout\",(function(t){var r=e._fullLayout,a=e._fullData[o.index],s=n.select(this).datum();o._hasHoverEvent&&(t.originalEvent=n.event,e.emit(\"plotly_unhover\",{points:[g(s,a)],event:n.event}),o._hasHoverEvent=!1),o._hasHoverLabel&&(i.loneUnhover(r._hoverlayer.node()),o._hasHoverLabel=!1)})),t.on(\"click\",(function(t){var r=e._fullLayout,a=e._fullData[o.index];e._dragging||!1===r.hovermode||(e._hoverdata=[g(t,a)],i.click(e,n.event))}))}function y(t,e,r){var n=d.castOption(t.insidetextfont.color,e.pts);!n&&t._input.textfont&&(n=d.castOption(t._input.textfont.color,e.pts));var a=d.castOption(t.insidetextfont.family,e.pts)||d.castOption(t.textfont.family,e.pts)||r.family,i=d.castOption(t.insidetextfont.size,e.pts)||d.castOption(t.textfont.size,e.pts)||r.size;return{color:n||o.contrast(e.color),family:a,size:i}}function x(t,e){for(var r,n,a=0;ae&&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(h||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||h){var y=Math.sqrt(t.width*t.width+t.height*t.height);if((i={scale:a*n*2/y,rCenter:1-a,rotate:0}).textPosAngle=(e.startangle+e.stopangle)/2,i.scale>=1)return i;g.push(i)}(d||p)&&((i=_(t,n,o,l,c)).textPosAngle=(e.startangle+e.stopangle)/2,g.push(i)),(d||f)&&((i=w(t,n,o,l,c)).textPosAngle=(e.startangle+e.stopangle)/2,g.push(i));for(var x=0,b=0,T=0;T=1)break}return g[x]}function _(t,e,r,n,a){e=Math.max(0,e-2*p);var i=t.width/t.height,o=M(i,n,e,r);return{scale:2*o/t.height,rCenter:T(i,o/e),rotate:k(a)}}function w(t,e,r,n,a){e=Math.max(0,e-2*p);var i=t.height/t.width,o=M(i,n,e,r);return{scale:2*o/t.width,rCenter:T(i,o/e),rotate:k(a+Math.PI/2)}}function T(t,e){return Math.cos(e)-t*e}function k(t){return(180/Math.PI*t+720)%180-90}function M(t,e,r,n){var a=t+1/(2*Math.tan(e));return r*Math.min(1/(Math.sqrt(a*a+.5)+a),n/(Math.sqrt(t*t+n/2)+t))}function A(t,e){return t.v!==e.vTotal||e.trace.hole?Math.min(1/(1+1/Math.sin(t.halfangle)),t.ring/2):1}function S(t,e){var r=e.pxmid[0],n=e.pxmid[1],a=t.width/2,i=t.height/2;return r<0&&(a*=-1),n<0&&(i*=-1),{scale:1,rCenter:1,rotate:0,x:a+Math.abs(i)*(a>0?1:-1)/2,y:i/(1+r*r/(n*n)),outside:!0}}function E(t,e){var r,n,a,i=t.trace,o={x:t.cx,y:t.cy},s={tx:0,ty:0};s.ty+=i.title.font.size,a=L(i),-1!==i.title.position.indexOf(\"top\")?(o.y-=(1+a)*t.r,s.ty-=t.titleBox.height):-1!==i.title.position.indexOf(\"bottom\")&&(o.y+=(1+a)*t.r);var l,c,u=(l=t.r,c=t.trace.aspectratio,l/(void 0===c?1:c)),h=e.w*(i.domain.x[1]-i.domain.x[0])/2;return-1!==i.title.position.indexOf(\"left\")?(h+=u,o.x-=(1+a)*u,s.tx+=t.titleBox.width/2):-1!==i.title.position.indexOf(\"center\")?h*=2:-1!==i.title.position.indexOf(\"right\")&&(h+=u,o.x+=(1+a)*u,s.tx-=t.titleBox.width/2),r=h/t.titleBox.width,n=C(t,e)/t.titleBox.height,{x:o.x,y:o.y,scale:Math.min(r,n),tx:s.tx,ty:s.ty}}function C(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 L(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 P(t,e){for(var r=[],n=0;n1?(c=r.r,u=c/a.aspectratio):(u=r.r,c=u*a.aspectratio),c*=(1+a.baseratio)/2,l=c*u}o=Math.min(o,l/r.vTotal)}for(n=0;n\")}if(i){var x=l.castOption(a,e.i,\"texttemplate\");if(x){var b=function(t){return{label:t.label,value:t.v,valueLabel:d.formatPieValue(t.v,n.separators),percent:t.v/r.vTotal,percentLabel:d.formatPiePercent(t.v/r.vTotal,n.separators),color:t.color,text:t.text,customdata:l.castOption(a,t.i,\"customdata\")}}(e),_=d.getFirstFilled(a.text,e.pts);(m(_)||\"\"===_)&&(b.text=_),e.text=l.texttemplateString(x,b,t._fullLayout._d3locale,b,a._meta||{})}else e.text=\"\"}}function O(t,e){var r=t.rotate*Math.PI/180,n=Math.cos(r),a=Math.sin(r),i=(e.left+e.right)/2,o=(e.top+e.bottom)/2;t.textX=i*n-o*a,t.textY=i*a+o*n,t.noCenter=!0}e.exports={plot:function(t,e){var r=t._fullLayout,i=r._size;f(\"pie\",r),x(e,t),P(e,i);var u=l.makeTraceGroups(r._pielayer,e,\"trace\").each((function(e){var u=n.select(this),f=e[0],p=f.trace;!function(t){var e,r,n,a=t[0],i=a.r,o=a.trace,s=o.rotation*Math.PI/180,l=2*Math.PI/a.vTotal,c=\"px0\",u=\"px1\";if(\"counterclockwise\"===o.direction){for(e=0;ea.vTotal/2?1:0,r.halfangle=Math.PI*Math.min(r.v/a.vTotal,.5),r.ring=1-o.hole,r.rInscribed=A(r,a))}(e),u.attr(\"stroke-linejoin\",\"round\"),u.each((function(){var g=n.select(this).selectAll(\"g.slice\").data(e);g.enter().append(\"g\").classed(\"slice\",!0),g.exit().remove();var m=[[[],[]],[[],[]]],x=!1;g.each((function(a,i){if(a.hidden)n.select(this).selectAll(\"path,g\").remove();else{a.pointNumber=a.i,a.curveNumber=p.index,m[a.pxmid[1]<0?0:1][a.pxmid[0]<0?0:1].push(a);var o=f.cx,u=f.cy,g=n.select(this),_=g.selectAll(\"path.surface\").data([a]);if(_.enter().append(\"path\").classed(\"surface\",!0).style({\"pointer-events\":\"all\"}),g.call(v,t,e),p.pull){var w=+d.castOption(p.pull,a.pts)||0;w>0&&(o+=w*a.pxmid[0],u+=w*a.pxmid[1])}a.cxFinal=o,a.cyFinal=u;var T=p.hole;if(a.v===f.vTotal){var k=\"M\"+(o+a.px0[0])+\",\"+(u+a.px0[1])+L(a.px0,a.pxmid,!0,1)+L(a.pxmid,a.px0,!0,1)+\"Z\";T?_.attr(\"d\",\"M\"+(o+T*a.px0[0])+\",\"+(u+T*a.px0[1])+L(a.px0,a.pxmid,!1,T)+L(a.pxmid,a.px0,!1,T)+\"Z\"+k):_.attr(\"d\",k)}else{var M=L(a.px0,a.px1,!0,1);if(T){var A=1-T;_.attr(\"d\",\"M\"+(o+T*a.px1[0])+\",\"+(u+T*a.px1[1])+L(a.px1,a.px0,!1,T)+\"l\"+A*a.px0[0]+\",\"+A*a.px0[1]+M+\"Z\")}else _.attr(\"d\",\"M\"+o+\",\"+u+\"l\"+a.px0[0]+\",\"+a.px0[1]+M+\"Z\")}z(t,a,f);var E=d.castOption(p.textposition,a.pts),C=g.selectAll(\"g.slicetext\").data(a.text&&\"none\"!==E?[0]:[]);C.enter().append(\"g\").classed(\"slicetext\",!0),C.exit().remove(),C.each((function(){var g=l.ensureSingle(n.select(this),\"text\",\"\",(function(t){t.attr(\"data-notex\",1)})),m=l.ensureUniformFontSize(t,\"outside\"===E?function(t,e,r){var n=d.castOption(t.outsidetextfont.color,e.pts)||d.castOption(t.textfont.color,e.pts)||r.color,a=d.castOption(t.outsidetextfont.family,e.pts)||d.castOption(t.textfont.family,e.pts)||r.family,i=d.castOption(t.outsidetextfont.size,e.pts)||d.castOption(t.textfont.size,e.pts)||r.size;return{color:n,family:a,size:i}}(p,a,r.font):y(p,a,r.font));g.text(a.text).attr({class:\"slicetext\",transform:\"\",\"text-anchor\":\"middle\"}).call(s.font,m).call(c.convertToTspans,t);var v,_=s.bBox(g.node());if(\"outside\"===E)v=S(_,a);else if(v=b(_,a,f),\"auto\"===E&&v.scale<1){var w=l.ensureUniformFontSize(t,p.outsidetextfont);g.call(s.font,w),v=S(_=s.bBox(g.node()),a)}var T=v.textPosAngle,k=void 0===T?a.pxmid:I(f.r,T);if(v.targetX=o+k[0]*v.rCenter+(v.x||0),v.targetY=u+k[1]*v.rCenter+(v.y||0),O(v,_),v.outside){var M=v.targetY;a.yLabelMin=M-_.height/2,a.yLabelMid=M,a.yLabelMax=M+_.height/2,a.labelExtraX=0,a.labelExtraY=0,x=!0}v.fontSize=m.size,h(p.type,v,r),e[i].transform=v,g.attr(\"transform\",l.getTextTransform(v))}))}function L(t,e,r,n){var i=n*(e[0]-t[0]),o=n*(e[1]-t[1]);return\"a\"+n*f.r+\",\"+n*f.r+\" 0 \"+a.largeArc+(r?\" 1 \":\" 0 \")+i+\",\"+o}}));var _=n.select(this).selectAll(\"g.titletext\").data(p.title.text?[0]:[]);if(_.enter().append(\"g\").classed(\"titletext\",!0),_.exit().remove(),_.each((function(){var e,r=l.ensureSingle(n.select(this),\"text\",\"\",(function(t){t.attr(\"data-notex\",1)})),a=p.title.text;p._meta&&(a=l.templateString(a,p._meta)),r.text(a).attr({class:\"titletext\",transform:\"\",\"text-anchor\":\"middle\"}).call(s.font,p.title.font).call(c.convertToTspans,t),e=\"middle center\"===p.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}}(f):E(f,i),r.attr(\"transform\",\"translate(\"+e.x+\",\"+e.y+\")\"+(e.scale<1?\"scale(\"+e.scale+\")\":\"\")+\"translate(\"+e.tx+\",\"+e.ty+\")\")})),x&&function(t,e){var r,n,a,i,o,s,l,c,u,h,f,p,g;function m(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 a,c,u,f,p=r.labelExtraY+(n?r.yLabelMax:r.yLabelMin),g=n?t.yLabelMin:t.yLabelMax,m=n?t.yLabelMax:t.yLabelMin,v=t.cyFinal+o(t.px0[1],t.px1[1]),y=p-g;if(y*l>0&&(t.labelExtraY=y),Array.isArray(e.pull))for(c=0;c=(d.castOption(e.pull,u.pts)||0)||((t.pxmid[1]-u.pxmid[1])*l>0?(y=u.cyFinal+o(u.px0[1],u.px1[1])-g-t.labelExtraY)*l>0&&(t.labelExtraY+=y):(m+t.labelExtraY-v)*l>0&&(a=3*s*Math.abs(c-h.indexOf(t)),(f=u.cxFinal+i(u.px0[0],u.px1[0])+a-(t.cxFinal+t.pxmid[0])-t.labelExtraX)*s>0&&(t.labelExtraX+=f)))}for(n=0;n<2;n++)for(a=n?m:v,o=n?Math.max:Math.min,l=n?1:-1,r=0;r<2;r++){for(i=r?Math.max:Math.min,s=r?1:-1,(c=t[n][r]).sort(a),u=t[1-n][r],h=u.concat(c),p=[],f=0;fMath.abs(h)?s+=\"l\"+h*t.pxmid[0]/t.pxmid[1]+\",\"+h+\"H\"+(i+t.labelExtraX+c):s+=\"l\"+t.labelExtraX+\",\"+u+\"v\"+(h-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()}))}(g,p),x&&p.automargin){var w=s.bBox(u.node()),T=p.domain,k=i.w*(T.x[1]-T.x[0]),M=i.h*(T.y[1]-T.y[0]),A=(.5*k-f.r)/i.w,C=(.5*M-f.r)/i.h;a.autoMargin(t,\"pie.\"+p.uid+\".automargin\",{xl:T.x[0]-A,xr:T.x[1]+A,yb:T.y[0]-C,yt:T.y[1]+C,l:Math.max(f.cx-f.r-w.left,0),r:Math.max(w.right-(f.cx+f.r),0),b:Math.max(w.bottom-(f.cy+f.r),0),t:Math.max(f.cy-f.r-w.top,0),pad:5})}}))}));setTimeout((function(){u.selectAll(\"tspan\").each((function(){var t=n.select(this);t.attr(\"dy\")&&t.attr(\"dy\",t.attr(\"dy\"))}))}),0)},formatSliceLabel:z,transformInsideText:b,determineInsideTextFont:y,positionTitleOutside:E,prerenderTitles:x,layoutAreas:P,attachFxHandlers:v,computeTransform:O}},{\"../../components/color\":615,\"../../components/drawing\":637,\"../../components/fx\":655,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../../plots/plots\":860,\"../bar/constants\":892,\"../bar/uniform_text\":906,\"./event_data\":1133,\"./helpers\":1134,d3:169}],1139:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"./style_one\"),i=t(\"../bar/uniform_text\").resizeText;e.exports=function(t){var e=t._fullLayout._pielayer.selectAll(\".trace\");i(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(a,t,e)}))}))}},{\"../bar/uniform_text\":906,\"./style_one\":1140,d3:169}],1140:[function(t,e,r){\"use strict\";var n=t(\"../../components/color\"),a=t(\"./helpers\").castOption;e.exports=function(t,e,r){var i=r.marker.line,o=a(i.color,e.pts)||n.defaultLine,s=a(i.width,e.pts)||0;t.style(\"stroke-width\",s).call(n.fill,e.color).call(n.stroke,o)}},{\"../../components/color\":615,\"./helpers\":1134}],1141:[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\":1155}],1142:[function(t,e,r){\"use strict\";var n=t(\"gl-pointcloud2d\"),a=t(\"../../lib/str2rgbarray\"),i=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,h=this.pickXYData=t.xy,f=t.xbounds&&t.ybounds,p=t.indices,d=this.bounds;if(h){if(n=h,e=h.length>>>1,f)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=a(t.marker.color),m=a(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]=i(_,[d[0],d[2]],{ppad:T}),t._extremes[w._id]=i(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\":772,\"../../plots/cartesian/autorange\":796,\"../scatter/get_trace_color\":1165,\"gl-pointcloud2d\":303}],1143:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./attributes\");e.exports=function(t,e,r){function i(r,i){return n.coerce(t,e,a,r,i)}i(\"x\"),i(\"y\"),i(\"xbounds\"),i(\"ybounds\"),t.xy&&t.xy instanceof Float32Array&&(e.xy=t.xy),t.indices&&t.indices instanceof Int32Array&&(e.indices=t.indices),i(\"text\"),i(\"marker.color\",r),i(\"marker.opacity\"),i(\"marker.blend\"),i(\"marker.sizemin\"),i(\"marker.sizemax\"),i(\"marker.border.color\",r),i(\"marker.border.arearatio\"),e._length=null}},{\"../../lib\":749,\"./attributes\":1141}],1144:[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\":837,\"../scatter3d/calc\":1183,\"./attributes\":1141,\"./convert\":1142,\"./defaults\":1143}],1145:[function(t,e,r){\"use strict\";var n=t(\"../../plots/font_attributes\"),a=t(\"../../plots/attributes\"),i=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,h=t(\"../../lib/extend\").extendFlat,f=t(\"../../plot_api/edit_types\").overrideAll;t(\"../../constants/docs\").FORMAT_LINK;(e.exports=f({hoverinfo:h({},a.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:i.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:i.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:h(c().colorscale,{dflt:[[0,\"white\"],[1,\"black\"]]})})}},\"calc\",\"nested\")).transforms=void 0},{\"../../components/color/attributes\":614,\"../../components/colorscale/attributes\":622,\"../../components/fx/attributes\":646,\"../../constants/docs\":719,\"../../lib/extend\":739,\"../../plot_api/edit_types\":780,\"../../plot_api/plot_template\":787,\"../../plots/attributes\":794,\"../../plots/domain\":824,\"../../plots/font_attributes\":825,\"../../plots/template_attributes\":875}],1146:[function(t,e,r){\"use strict\";var n=t(\"../../plot_api/edit_types\").overrideAll,a=t(\"../../plots/get_data\").getModuleCalcData,i=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\"),h=t(\"../../registry\");function f(t,e){var r=t._fullData[e],n=t._fullLayout,a=n.dragmode,i=\"pan\"===n.dragmode?\"move\":\"crosshair\",o=r._bgRect;if(\"pan\"!==a&&\"zoom\"!==a){s(o,i);var f={_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:f,yaxis:p,fillRangeItems:u.noop},subplot:e,xaxes:[f],yaxes:[p],doneFnCompleted:function(r){var n,a=t._fullData[e],i=a.node.groups.slice(),o=[];function s(t){for(var e=a._sankey.graph.nodes,r=0;ry&&(y=i.source[e]),i.target[e]>y&&(y=i.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,f[E=+E]=f[C]=!0;var L=\"\";i.label&&i.label[e]&&(L=i.label[e]);var P=null;L&&p.hasOwnProperty(L)&&(P=p[L]),c.push({pointNumber:e,label:L,color:u?i.color[e]:i.color,customdata:h?i.customdata[e]:i.customdata,concentrationscale:P,source:E,target:C,value:+S}),A.source.push(E),A.target.push(C)}}var I=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 i=a.init2dArray(t,0),o=0;o1}))}(I,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 i({circular:r.circular,_nodes:r.nodes,_links:r.links,_groups:r.groups,_groupLookup:r.groupLookup})}},{\"../../components/colorscale\":627,\"../../lib\":749,\"../../lib/gup\":746,\"strongly-connected-components\":541}],1148:[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\"}}},{}],1149:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./attributes\"),i=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 h(t,e){function r(r,i){return n.coerce(t,e,a.link.colorscales,r,i)}r(\"label\"),r(\"cmin\"),r(\"cmax\"),r(\"colorscale\")}e.exports=function(t,e,r,f){function p(r,i){return n.coerce(t,e,a,r,i)}var d=n.extendDeep(f.hoverlabel,t.hoverlabel),g=t.node,m=c.newContainer(e,\"node\");function v(t,e){return n.coerce(g,m,a.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=f.colorway;v(\"color\",m.label.map((function(t,e){return i.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,a.link,t,e)}_(\"label\"),_(\"source\"),_(\"target\"),_(\"value\"),_(\"line.color\"),_(\"line.width\"),_(\"hoverinfo\",t.hoverinfo),l(x,b,_,d),_(\"hovertemplate\");var w,T=o(f.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:h}),s(e,f,p),p(\"orientation\"),p(\"valueformat\"),p(\"valuesuffix\"),m.x.length&&m.y.length&&(w=\"freeform\"),p(\"arrangement\",w),n.coerceFont(p,\"textfont\",n.extendFlat({},f.font)),e._length=null}},{\"../../components/color\":615,\"../../components/fx/hoverlabel_defaults\":653,\"../../lib\":749,\"../../plot_api/plot_template\":787,\"../../plots/array_container_defaults\":793,\"../../plots/domain\":824,\"./attributes\":1145,tinycolor2:548}],1150:[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\":1145,\"./base_plot\":1146,\"./calc\":1147,\"./defaults\":1149,\"./plot\":1151,\"./select.js\":1153}],1151:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"./render\"),i=t(\"../../components/fx\"),o=t(\"../../components/color\"),s=t(\"../../lib\"),l=t(\"./constants\").cn,c=s._;function u(t){return\"\"!==t}function h(t,e){return t.filter((function(t){return t.key===e.traceId}))}function f(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&&h(r,e).selectAll(\".\"+l.sankeyLink).filter(d(e)).call(y.bind(0,e,r,!1))}function v(t,e,r){e&&r&&h(r,e).selectAll(\".\"+l.sankeyLink).filter(d(e)).call(x.bind(0,e,r,!1))}function y(t,e,r,n){var a=n.datum().link.label;n.style(\"fill-opacity\",(function(t){if(!t.link.concentrationscale)return.4})),a&&h(e,t).selectAll(\".\"+l.sankeyLink).filter((function(t){return t.link.label===a})).style(\"fill-opacity\",(function(t){if(!t.link.concentrationscale)return.4})),r&&h(e,t).selectAll(\".\"+l.sankeyNode).filter(g(t)).call(m)}function x(t,e,r,n){var a=n.datum().link.label;n.style(\"fill-opacity\",(function(t){return t.tinyColorAlpha})),a&&h(e,t).selectAll(\".\"+l.sankeyLink).filter((function(t){return t.link.label===a})).style(\"fill-opacity\",(function(t){return t.tinyColorAlpha})),r&&h(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,h=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\")||a.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:[a.node]},{container:r._hoverlayer.node(),outerContainer:r._paper.node(),gd:t});f(y,.85),p(y)}}},unhover:function(e,a,o){!1!==t._fullLayout.hovermode&&(n.select(e).call(v,a,o),\"skip\"!==a.node.trace.node.hoverinfo&&(a.node.fullData=a.node.trace,t.emit(\"plotly_unhover\",{event:n.event,points:[a.node]})),i.loneUnhover(r._hoverlayer.node()))},select:function(e,r,a){var o=r.node;o.originalEvent=n.event,t._hoverdata=[o],n.select(e).call(v,r,a),i.click(t,{target:!0})}}})}},{\"../../components/color\":615,\"../../components/fx\":655,\"../../lib\":749,\"./constants\":1148,\"./render\":1152,d3:169}],1152:[function(t,e,r){\"use strict\";var n=t(\"./constants\"),a=t(\"d3\"),i=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\"),h=t(\"../../lib\"),f=t(\"../../lib/gup\"),p=f.keyFun,d=f.repeat,g=f.unwrap,m=t(\"d3-interpolate\").interpolateNumber,v=t(\"../../registry\");function y(t,e,r){var a,o=g(e),s=o.trace,u=s.domain,f=\"h\"===s.orientation,p=s.node.pad,d=s.node.thickness,m=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;(a=b?c.sankeyCircular().circularLinkGap(0):l.sankey()).iterations(n.sankeyIterations).size(f?[m,v]:[v,m]).nodeWidth(d).nodePadding(p).nodeId((function(t){return t.pointNumber})).nodes(y).links(x);var _,w,T,k=a();for(var M in a.nodePadding()=a||(r=a-e.y0)>1e-6&&(e.y0+=r,e.y1+=r),a=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})),a=[],i=-1,o=-1/0;for(_=0;_o+d&&(i+=1,e=s.x0),o=s.x0,a[i]||(a[i]=[]),a[i].push(s),r=e-s.x0,s.x0+=r,s.x1+=r}return a}(y=k.nodes));a.update(k)}return{circular:b,key:r,trace:s,guid:h.randstr(),horizontal:f,width:m,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:f?v:m,dragPerpendicular:f?m:v,arrangement:s.arrangement,sankey:a,graph:k,forceLayouts:{},interactionState:{dragInProgress:!1,hovered:!1}}}function x(t,e,r){var n=i(e.color),a=e.source.label+\"|\"+e.target.label+\"__\"+r;return e.trace=t.trace,e.curveNumber=t.trace.index,{circular:t.circular,key:a,traceId:t.key,pointNumber:e.pointNumber,link:e,tinyColorHue:o.tinyRGB(n),tinyColorAlpha:n.getAlpha(),linkPath:b,linkLineColor:t.linkLineColor,linkLineWidth:t.linkLineWidth,valueFormat:t.valueFormat,valueSuffix:t.valueSuffix,sankey:t.sankey,parent:t,interactionState:t.interactionState,flow:e.flow}}function b(){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,a=t.link.source.x1,i=t.link.target.x0,o=m(a,i),s=o(.5),l=o(.5),c=t.link.y0-t.link.width/2,u=t.link.y0+t.link.width/2,h=t.link.y1-t.link.width/2,f=t.link.y1+t.link.width/2;return\"M\"+a+\",\"+c+\"C\"+s+\",\"+c+\" \"+l+\",\"+h+\" \"+i+\",\"+h+\"L\"+i+\",\"+f+\"C\"+l+\",\"+f+\" \"+s+\",\"+u+\" \"+a+\",\"+u+\"Z\"}}function _(t,e){var r=i(e.color),a=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=h.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:-a,zoneY:-s,zoneWidth:l+2*a,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 w(t){t.attr(\"transform\",(function(t){return\"translate(\"+t.node.x0.toFixed(3)+\", \"+t.node.y0.toFixed(3)+\")\"}))}function T(t){t.call(w)}function k(t,e){t.call(T),e.attr(\"d\",b())}function M(t){t.attr(\"width\",(function(t){return t.node.x1-t.node.x0})).attr(\"height\",(function(t){return t.visibleHeight}))}function A(t){return t.link.width>1||t.linkLineWidth>0}function S(t){return\"translate(\"+t.translateX+\",\"+t.translateY+\")\"+(t.horizontal?\"matrix(1 0 0 1 0 0)\":\"matrix(0 1 1 0 0 0)\")}function E(t){return\"translate(\"+(t.horizontal?0:t.labelY)+\" \"+(t.horizontal?t.labelY:0)+\")\"}function C(t){return a.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 L(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 I(t){return t.darkBackground&&!t.horizontal?\"rgb(255,255,255)\":\"rgb(0,0,0)\"}function z(t){return t.horizontal&&t.left?\"100%\":\"0%\"}function O(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 D(t,e,r,i){var o=a.behavior.drag().origin((function(t){return{x:t.node.x0+t.visibleWidth/2,y:t.node.y0+t.visibleHeight/2}})).on(\"dragstart\",(function(a){if(\"fixed\"!==a.arrangement&&(h.ensureSingle(i._fullLayout._infolayer,\"g\",\"dragcover\",(function(t){i._fullLayout._dragCover=t})),h.raiseToTop(this),a.interactionState.dragInProgress=a.node,F(a.node),a.interactionState.hovered&&(r.nodeEvents.unhover.apply(0,a.interactionState.hovered),a.interactionState.hovered=!1),\"snap\"===a.arrangement)){var o=a.traceId+\"|\"+a.key;a.forceLayouts[o]?a.forceLayouts[o].alpha(1):function(t,e,r,a){!function(t){for(var e=0;e0&&a.forceLayouts[e].alpha(0)}}(0,e,i,r)).stop()}(0,o,a),function(t,e,r,a,i){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,R(r,i)}}))}(t,e,a,o,i)}})).on(\"drag\",(function(r){if(\"fixed\"!==r.arrangement){var n=a.event.x,i=a.event.y;\"snap\"===r.arrangement?(r.node.x0=n-r.visibleWidth/2,r.node.x1=n+r.visibleWidth/2,r.node.y0=i-r.visibleHeight/2,r.node.y1=i+r.visibleHeight/2):(\"freeform\"===r.arrangement&&(r.node.x0=n-r.visibleWidth/2,r.node.x1=n+r.visibleWidth/2),i=Math.max(0,Math.min(r.size-r.visibleHeight/2,i)),r.node.y0=i-r.visibleHeight/2,r.node.y1=i+r.visibleHeight/2),F(r.node),\"snap\"!==r.arrangement&&(r.sankey.update(r.graph),k(t.filter(B(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\",z).style(\"fill\",I)}},{\"../../components/color\":615,\"../../components/drawing\":637,\"../../lib\":749,\"../../lib/gup\":746,\"../../registry\":880,\"./constants\":1148,\"@plotly/d3-sankey\":56,\"@plotly/d3-sankey-circular\":55,d3:169,\"d3-force\":160,\"d3-interpolate\":162,tinycolor2:548}],1153:[function(t,e,r){\"use strict\";e.exports=function(t,e){for(var r=[],n=t.cd[0].trace,a=n._sankey.graph.nodes,i=0;is&&M[m].gap;)m--;for(y=M[m].s,d=M.length-1;d>m;d--)M[d].s=y;for(;sA[u]&&u=0;a--){var i=t[a];if(\"scatter\"===i.type&&i.xaxis===r.xaxis&&i.yaxis===r.yaxis){i.opacity=void 0;break}}}}}},{}],1162:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../registry\"),i=t(\"./attributes\"),o=t(\"./constants\"),s=t(\"./subtypes\"),l=t(\"./xy_defaults\"),c=t(\"./stack_defaults\"),u=t(\"./marker_defaults\"),h=t(\"./line_defaults\"),f=t(\"./line_shape_defaults\"),p=t(\"./text_defaults\"),d=t(\"./fillcolor_defaults\");e.exports=function(t,e,r,g){function m(r,a){return n.coerce(t,e,i,r,a)}var v=l(t,e,g,m);if(v||(e.visible=!1),e.visible){var y=c(t,e,g,m),x=!y&&vG!=(F=I[L][1])>=G&&(O=I[L-1][0],D=I[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,f._length);var Y=s.defaultLine;return s.opacity(h.fillcolor)?Y=h.fillcolor:s.opacity((h.line||{}).color)&&(Y=h.line.color),n.extendFlat(t,{distance:t.maxHoverDistance,x0:U,x1:V,y0:G,y1:G,color:Y,hovertemplate:!1}),delete t.index,h.text&&!Array.isArray(h.text)?t.text=String(h.text):t.text=h.name,[t]}}}},{\"../../components/color\":615,\"../../components/fx\":655,\"../../lib\":749,\"../../registry\":880,\"./get_trace_color\":1165}],1167:[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\":810,\"./arrays_to_calcdata\":1154,\"./attributes\":1155,\"./calc\":1156,\"./cross_trace_calc\":1160,\"./cross_trace_defaults\":1161,\"./defaults\":1162,\"./format_labels\":1164,\"./hover\":1166,\"./marker_colorbar\":1173,\"./plot\":1175,\"./select\":1176,\"./style\":1178,\"./subtypes\":1179}],1168:[function(t,e,r){\"use strict\";var n=t(\"../../lib\").isArrayOrTypedArray,a=t(\"../../components/colorscale/helpers\").hasColorscale,i=t(\"../../components/colorscale/defaults\");e.exports=function(t,e,r,o,s,l){var c=(t.marker||{}).color;(s(\"line.color\",r),a(t,\"line\"))?i(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\":625,\"../../components/colorscale/helpers\":626,\"../../lib\":749}],1169:[function(t,e,r){\"use strict\";var n=t(\"../../constants/numerical\"),a=n.BADNUM,i=n.LOG_CLIP,o=i+.5,s=i-.5,l=t(\"../../lib\"),c=l.segmentsIntersect,u=l.constrain,h=t(\"./constants\");e.exports=function(t,e){var r,n,i,f,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,P=S._length,I=E._length,z=e.connectGaps,O=e.baseTolerance,D=e.shape,R=\"linear\"===D,F=e.fill&&\"none\"!==e.fill,B=[],N=h.minTolerance,j=t.length,U=new Array(j),V=0;function q(r){var n=t[r];if(!n)return!1;var i=e.linearized?S.l2p(n.x):S.c2p(n.x),l=e.linearized?E.l2p(n.y):E.c2p(n.y);if(i===a){if(C&&(i=S.c2p(n.x,!0)),i===a)return!1;L&&l===a&&(i*=Math.abs(S._m*I*(S._m>0?o:s)/(E._m*P*(E._m>0?o:s)))),i*=1e3}if(l===a){if(L&&(l=E.c2p(n.y,!0)),l===a)return!1;l*=1e3}return[i,l]}function H(t,e,r,n){var a=r-t,i=n-e,o=.5-t,s=.5-e,l=a*a+i*i,c=a*o+i*s;if(c>0&&crt||t[1]at)return[u(t[0],et,rt),u(t[1],nt,at)]}function st(t,e){return t[0]===e[0]&&(t[0]===et||t[0]===rt)||(t[1]===e[1]&&(t[1]===nt||t[1]===at)||void 0)}function lt(t,e,r){return function(n,a){var i=ot(n),o=ot(a),s=[];if(i&&o&&st(i,o))return s;i&&s.push(i),o&&s.push(o);var c=2*l.constrain((n[t]+a[t])/2,e,r)-((i||n)[t]+(o||a)[t]);c&&((i&&o?c>0==i[t]>o[t]?i:o:i||o)[t]+=c);return s}}function ct(t){var e=t[0],r=t[1],n=e===U[V-1][0],a=r===U[V-1][1];if(!n||!a)if(V>1){var i=e===U[V-2][0],o=r===U[V-2][1];n&&(e===et||e===rt)&&i?o?V--:U[V-1]=t:a&&(r===nt||r===at)&&o?i?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([X,J]),ct(t),K=null,X=J=0}function ht(t){if(M=t[0]/P,A=t[1]/I,W=t[0]rt?rt:0,Z=t[1]at?at:0,W||Z){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],Z||t[1]];var r=U[V-1];W&&Z&&(r[0]!==W||r[1]!==Z)?(K&&(X!==W&&J!==Z?ct(X&&J?(n=K,i=(a=t)[0]-n[0],o=(a[1]-n[1])/i,(n[1]*a[0]-a[1]*n[0])/i>0?[o>0?et:rt,at]:[o>0?rt:et,nt]):[X||W,J||Z]):X&&J&&ct([X,J])),ct([W,Z])):X-W&&J-Z&&ct([W||X,Z||J]),K=t,X=W,J=Z}else K&&ut($(K,t)[0]),U[V++]=t;var n,a,i,o}for(\"linear\"===D||\"spline\"===D?$=function(t,e){for(var r=[],n=0,a=0;a<4;a++){var i=it[a],o=c(t[0],t[1],e[0],e[1],i[0],i[1],i[2],i[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,ft))break;i=d,(_=v[0]*m[0]+v[1]*m[1])>x?(x=_,f=d,g=!1):_=t.length||!d)break;ht(d),n=d}}else ht(f)}K&&ct([X||K[0],J||K[1]]),B.push(U.slice(0,V))}return B}},{\"../../constants/numerical\":724,\"../../lib\":749,\"./constants\":1159}],1170:[function(t,e,r){\"use strict\";e.exports=function(t,e,r){\"spline\"===r(\"line.shape\")&&r(\"line.smoothing\")}},{}],1171:[function(t,e,r){\"use strict\";var n={tonextx:1,tonexty:1,tonext:1};e.exports=function(t,e,r){var a,i,o,s,l,c={},u=!1,h=-1,f=0,p=-1;for(i=0;i=0?l=p:(l=p=f,f++),l0?Math.max(e,a):0}}},{\"fast-isnumeric\":241}],1173:[function(t,e,r){\"use strict\";e.exports={container:\"marker\",min:\"cmin\",max:\"cmax\"}},{}],1174:[function(t,e,r){\"use strict\";var n=t(\"../../components/color\"),a=t(\"../../components/colorscale/helpers\").hasColorscale,i=t(\"../../components/colorscale/defaults\"),o=t(\"./subtypes\");e.exports=function(t,e,r,s,l,c){var u=o.isBubble(t),h=(t.line||{}).color;(c=c||{},h&&(r=h),l(\"marker.symbol\"),l(\"marker.opacity\",u?.7:1),l(\"marker.size\"),l(\"marker.color\",r),a(t,\"marker\")&&i(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\",h&&!Array.isArray(h)&&e.marker.color!==h?h:u?n.background:n.defaultLine),a(t,\"marker.line\")&&i(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\":615,\"../../components/colorscale/defaults\":625,\"../../components/colorscale/helpers\":626,\"./subtypes\":1179}],1175:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../registry\"),i=t(\"../../lib\"),o=i.ensureSingle,s=i.identity,l=t(\"../../components/drawing\"),c=t(\"./subtypes\"),u=t(\"./line_points\"),h=t(\"./link_traces\"),f=t(\"../../lib/polygon\").tester;function p(t,e,r,h,p,d,g){var m;!function(t,e,r,a,o){var s=r.xaxis,l=r.yaxis,u=n.extent(i.simpleMap(s.range,s.r2c)),h=n.extent(i.simpleMap(l.range,l.r2c)),f=a[0].trace;if(!c.hasMarkers(f))return;var p=f.marker.maxdisplayed;if(0===p)return;var d=a.filter((function(t){return t.x>=u[0]&&t.x<=u[1]&&t.y>=h[0]&&t.y<=h[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,_=h[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(a.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=\"\"),h[0][r.isRangePlot?\"nodeRangePlot3\":\"node3\"]=T;var P,I,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=i.noop;if(E=_._ownFill,c.hasLines(_)||\"none\"!==_.fill){for(C&&C.datum(h),-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(h,{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(h),t)y(r.style(\"opacity\",0).attr(\"d\",P).call(l.lineGroupStyle)).style(\"opacity\",1);else{var a=y(r);a.attr(\"d\",P),l.singleLineStyle(h,a)}}}}}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(h),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)):(X(C),_._polygons=null)),_._prevRevpath=H,_._prevPolygons=V):(E?X(E):C&&X(C),_._polygons=_._prevRevpath=_._prevPolygons=null),A.datum(h),S.datum(h),function(e,a,i){var o,u=i[0].trace,h=c.hasMarkers(u),f=c.hasText(u),p=tt(u),d=et,g=et;if(h||f){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),h&&(d=m),f&&(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(),h&&(T=l.makePointStyleFns(u)),o.each((function(e){var a=n.select(this),i=y(a);l.translatePoint(e,i,x,b)?(l.singlePointStyle(e,i,u,T,t),r.layerClipId&&l.hideOutsideRangePoint(e,i,x,b,u.xcalendar,u.ycalendar),u.customdata&&a.classed(\"plotly-customdata\",null!==e.data&&void 0!==e.data)):i.remove()})),v?o.exit().transition().style(\"opacity\",0).remove():o.exit().remove(),(o=a.selectAll(\"g\").data(g,p)).enter().append(\"g\").classed(\"textpoint\",!0).append(\"text\"),o.order(),o.each((function(t){var e=n.select(this),a=y(e.select(\"text\"));l.translatePoint(t,a,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,h);var Z=!1===_.cliponaxis?null:r.layerClipId;l.setClipUrl(A,Z,t),l.setClipUrl(S,Z,t)}function X(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,a,i,c){var u,f,d=!i,g=!!i&&i.duration>0,m=h(t,e,r);((u=a.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 a=o(n.select(this),\"g\",\"fills\");l.setClipUrl(a,r.layerClipId,t);var i=e[0].trace,c=[];i._ownfill&&c.push(\"_ownFill\"),i._nexttrace&&c.push(\"_nextFill\");var u=a.selectAll(\"g\").data(c,s);u.enter().append(\"g\"),u.exit().each((function(t){i[t]=null})).remove(),u.order().each((function(t){i[t]=o(n.select(this),\"path\",\"js-fill\")}))}))}(t,u,e),g)?(c&&(f=c()),n.transition().duration(i.duration).ease(i.easing).each(\"end\",(function(){f&&f()})).each(\"interrupt\",(function(){f&&f()})).each((function(){a.selectAll(\"g.trace\").each((function(r,n){p(t,n,e,r,m,this,i)}))}))):u.each((function(r,n){p(t,n,e,r,m,this,i)}));d&&u.exit().remove(),a.selectAll(\"path:not([d])\").remove()}},{\"../../components/drawing\":637,\"../../lib\":749,\"../../lib/polygon\":761,\"../../registry\":880,\"./line_points\":1169,\"./link_traces\":1171,\"./subtypes\":1179,d3:169}],1176:[function(t,e,r){\"use strict\";var n=t(\"./subtypes\");e.exports=function(t,e){var r,a,i,o,s=t.cd,l=t.xaxis,c=t.yaxis,u=[],h=s[0].trace;if(!n.hasMarkers(h)&&!n.hasText(h))return[];if(!1===e)for(r=0;r0){var f=a.c2l(u);a._lowerLogErrorBound||(a._lowerLogErrorBound=f),a._lowerErrorBound=Math.min(a._lowerLogErrorBound,f)}}else o[s]=[-l[0]*r,l[1]*r]}return o}e.exports=function(t,e,r){var n=[a(t.x,t.error_x,e[0],r.xaxis),a(t.y,t.error_y,e[1],r.yaxis),a(t.z,t.error_z,e[2],r.zaxis)],i=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,a){var i=null;if(l.isArrayOrTypedArray(t)){i=[];for(var o=0;o=0){var g=function(t,e,r){var n,a=(r+1)%3,i=(r+2)%3,o=[],l=[];for(n=0;n=0&&h(\"surfacecolor\",f||p);for(var d=[\"x\",\"y\",\"z\"],g=0;g<3;++g){var m=\"projection.\"+d[g];h(m+\".show\")&&(h(m+\".opacity\"),h(m+\".scale\"))}var v=n.getComponentMethod(\"errorbars\",\"supplyDefaults\");v(t,e,f||p||r,{axis:\"z\"}),v(t,e,f||p||r,{axis:\"y\",inherit:\"z\"}),v(t,e,f||p||r,{axis:\"x\",inherit:\"z\"})}else e.visible=!1}},{\"../../lib\":749,\"../../registry\":880,\"../scatter/line_defaults\":1168,\"../scatter/marker_defaults\":1174,\"../scatter/subtypes\":1179,\"../scatter/text_defaults\":1180,\"./attributes\":1182}],1187:[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\":722,\"../../plots/gl3d\":839,\"./attributes\":1182,\"./calc\":1183,\"./convert\":1185,\"./defaults\":1186}],1188:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\"),a=t(\"../../plots/attributes\"),i=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,h=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:h.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({},a.hoverinfo,{flags:[\"a\",\"b\",\"text\",\"name\"]}),hoveron:n.hoveron,hovertemplate:i()}},{\"../../components/colorscale/attributes\":622,\"../../lib/extend\":739,\"../../plots/attributes\":794,\"../../plots/template_attributes\":875,\"../scatter/attributes\":1155}],1189:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"../scatter/colorscale_calc\"),i=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,h,f=e._length,p=new Array(f),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\":749,\"../scatter/hover\":1166}],1194:[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\":810,\"../scatter/marker_colorbar\":1173,\"../scatter/select\":1176,\"../scatter/style\":1178,\"./attributes\":1188,\"./calc\":1189,\"./defaults\":1190,\"./event_data\":1191,\"./format_labels\":1192,\"./hover\":1193,\"./plot\":1195}],1195:[function(t,e,r){\"use strict\";var n=t(\"../scatter/plot\"),a=t(\"../../plots/cartesian/axes\"),i=t(\"../../components/drawing\");e.exports=function(t,e,r,o){var s,l,c,u=r[0][0].carpet,h={xaxis:a.getFromId(t,u.xaxis||\"x\"),yaxis:a.getFromId(t,u.yaxis||\"y\"),plot:e.plot};for(n(t,h,r,o),s=0;s\")}(c,g,t,l[0].t.labels),t.hovertemplate=c.hovertemplate,[t]}}},{\"../../components/fx\":655,\"../../constants/numerical\":724,\"../../lib\":749,\"../scatter/get_trace_color\":1165,\"./attributes\":1196}],1202:[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\":829,\"../scatter/marker_colorbar\":1173,\"../scatter/style\":1178,\"./attributes\":1196,\"./calc\":1197,\"./defaults\":1198,\"./event_data\":1199,\"./format_labels\":1200,\"./hover\":1201,\"./plot\":1203,\"./select\":1204,\"./style\":1205}],1203:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\"),i=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,h=t(\"../scatter/subtypes\"),f=t(\"./style\");e.exports={calcGeoJSON:function(t,e){var r,n,a=t[0].trace,o=e[a.geo],h=o._subplot,f=a._length;if(Array.isArray(a.locations)){var p=a.locationmode,d=\"geojson-id\"===p?s.extractTraceFeature(t):i(a,h.topojson);for(r=0;r=g,T=2*_,k={},M=e._x=y.makeCalcdata(e,\"x\"),A=e._y=x.makeCalcdata(e,\"y\"),S=new Array(T);for(r=0;r<_;r++)o=M[r],s=A[r],S[2*r]=o===d?NaN:o,S[2*r+1]=s===d?NaN:s;if(\"log\"===y.type)for(r=0;r1&&a.extendFlat(s.line,f.linePositions(t,r,n));if(s.errorX||s.errorY){var l=f.errorBarPositions(t,r,n,i,o);s.errorX&&a.extendFlat(s.errorX,l.x),s.errorY&&a.extendFlat(s.errorY,l.y)}s.text&&(a.extendFlat(s.text,{positions:n},f.textPosition(t,r,s.text,s.marker)),a.extendFlat(s.textSel,{positions:n},f.textPosition(t,r,s.text,s.markerSel)),a.extendFlat(s.textUnsel,{positions:n},f.textPosition(t,r,s.text,s.markerUnsel)));return s}(t,0,e,S,M,A),P=p(t,b);return u(v,e),w?L.marker&&(C=2*(L.marker.sizeAvg||Math.max(L.marker.size,3))):C=l(e,_),c(t,e,y,x,M,A,C),L.errorX&&m(e,y,L.errorX),L.errorY&&m(e,x,L.errorY),L.fill&&!P.fill2d&&(P.fill2d=!0),L.marker&&!P.scatter2d&&(P.scatter2d=!0),L.line&&!P.line2d&&(P.line2d=!0),!L.errorX&&!L.errorY||P.error2d||(P.error2d=!0),L.text&&!P.glText&&(P.glText=!0),L.marker&&(L.marker.snap=_),P.lineOptions.push(L.line),P.errorXOptions.push(L.errorX),P.errorYOptions.push(L.errorY),P.fillOptions.push(L.fill),P.markerOptions.push(L.marker),P.markerSelectedOptions.push(L.markerSel),P.markerUnselectedOptions.push(L.markerUnsel),P.textOptions.push(L.text),P.textSelectedOptions.push(L.textSel),P.textUnselectedOptions.push(L.textUnsel),P.selectBatch.push([]),P.unselectBatch.push([]),k._scene=P,k.index=P.count,k.x=M,k.y=A,k.positions=S,P.count++,[{x:!1,y:!1,t:k,trace:e}]}},{\"../../constants/numerical\":724,\"../../lib\":749,\"../../plots/cartesian/autorange\":796,\"../../plots/cartesian/axis_ids\":800,\"../scatter/calc\":1156,\"../scatter/colorscale_calc\":1158,\"./constants\":1208,\"./convert\":1209,\"./scene_update\":1217,\"@plotly/point-cluster\":57}],1208:[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]}}},{}],1209:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"svg-path-sdf\"),i=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,h=t(\"../scatter/subtypes\"),f=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,a=t._fullLayout,i=e._length,o=e.textfont,l=e.textposition,c=Array.isArray(l)?l:[l],u=o.color,h=o.size,f=o.family,p={},d=e.texttemplate;if(d){p.text=[];var g=a._d3locale,m=Array.isArray(d),y=m?Math.min(d.length,i):i,x=m?function(t){return d[t]}:function(){return d};for(r=0;rd.TOO_MANY_POINTS||h.hasMarkers(e)?\"rect\":\"round\";if(c&&e.connectgaps){var f=n[0],p=n[1];for(a=0;a1?l[a]:l[0]:l,d=Array.isArray(c)?c.length>1?c[a]:c[0]:c,g=m[p],v=m[d],y=u?u/.8+1:0,x=-v*y-.5*v;o.offset[a]=[g*y/f,x/f]}}return o}}},{\"../../components/drawing\":637,\"../../components/fx/helpers\":651,\"../../constants/interactions\":723,\"../../lib\":749,\"../../lib/gl_format_color\":745,\"../../plots/cartesian/axis_ids\":800,\"../../registry\":880,\"../scatter/make_bubble_size_func\":1172,\"../scatter/subtypes\":1179,\"./constants\":1208,\"./helpers\":1213,\"color-normalize\":125,\"fast-isnumeric\":241,\"svg-path-sdf\":546}],1210:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../registry\"),i=t(\"./helpers\"),o=t(\"./attributes\"),s=t(\"../scatter/constants\"),l=t(\"../scatter/subtypes\"),c=t(\"../scatter/xy_defaults\"),u=t(\"../scatter/marker_defaults\"),h=t(\"../scatter/line_defaults\"),f=t(\"../scatter/fillcolor_defaults\"),p=t(\"../scatter/text_defaults\");e.exports=function(t,e,r,d){function g(r,a){return n.coerce(t,e,o,r,a)}var m=!!t.marker&&i.isOpenSymbol(t.marker.symbol),v=l.isBubble(t),y=c(t,e,d,g);if(y){var x=y100},r.isDotSymbol=function(t){return\"string\"==typeof t?n.DOT_RE.test(t):t>200}},{\"./constants\":1208}],1214:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),a=t(\"../../lib\"),i=t(\"../scatter/get_trace_color\");function o(t,e,r,o){var s=t.xa,l=t.ya,c=t.distance,u=t.dxy,h=t.index,f={pointNumber:h,x:e[h],y:r[h]};f.tx=Array.isArray(o.text)?o.text[h]:o.text,f.htx=Array.isArray(o.hovertext)?o.hovertext[h]:o.hovertext,f.data=Array.isArray(o.customdata)?o.customdata[h]:o.customdata,f.tp=Array.isArray(o.textposition)?o.textposition[h]:o.textposition;var p=o.textfont;p&&(f.ts=a.isArrayOrTypedArray(p.size)?p.size[h]:p.size,f.tc=Array.isArray(p.color)?p.color[h]:p.color,f.tf=Array.isArray(p.family)?p.family[h]:p.family);var d=o.marker;d&&(f.ms=a.isArrayOrTypedArray(d.size)?d.size[h]:d.size,f.mo=a.isArrayOrTypedArray(d.opacity)?d.opacity[h]:d.opacity,f.mx=a.isArrayOrTypedArray(d.symbol)?d.symbol[h]:d.symbol,f.mc=a.isArrayOrTypedArray(d.color)?d.color[h]:d.color);var g=d&&d.line;g&&(f.mlc=Array.isArray(g.color)?g.color[h]:g.color,f.mlw=a.isArrayOrTypedArray(g.width)?g.width[h]:g.width);var m=d&&d.gradient;m&&\"none\"!==m.type&&(f.mgt=Array.isArray(m.type)?m.type[h]:m.type,f.mgc=Array.isArray(m.color)?m.color[h]:m.color);var v=s.c2p(f.x,!0),y=l.c2p(f.y,!0),x=f.mrc||1,b=o.hoverlabel;b&&(f.hbg=Array.isArray(b.bgcolor)?b.bgcolor[h]:b.bgcolor,f.hbc=Array.isArray(b.bordercolor)?b.bordercolor[h]:b.bordercolor,f.hts=a.isArrayOrTypedArray(b.font.size)?b.font.size[h]:b.font.size,f.htc=Array.isArray(b.font.color)?b.font.color[h]:b.font.color,f.htf=Array.isArray(b.font.family)?b.font.family[h]:b.font.family,f.hnl=a.isArrayOrTypedArray(b.namelength)?b.namelength[h]:b.namelength);var _=o.hoverinfo;_&&(f.hi=Array.isArray(_)?_[h]:_);var w=o.hovertemplate;w&&(f.ht=Array.isArray(w)?w[h]:w);var T={};T[t.index]=f;var k=a.extendFlat({},t,{color:i(o,f),x0:v-x,x1:v+x,xLabelVal:f.x,y0:y-x,y1:y+x,yLabelVal:f.y,cd:T,distance:c,spikeDistance:u,hovertemplate:f.ht});return f.htx?k.text=f.htx:f.tx?k.text=f.tx:o.text&&(k.text=o.text),a.fillText(f,o,k),n.getComponentMethod(\"errorbars\",\"hoverInfo\")(f,o,k),k}e.exports={hoverPoints:function(t,e,r,n){var a,i,s,l,c,u,h,f,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);a=\"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 a=g.ids;var E=T;if(\"x\"===n)for(c=0;c-1;c--)s=x[a[c]],l=b[a[c]],u=v.c2p(s)-_,h=y.c2p(l)-w,(f=Math.sqrt(u*u+h*h))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 a,i,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 h,f,p=[],d=c&&c.positions||l.positions;if(\"tozeroy\"===s.fill){for(h=0;hh&&isNaN(d[f+1]);)f-=2;0!==d[h+1]&&(p=[d[h],0]),p=p.concat(d.slice(h,f+2)),0!==d[f+1]&&(p=p.concat([d[f],0]))}else if(\"tozerox\"===s.fill){for(h=0;hh&&isNaN(d[f]);)f-=2;0!==d[h]&&(p=[0,d[h+1]]),p=p.concat(d.slice(h,f+2)),0!==d[f]&&(p=p.concat([0,d[f+1]]))}else if(\"toself\"===s.fill||\"tonext\"===s.fill){for(p=[],a=0,i=0;i-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=a.modHalf(e[0],360),i=e[1],o=f.project([n,i]),l=o.x-u.c2p([d,i]),c=o.y-h.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=[a.modHalf(m[0],360)+p,m[1]],y=u.c2p(v),x=h.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:f};var w=c._module.formatLabels(g,c,_);return t.lonLabel=w.lonLabel,t.latLabel=w.latLabel,t.color=i(c,g),t.extraText=function(t,e,r){if(t.hovertemplate)return;var n=(e.hi||t.hoverinfo).split(\"+\"),a=-1!==n.indexOf(\"all\"),i=-1!==n.indexOf(\"lon\"),s=-1!==n.indexOf(\"lat\"),l=e.lonlat,c=[];function u(t){return t+\"\\xb0\"}a||i&&s?c.push(\"(\"+u(l[0])+\", \"+u(l[1])+\")\"):i?c.push(r.lon+u(l[0])):s&&c.push(r.lat+u(l[1]));(a||-1!==n.indexOf(\"text\"))&&o(e,t,c);return c.join(\"
\")}(c,g,l[0].t.labels),t.hovertemplate=c.hovertemplate,[t]}}},{\"../../components/fx\":655,\"../../constants/numerical\":724,\"../../lib\":749,\"../scatter/get_trace_color\":1165}],1225:[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\":854,\"../scatter/marker_colorbar\":1173,\"../scattergeo/calc\":1197,\"./attributes\":1219,\"./defaults\":1221,\"./event_data\":1222,\"./format_labels\":1223,\"./hover\":1224,\"./plot\":1226,\"./select\":1227}],1226:[function(t,e,r){\"use strict\";var n=t(\"./convert\"),a=t(\"../../plots/mapbox/constants\").traceLayerPrefix,i=[\"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:a+e+\"-fill\",line:a+e+\"-line\",circle:a+e+\"-circle\",symbol:a+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,a,o=this.subplot,s=o.map,l=n(o.gd,t),c=o.belowLookup[\"trace-\"+this.uid];if(c!==this.below){for(e=i.length-1;e>=0;e--)r=i[e],s.removeLayer(this.layerIds[r]);for(e=0;e=0;e--){var r=i[e];t.removeLayer(this.layerIds[r]),t.removeSource(this.sourceIds[r])}},e.exports=function(t,e){for(var r=e[0].trace,a=new o(t,r.uid),s=n(t.gd,e),l=a.below=t.belowLookup[\"trace-\"+r.uid],c=0;c\")}}e.exports={hoverPoints:function(t,e,r,i){var o=n(t,e,r,i);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,a(c,u,l,s),s.hovertemplate=u.hovertemplate,o}},makeHoverPointText:a}},{\"../scatter/hover\":1166}],1233:[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\":863,\"../scatter/marker_colorbar\":1173,\"../scatter/select\":1176,\"../scatter/style\":1178,\"./attributes\":1228,\"./calc\":1229,\"./defaults\":1230,\"./format_labels\":1231,\"./hover\":1232,\"./plot\":1234}],1234:[function(t,e,r){\"use strict\";var n=t(\"../scatter/plot\"),a=t(\"../../constants/numerical\").BADNUM;e.exports=function(t,e,r){for(var i=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&&!f.fill2d&&(f.fill2d=!0),y.marker&&!f.scatter2d&&(f.scatter2d=!0),y.line&&!f.line2d&&(f.line2d=!0),y.text&&!f.glText&&(f.glText=!0),f.lineOptions.push(y.line),f.fillOptions.push(y.fill),f.markerOptions.push(y.marker),f.markerSelectedOptions.push(y.markerSel),f.markerUnselectedOptions.push(y.markerUnsel),f.textOptions.push(y.text),f.textSelectedOptions.push(y.textSel),f.textUnselectedOptions.push(y.textUnsel),f.selectBatch.push([]),f.unselectBatch.push([]),d.x=w,d.y=T,d.rawx=w,d.rawy=T,d.r=m,d.theta=v,d.positions=_,d._scene=f,d.index=f.count,f.count++}})),i(t,e,r)}}},{\"../../lib\":749,\"../scattergl/constants\":1208,\"../scattergl/convert\":1209,\"../scattergl/plot\":1216,\"../scattergl/scene_update\":1217,\"@plotly/point-cluster\":57,\"fast-isnumeric\":241}],1242:[function(t,e,r){\"use strict\";var n=t(\"../../plots/template_attributes\").hovertemplateAttrs,a=t(\"../../plots/template_attributes\").texttemplateAttrs,i=t(\"../scatter/attributes\"),o=t(\"../../plots/attributes\"),s=t(\"../../components/colorscale/attributes\"),l=t(\"../../components/drawing/attributes\").dash,c=t(\"../../lib/extend\").extendFlat,u=i.marker,h=i.line,f=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({},i.mode,{dflt:\"markers\"}),text:c({},i.text,{}),texttemplate:a({editType:\"plot\"},{keys:[\"a\",\"b\",\"c\",\"text\"]}),hovertext:c({},i.hovertext,{}),line:{color:h.color,width:h.width,dash:l,shape:c({},h.shape,{values:[\"linear\",\"spline\"]}),smoothing:h.smoothing,editType:\"calc\"},connectgaps:i.connectgaps,cliponaxis:i.cliponaxis,fill:c({},i.fill,{values:[\"none\",\"toself\",\"tonext\"],dflt:\"none\"}),fillcolor:i.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:f.width,editType:\"calc\"},s(\"marker.line\")),gradient:u.gradient,editType:\"calc\"},s(\"marker\")),textfont:i.textfont,textposition:i.textposition,selected:i.selected,unselected:i.unselected,hoverinfo:c({},o.hoverinfo,{flags:[\"a\",\"b\",\"c\",\"text\",\"name\"]}),hoveron:i.hoveron,hovertemplate:n()}},{\"../../components/colorscale/attributes\":622,\"../../components/drawing/attributes\":636,\"../../lib/extend\":739,\"../../plots/attributes\":794,\"../../plots/template_attributes\":875,\"../scatter/attributes\":1155}],1243:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"../scatter/colorscale_calc\"),i=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,h,f,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=f.hovertemplate,i}function x(t,e){v.push(t._hovertitle+\": \"+e)}}},{\"../scatter/hover\":1166}],1248:[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\":876,\"../scatter/marker_colorbar\":1173,\"../scatter/select\":1176,\"../scatter/style\":1178,\"./attributes\":1242,\"./calc\":1243,\"./defaults\":1244,\"./event_data\":1245,\"./format_labels\":1246,\"./hover\":1247,\"./plot\":1249}],1249:[function(t,e,r){\"use strict\";var n=t(\"../scatter/plot\");e.exports=function(t,e,r){var a=e.plotContainer;a.select(\".scatterlayer\").selectAll(\"*\").remove();var i={xaxis:e.xaxis,yaxis:e.yaxis,plot:a,layerClipId:e._hasClipOnAxisFalse?e.clipIdRelative:null},o=e.layers.frontplot.select(\"g.scatterlayer\");n(t,i,r,o)}},{\"../scatter/plot\":1175}],1250:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\"),a=t(\"../../components/colorscale/attributes\"),i=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,h=u.line,f=c(a(\"marker.line\",{editTypeOverride:\"calc\"}),{width:c({},h.width,{editType:\"calc\"}),editType:\"calc\"}),p=c(a(\"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:f,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:i(),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\":622,\"../../lib/extend\":739,\"../../plot_api/plot_template\":787,\"../../plots/cartesian/constants\":803,\"../../plots/template_attributes\":875,\"../scatter/attributes\":1155,\"../scattergl/attributes\":1206}],1251:[function(t,e,r){\"use strict\";var n=t(\"regl-line2d\"),a=t(\"../../registry\"),i=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,a=e._visibleDims,i=r.viewOpts.ranges=new Array(n),o=0;of?2*(b.sizeAvg||Math.max(b.size,3)):i(e,x),p=0;pi&&l||a-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],f=m[y-1],d=v[y-1]),e=0;eu?\"-\":\"+\")+\"x\")).replace(\"y\",(h>f?\"-\":\"+\")+\"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,a=t.dataScale,u=e._len,h={};function d(t,e){var n=r[e],o=a[c[e]];return i.simpleMap(t,(function(t){return n.d2l(t)*o}))}if(h.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(h.meshgrid=[g,m,v],h.gridFill=e._gridFill,e._slen)h.startingPositions=l(d(e._startsX,\"xaxis\"),d(e._startsY,\"yaxis\"),d(e._startsZ,\"zaxis\"));else{for(var y=m[0],x=f(g),b=f(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)},h=function(t){return String(m[t])}):(r=Math.min(y.length,x.length),l=function(t){return M(y[t])&&A(t)},h=function(t){return String(y[t])}),_&&(r=Math.min(r,b.length));for(var S=0;S1){for(var P=i.randstr(),I=0;I\"),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:[h(a,l,f.eventDataKeys)]};m&&(R.x0=S-a.rInscribed*a.rpx1,R.x1=S+a.rInscribed*a.rpx1,R.idealAlign=a.pxmid[0]<0?\"left\":\"right\"),v&&(R.x=S,R.idealAlign=S<0?\"left\":\"right\"),o.loneHover(R,{container:i._hoverlayer.node(),outerContainer:i._paper.node(),gd:r}),d._hasHoverLabel=!0}if(v){var F=t.select(\"path.surface\");f.styleOne(F,a,l,{hovered:!0})}d._hasHoverEvent=!0,r.emit(\"plotly_hover\",{points:[h(a,l,f.eventDataKeys)],event:n.event})}})),t.on(\"mouseout\",(function(e){var a=r._fullLayout,i=r._fullData[d.index],s=n.select(this).datum();if(d._hasHoverEvent&&(e.originalEvent=n.event,r.emit(\"plotly_unhover\",{points:[h(s,i,f.eventDataKeys)],event:n.event}),d._hasHoverEvent=!1),d._hasHoverLabel&&(o.loneUnhover(a._hoverlayer.node()),d._hasHoverLabel=!1),v){var l=t.select(\"path.surface\");f.styleOne(l,s,i,{hovered:!1})}})),t.on(\"click\",(function(t){var e=r._fullLayout,i=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:[h(t,i,f.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=[h(t,i,f.eventDataKeys)],o.click(r,n.event)),!s&&!1!==x&&!r._dragging&&!r._transitioning){a.call(\"_storeDirectGUIEdit\",i,e._tracePreGUI[i.uid],{level:i.level});var b={data:[{level:v}],traces:[d.index]},_={frame:{redraw:!1,duration:f.transitionTime},transition:{duration:f.transitionTime,easing:f.transitionEasing},mode:\"immediate\",fromcurrent:!0};o.loneUnhover(e._hoverlayer.node()),a.call(\"animate\",r,b,_)}}))}},{\"../../components/fx\":655,\"../../components/fx/helpers\":651,\"../../lib\":749,\"../../lib/events\":738,\"../../registry\":880,\"../pie/helpers\":1134,\"./helpers\":1272,d3:169}],1272:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../components/color\"),i=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 a=t.children||[],i=0;i0)},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 a=e?[n.data[e]]:[n];return r.listPath(n,e).concat(a)},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\":615,\"../../lib\":749,\"../../lib/setcursor\":769,\"../pie/helpers\":1134}],1273:[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\":1173,\"./attributes\":1266,\"./base_plot\":1267,\"./calc\":1268,\"./defaults\":1270,\"./layout_attributes\":1274,\"./layout_defaults\":1275,\"./plot\":1276,\"./style\":1277}],1274:[function(t,e,r){\"use strict\";e.exports={sunburstcolorway:{valType:\"colorlist\",editType:\"calc\"},extendsunburstcolors:{valType:\"boolean\",dflt:!0,editType:\"calc\"}}},{}],1275:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./layout_attributes\");e.exports=function(t,e){function r(r,i){return n.coerce(t,e,a,r,i)}r(\"sunburstcolorway\",e.colorway),r(\"extendsunburstcolors\")}},{\"../../lib\":749,\"./layout_attributes\":1274}],1276:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"d3-hierarchy\"),i=t(\"../../components/drawing\"),o=t(\"../../lib\"),s=t(\"../../lib/svg_text_utils\"),l=t(\"../bar/uniform_text\"),c=l.recordMinTextSize,u=l.clearMinTextSize,h=t(\"../pie/plot\"),f=h.computeTransform,p=h.transformInsideText,d=t(\"./style\").styleOne,g=t(\"../bar/style\").resizeText,m=t(\"./fx\"),v=t(\"./constants\"),y=t(\"./helpers\");function x(t,e,l,u){var h=t._fullLayout,g=!h.uniformtext.mode&&y.hasTransition(u),x=n.select(l).selectAll(\"g.slice\"),_=e[0],w=_.trace,T=_.hierarchy,k=y.findEntryWithLevel(T,w.level),M=y.getMaxDepth(w),A=h._size,S=w.domain,E=A.w*(S.x[1]-S.x[0]),C=A.h*(S.y[1]-S.y[0]),L=.5*Math.min(E,C),P=_.cx=A.l+A.w*(S.x[1]+S.x[0])/2,I=_.cy=A.t+A.h*(1-S.y[0])-C/2;if(!k)return x.remove();var z=null,O={};g&&x.each((function(t){O[y.getPtId(t)]={rpx0:t.rpx0,rpx1:t.rpx1,x0:t.x0,x1:t.x1,transform:t.transform},!z&&y.isEntry(t)&&(z=t)}));var D=function(t){return a.partition().size([2*Math.PI,t.height+1])(t)}(k).descendants(),R=k.height+1,F=0,B=M;_.hasMultipleRoots&&y.isHierarchyRoot(k)&&(D=D.slice(1),R-=1,F=1,B+=1),D=D.filter((function(t){return t.y1<=B}));var N=Math.min(R,M),j=function(t){return(t-F)/N*L},U=function(t,e){return[t*Math.cos(e),-t*Math.sin(e)]},V=function(t){return o.pathAnnulus(t.rpx0,t.rpx1,t.x0,t.x1,P,I)},q=function(t){return P+b(t)[0]*(t.transform.rCenter||0)+(t.transform.x||0)},H=function(t){return I+b(t)[1]*(t.transform.rCenter||0)+(t.transform.y||0)};(x=x.data(D,y.getPtId)).enter().append(\"g\").classed(\"slice\",!0),g?x.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=y.getPtId(t),a=O[r],i=O[y.getPtId(k)];if(i){var o=t.x1>i.x1?2*Math.PI:0;e=t.rpx1G?2*Math.PI:0;e={x0:i,x1:i}}else e={rpx0:L,rpx1:L},o.extendFlat(e,Z(t));else e={rpx0:0,rpx1:0};else e={x0:0,x1:0};return n.interpolate(e,a)}(t);return function(t){return V(e(t))}})):u.attr(\"d\",V),l.call(m,k,t,e,{eventDataKeys:v.eventDataKeys,transitionTime:v.CLICK_TRANSITION_TIME,transitionEasing:v.CLICK_TRANSITION_EASING}).call(y.setSliceCursor,t,{hideOnRoot:!0,hideOnLeaves:!0,isTransitioning:t._transitioning}),u.call(d,a,w);var x=o.ensureSingle(l,\"g\",\"slicetext\"),b=o.ensureSingle(x,\"text\",\"\",(function(t){t.attr(\"data-notex\",1)})),T=o.ensureUniformFontSize(t,y.determineTextFont(w,a,h.font));b.text(r.formatSliceLabel(a,k,w,e,h)).classed(\"slicetext\",!0).attr(\"text-anchor\",\"middle\").call(i.font,T).call(s.convertToTspans,t);var M=i.bBox(b.node());a.transform=p(M,a,_),a.transform.targetX=q(a),a.transform.targetY=H(a);var A=function(t,e){var r=t.transform;return f(r,e),r.fontSize=T.size,c(w.type,r,h),o.getTextTransform(r)};g?b.transition().attrTween(\"transform\",(function(t){var e=function(t){var e,r=O[y.getPtId(t)],a=t.transform;if(r)e=r;else if(e={rpx1:t.rpx1,transform:{textPosAngle:a.textPosAngle,scale:0,rotate:a.rotate,rCenter:a.rCenter,x:a.x,y:a.y}},z)if(t.parent)if(G){var i=t.x1>G?2*Math.PI:0;e.x0=e.x1=i}else o.extendFlat(e,Z(t));else e.x0=e.x1=0;else e.x0=e.x1=0;var s=n.interpolate(e.transform.textPosAngle,t.transform.textPosAngle),l=n.interpolate(e.rpx1,t.rpx1),u=n.interpolate(e.x0,t.x0),f=n.interpolate(e.x1,t.x1),p=n.interpolate(e.transform.scale,a.scale),d=n.interpolate(e.transform.rotate,a.rotate),g=0===a.rCenter?3:0===e.transform.rCenter?1/3:1,m=n.interpolate(e.transform.rCenter,a.rCenter);return function(t){var e=l(t),r=u(t),n=f(t),i=function(t){return m(Math.pow(t,g))}(t),o={pxmid:U(e,(r+n)/2),rpx1:e,transform:{textPosAngle:s(t),rCenter:i,x:a.x,y:a.y}};return c(w.type,a,h),{transform:{targetX:q(o),targetY:H(o),scale:p(t),rotate:d(t),rCenter:i}}}}(t);return function(t){return A(e(t),M)}})):b.attr(\"transform\",A(a,M))}))}function b(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,a){var i,o,s=t._fullLayout,l=s._sunburstlayer,c=!r,h=!s.uniformtext.mode&&y.hasTransition(r);(u(\"sunburst\",s),(i=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\"),i.order(),h)?(a&&(o=a()),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){x(t,e,this,r)}))}))):(i.each((function(e){x(t,e,this,r)})),s.uniformtext.mode&&g(t,s._sunburstlayer.selectAll(\".trace\"),\"sunburst\"));c&&i.exit().remove()},r.formatSliceLabel=function(t,e,r,n,a){var i=r.texttemplate,s=r.textinfo;if(!(i||s&&\"none\"!==s))return\"\";var l=a.separators,c=n[0],u=t.data.data,h=c.hierarchy,f=y.isHierarchyRoot(t),p=y.getParent(h,t),d=y.getValue(t);if(!i){var g,m=s.split(\"+\"),v=function(t){return-1!==m.indexOf(t)},x=[];if(v(\"label\")&&u.label&&x.push(u.label),u.hasOwnProperty(\"v\")&&v(\"value\")&&x.push(y.formatValue(u.v,l)),!f){v(\"current path\")&&x.push(y.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=y.formatPercent(w,l),_&&(g+=\" of \"+t),x.push(g)};v(\"percent parent\")&&!f&&(w=d/y.getValue(p),T(\"parent\")),v(\"percent entry\")&&(w=d/y.getValue(e),T(\"entry\")),v(\"percent root\")&&(w=d/y.getValue(h),T(\"root\"))}}return v(\"text\")&&(g=o.castOption(r,u.i,\"text\"),o.isValidTextValue(g)&&x.push(g)),x.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=y.formatValue(u.v,l)),M.currentPath=y.getPath(t.data),f||(M.percentParent=d/y.getValue(p),M.percentParentLabel=y.formatPercent(M.percentParent,l),M.parent=y.getPtLabel(p)),M.percentEntry=d/y.getValue(e),M.percentEntryLabel=y.formatPercent(M.percentEntry,l),M.entry=y.getPtLabel(e),M.percentRoot=d/y.getValue(h),M.percentRootLabel=y.formatPercent(M.percentRoot,l),M.root=y.getPtLabel(h),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,a._d3locale,M,r._meta||{})}},{\"../../components/drawing\":637,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../bar/style\":904,\"../bar/uniform_text\":906,\"../pie/plot\":1138,\"./constants\":1269,\"./fx\":1271,\"./helpers\":1272,\"./style\":1277,d3:169,\"d3-hierarchy\":161}],1277:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../components/color\"),i=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=i.castOption(r,s,\"marker.line.color\")||a.defaultLine,c=i.castOption(r,s,\"marker.line.width\")||0;t.style(\"stroke-width\",c).call(a.fill,n.color).call(a.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\":615,\"../../lib\":749,\"../bar/uniform_text\":906,d3:169}],1278:[function(t,e,r){\"use strict\";var n=t(\"../../components/color\"),a=t(\"../../components/colorscale/attributes\"),i=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:i(),connectgaps:{valType:\"boolean\",dflt:!1,editType:\"calc\"},surfacecolor:{valType:\"data_array\"}},a(\"\",{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({},a.zauto,{}),zmin:s({},a.zmin,{}),zmax:s({},a.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\":615,\"../../components/colorscale/attributes\":622,\"../../lib/extend\":739,\"../../plot_api/edit_types\":780,\"../../plots/attributes\":794,\"../../plots/template_attributes\":875}],1279:[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\":623}],1280:[function(t,e,r){\"use strict\";var n=t(\"gl-surface3d\"),a=t(\"ndarray\"),i=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\"),h=t(\"../../components/colorscale\").extractOpts;function f(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=f.prototype;p.getXat=function(t,e,r,n){var a=l(this.data.x)?l(this.data.x[0])?this.data.x[e][t]:this.data.x[t]:t;return void 0===r?a:n.d2l(a,0,r)},p.getYat=function(t,e,r,n){var a=l(this.data.y)?l(this.data.y[0])?this.data.y[e][t]:this.data.y[e]:e;return void 0===r?a:n.d2l(a,0,r)},p.getZat=function(t,e,r,n){var a=this.data.z[e][t];return null===a&&this.data.connectgaps&&this.data._interpolatedZ&&(a=this.data._interpolatedZ[e][t]),void 0===r?a:n.d2l(a,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),a=Math.max(Math.min(Math.round(r),this.data._ylength-1),0);t.index=[n,a],t.traceCoordinate=[this.getXat(n,a),this.getYat(n,a),this.getZat(n,a)],t.dataCoordinate=[this.getXat(n,a,this.data.xcalendar,this.scene.fullSceneLayout.xaxis),this.getYat(n,a,this.data.ycalendar,this.scene.fullSceneLayout.yaxis),this.getZat(n,a,this.data.zcalendar,this.scene.fullSceneLayout.zaxis)];for(var i=0;i<3;i++){var o=t.dataCoordinate[i];null!=o&&(t.dataCoordinate[i]*=this.scene.dataScale[i])}var s=this.data.hovertext||this.data.text;return Array.isArray(s)&&s[a]&&void 0!==s[a][n]?t.textLabel=s[a][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),a=1,i=0;i_;)r--,r/=v(r),++r1?n:1},p.refineCoords=function(t){for(var e=this.dataScaleX,r=this.dataScaleY,n=t[0].shape[0],i=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+i+1,u=a(new Float32Array(l*c),[l,c]),h=[1/e,0,0,0,1/r,0,0,0,1],f=0;f0&&null!==this.contourStart[t]&&null!==this.contourEnd[t]&&this.contourEnd[t]>this.contourStart[t]))for(a[t]=!0,e=this.contourStart[t];ei&&(this.minValues[e]=i),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\"}}},{}],1287:[function(t,e,r){\"use strict\";var n=t(\"./constants\"),a=t(\"../../lib/extend\").extendFlat,i=t(\"fast-isnumeric\");function o(t){if(Array.isArray(t)){for(var e=0,r=0;r=e||c===t.length-1)&&(n[a]=o,o.key=l++,o.firstRowIndex=s,o.lastRowIndex=c,o={firstRowIndex:null,lastRowIndex:null,rows:[]},a+=i,s=c+1,i=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=f(b,y-_+n.uplift),T=h(f(x,_),[]),k=h(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 i(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:a({},e.cells,{values:r}),headerCells:a({},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\":739,\"./constants\":1286,\"fast-isnumeric\":241}],1288:[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\":739}],1289:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./attributes\"),i=t(\"../../plots/domain\").defaults;e.exports=function(t,e,r,o){function s(r,i){return n.coerce(t,e,a,r,i)}i(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,a=r.slice(0,n),i=a.slice().sort((function(t,e){return t-e})),o=a.map((function(t){return i.indexOf(t)})),s=o.length;s/i),l=!o||s;t.mayHaveMarkup=o&&i.match(/[<&>]/);var c,u=\"string\"==typeof(c=i)&&c.match(n.latexCheck);t.latex=u;var h,f,p=u?\"\":_(t.calcdata.cells.prefix,e,r)||\"\",d=u?\"\":_(t.calcdata.cells.suffix,e,r)||\"\",g=u?null:_(t.calcdata.cells.format,e,r)||null,m=p+(g?a.format(g)(t.value):t.value)+d;if(t.wrappingNeeded=!t.wrapped&&!l&&!u&&(h=b(m)),t.cellHeightMayIncrease=s||u||t.mayHaveMarkup||(void 0===h?b(m):h),t.needsConvertToTspans=t.mayHaveMarkup||t.wrappingNeeded||t.latex,t.wrappingNeeded){var v=(\" \"===n.wrapSplitCharacter?m.replace(/a&&n.push(i),a+=l}return n}(a,l,s);1===c.length&&(c[0]===a.length-1?c.unshift(c[0]-1):c.push(c[0]+1)),c[0]%2&&c.reverse(),e.each((function(t,e){t.page=c[e],t.scrollY=l})),e.attr(\"transform\",(function(t){return\"translate(0 \"+(z(t.rowBlocks,t.page)-t.scrollY)+\")\"})),t&&(E(t,r,e,c,n.prevPages,n,0),E(t,r,e,c,n.prevPages,n,1),v(r,t))}}function S(t,e,r,i){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===i?s.scrollY+c*a.event.dy:i;var h=l.selectAll(\".\"+n.cn.yColumn).selectAll(\".\"+n.cn.columnBlock).filter(T);return A(t,h,l),s.scrollY===u}}function E(t,e,r,n,a,i,o){n[o]!==a[o]&&(clearTimeout(i.currentRepaint[o]),i.currentRepaint[o]=setTimeout((function(){var i=r.filter((function(t,e){return e===o&&n[e]!==a[e]}));y(t,e,i,r),a[o]=n[o]})))}function C(t,e,r,i){return function(){var o=a.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,a,i=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+(a=(r=s.shift()).width+i)>u&&(t.value+=l.join(n.wrapSpacer)+n.lineBreaker,l=[],c=0),l.push(r.text),c+=a;c&&(t.value+=l.join(n.wrapSpacer)),t.wrapped=!0})),o.selectAll(\"tspan.line\").remove(),x(o.select(\".\"+n.cn.cellText),r,t,i),a.select(e.parentNode.parentNode).call(I)}}function L(t,e,r,i,o){return function(){if(!o.settledY){var s=a.select(e.parentNode),l=R(o),c=o.key-l.firstRowIndex,u=l.rows[c].rowHeight,h=o.cellHeightMayIncrease?e.parentNode.getBoundingClientRect().height+2*n.cellPad:u,f=Math.max(h,u);f-l.rows[c].rowHeight&&(l.rows[c].rowHeight=f,t.selectAll(\".\"+n.cn.columnCell).call(I),A(null,t.filter(T),0),v(r,i,!0)),s.attr(\"transform\",(function(){var t=this.parentNode.getBoundingClientRect(),e=a.select(this.parentNode).select(\".\"+n.cn.cellRect).node().getBoundingClientRect(),r=this.transform.baseVal.consolidate(),i=e.top-t.top+(r?r.matrix.f:n.cellPad);return\"translate(\"+P(o,a.select(this.parentNode).select(\".\"+n.cn.cellTextHolder).node().getBoundingClientRect().width)+\" \"+i+\")\"})),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 I(t){t.attr(\"transform\",(function(t){var e=t.rowBlocks[0].auxiliaryBlocks.reduce((function(t,e){return t+O(e,1/0)}),0);return\"translate(0 \"+(O(R(t),t.key)+e)+\")\"})).selectAll(\".\"+n.cn.cellRect).attr(\"height\",(function(t){return(e=R(t),r=t.key,e.rows[r-e.firstRowIndex]).rowHeight;var e,r}))}function z(t,e){for(var r=0,n=e-1;n>=0;n--)r+=D(t[n]);return r}function O(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:a({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\"},domain:o({name:\"treemap\",trace:!0,editType:\"calc\"})}},{\"../../components/colorscale/attributes\":622,\"../../lib/extend\":739,\"../../plots/domain\":824,\"../../plots/template_attributes\":875,\"../pie/attributes\":1129,\"../sunburst/attributes\":1266,\"./constants\":1295}],1293:[function(t,e,r){\"use strict\";var n=t(\"../../plots/plots\");r.name=\"treemap\",r.plot=function(t,e,a,i){n.plotBasePlot(r.name,t,e,a,i)},r.clean=function(t,e,a,i){n.cleanBasePlot(r.name,t,e,a,i)}},{\"../../plots/plots\":860}],1294:[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\":1268}],1295:[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}},{}],1296:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./attributes\"),i=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,h=c.handleDefaults;e.exports=function(t,e,r,c){function f(r,i){return n.coerce(t,e,a,r,i)}var p=f(\"labels\"),d=f(\"parents\");if(p&&p.length&&d&&d.length){var g=f(\"values\");g&&g.length?f(\"branchvalues\"):f(\"count\"),f(\"level\"),f(\"maxdepth\"),\"squarify\"===f(\"tiling.packing\")&&f(\"tiling.squarifyratio\"),f(\"tiling.flip\"),f(\"tiling.pad\");var m=f(\"text\");f(\"texttemplate\"),e.texttemplate||f(\"textinfo\",Array.isArray(m)?\"text+label\":\"label\"),f(\"hovertext\"),f(\"hovertemplate\");var v=f(\"pathbar.visible\");s(t,e,c,f,\"auto\",{hasPathbar:v,moduleHasSelected:!1,moduleHasUnselected:!1,moduleHasConstrain:!1,moduleHasCliponaxis:!1,moduleHasTextangle:!1,moduleHasInsideanchor:!1}),f(\"textposition\");var y=-1!==e.textposition.indexOf(\"bottom\");f(\"marker.line.width\")&&f(\"marker.line.color\",c.paper_bgcolor);var x=f(\"marker.colors\"),b=e._hasColorscale=u(t,\"marker\",\"colors\")||(t.marker||{}).coloraxis;b?h(t,e,c,f,{prefix:\"marker.\",cLetter:\"c\"}):f(\"marker.depthfade\",!(x||[]).length);var _=2*e.textfont.size;f(\"marker.pad.t\",y?_/4:_),f(\"marker.pad.l\",_/4),f(\"marker.pad.r\",_/4),f(\"marker.pad.b\",y?_:_/4),b&&h(t,e,c,f,{prefix:\"marker.\",cLetter:\"c\"}),e._hovered={marker:{line:{width:2,color:i.contrast(c.paper_bgcolor)}}},v&&(f(\"pathbar.thickness\",e.pathbar.textfont.size+2*l),f(\"pathbar.side\"),f(\"pathbar.edgeshape\")),o(e,c,f),e._length=null}else e.visible=!1}},{\"../../components/color\":615,\"../../components/colorscale\":627,\"../../lib\":749,\"../../plots/domain\":824,\"../bar/constants\":892,\"../bar/defaults\":894,\"./attributes\":1292}],1297:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\"),i=t(\"../../components/drawing\"),o=t(\"../../lib/svg_text_utils\"),s=t(\"./partition\"),l=t(\"./style\").styleOne,c=t(\"./constants\"),u=t(\"../sunburst/helpers\"),h=t(\"../sunburst/fx\");e.exports=function(t,e,r,f,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,P=g/C._entryDepth,I=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=I.indexOf(t.data.id);return-1!==e&&(t.x0=P*e,t.x1=P*(e+1),t.y0=d,t.y1=d+m,t.onPathbar=!0,!0)}))).reverse(),(f=f.data(z,u.getPtId)).enter().append(\"g\").classed(\"pathbar\",!0),T(f,!0,A,[g,m],x),f.order();var O=f;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 f=n.select(this),p=a.ensureSingle(f,\"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),f.call(h,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=a.ensureSingle(f,\"g\",\"slicetext\"),T=a.ensureSingle(d,\"text\",\"\",(function(t){t.attr(\"data-notex\",1)})),E=a.ensureUniformFontSize(t,u.determineTextFont(C,s,S.font,{onPathbar:!0}));T.text(s._text||\" \").classed(\"slicetext\",!0).attr(\"text-anchor\",\"start\").call(i.font,E).call(o.convertToTspans,t),s.textBB=i.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\":637,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../sunburst/fx\":1271,\"../sunburst/helpers\":1272,\"./constants\":1295,\"./partition\":1302,\"./style\":1304,d3:169}],1298:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\"),i=t(\"../../components/drawing\"),o=t(\"../../lib/svg_text_utils\"),s=t(\"./partition\"),l=t(\"./style\").styleOne,c=t(\"./constants\"),u=t(\"../sunburst/helpers\"),h=t(\"../sunburst/fx\"),f=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\"),P=-1!==E.textposition.indexOf(\"bottom\"),I=!P&&!E.marker.pad.t||P&&!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(P?s.y1-E.marker.pad.b/2:s.y0+E.marker.pad.t/2);var d=n.select(this),T=a.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(h,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?I?\"\":u.getPtLabel(s)||\"\":f(s,r,E,e,S)||\"\";var A=a.ensureSingle(d,\"g\",\"slicetext\"),z=a.ensureSingle(A,\"text\",\"\",(function(t){t.attr(\"data-notex\",1)})),O=a.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(i.font,O).call(o.convertToTspans,t),s.textBB=i.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\":637,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../sunburst/fx\":1271,\"../sunburst/helpers\":1272,\"../sunburst/plot\":1276,\"./constants\":1295,\"./partition\":1302,\"./style\":1304,d3:169}],1299:[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\":1173,\"./attributes\":1292,\"./base_plot\":1293,\"./calc\":1294,\"./defaults\":1296,\"./layout_attributes\":1300,\"./layout_defaults\":1301,\"./plot\":1303,\"./style\":1304}],1300:[function(t,e,r){\"use strict\";e.exports={treemapcolorway:{valType:\"colorlist\",editType:\"calc\"},extendtreemapcolors:{valType:\"boolean\",dflt:!0,editType:\"calc\"}}},{}],1301:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./layout_attributes\");e.exports=function(t,e){function r(r,i){return n.coerce(t,e,a,r,i)}r(\"treemapcolorway\",e.colorway),r(\"extendtreemapcolors\")}},{\"../../lib\":749,\"./layout_attributes\":1300}],1302:[function(t,e,r){\"use strict\";var n=t(\"d3-hierarchy\");e.exports=function(t,e,r){var a,i=r.flipX,o=r.flipY,s=\"dice-slice\"===r.packing,l=r.pad[o?\"bottom\":\"top\"],c=r.pad[i?\"right\":\"left\"],u=r.pad[i?\"left\":\"right\"],h=r.pad[o?\"top\":\"bottom\"];s&&(a=c,c=l,l=a,a=u,u=h,h=a);var f=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(h).size(s?[e[1],e[0]]:e)(t);return(s||i||o)&&function t(e,r,n){var a;n.swapXY&&(a=e.x0,e.x0=e.y0,e.y0=a,a=e.x1,e.x1=e.y1,e.y1=a);n.flipX&&(a=e.x0,e.x0=r[0]-e.x1,e.x1=r[0]-a);n.flipY&&(a=e.y0,e.y0=r[1]-e.y1,e.y1=r[1]-a);var i=e.children;if(i)for(var o=0;o-1?E+P:-(L+P):0,z={x0:C,x1:C,y0:I,y1:I+L},O=function(t,e,r){var n=m.tiling.pad,a=function(t){return t-n<=e.x0},i=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:a(t.x0-n)?0:i(t.x0-n)?r[0]:t.x0,x1:a(t.x1+n)?0:i(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 a=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;f?a<(x=i-v.b)&&x\"===Q?(l.x-=i,c.x-=i,u.x-=i,h.x-=i):\"/\"===Q?(u.x-=i,h.x-=i,o.x-=i/2,s.x-=i/2):\"\\\\\"===Q?(l.x-=i,c.x-=i,o.x-=i/2,s.x-=i/2):\"<\"===Q&&(o.x-=i,s.x-=i),K(l),K(h),K(o),K(c),K(u),K(s),\"M\"+X(l.x,l.y)+\"L\"+X(c.x,c.y)+\"L\"+X(s.x,s.y)+\"L\"+X(u.x,u.y)+\"L\"+X(h.x,h.y)+\"L\"+X(o.x,o.y)+\"Z\"},toMoveInsideSlice:$,makeUpdateSliceInterpolator:et,makeUpdateTextInterpolator:rt,handleSlicesExit:nt,hasTransition:T,strTransform:at}):b.remove()}e.exports=function(t,e,r,i){var o,s,l=t._fullLayout,c=l._treemaplayer,f=!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&&a.hasTransition(r))?(i&&(s=i()),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&&h(t,l._treemaplayer.selectAll(\".trace\"),\"treemap\"));f&&o.exit().remove()}},{\"../../lib\":749,\"../bar/constants\":892,\"../bar/plot\":901,\"../bar/style\":904,\"../bar/uniform_text\":906,\"../sunburst/helpers\":1272,\"./constants\":1295,\"./draw_ancestors\":1297,\"./draw_descendants\":1298,d3:169}],1304:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../components/color\"),i=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,h=u.i,f=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&&\"rgba(0,0,0,0)\"===f)d=0,s=\"rgba(0,0,0,0)\",l=0;else if(s=i.castOption(r,h,\"marker.line.color\")||a.defaultLine,l=i.castOption(r,h,\"marker.line.width\")||0,!r._hasColorscale&&!e.onPathbar){var g=r.marker.depthfade;if(g){var m,v=a.combine(a.addOpacity(r._backgroundColor,.75),f);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\"===f.orientation?(w=e,y=\"y\",b=k,x=\"x\",_=T):(w=r,y=\"x\",b=T,x=\"y\",_=k);var M=h[t.index];if(w>=M.span[0]&&w<=M.span[1]){var A=n.extendFlat({},t),S=_.c2p(w,!0),E=o.getKdeValue(M,f,w),C=o.getPositionOnKdePath(M,f,S),L=b._offset,P=b._length;A[y+\"0\"]=C[0],A[y+\"1\"]=C[1],A[x+\"0\"]=A[x+\"1\"]=S,A[x+\"Label\"]=x+\": \"+a.hoverLabelText(_,w)+\", \"+h[0].t.labels.kde+\" \"+E.toFixed(3),A.spikeDistance=v[0].spikeDistance;var I=y+\"Spike\";A[I]=v[0][I],v[0].spikeDistance=void 0,v[0][I]=void 0,A.hovertemplate=!1,m.push(A),(u={stroke:t.color})[y+\"1\"]=n.constrain(L+C[0],L,L+P),u[y+\"2\"]=n.constrain(L+C[1],L,L+P),u[x+\"1\"]=u[x+\"2\"]=_._offset+S}}d&&(m=m.concat(v))}-1!==p.indexOf(\"points\")&&(c=i.hoverOnPoints(t,e,r));var z=l.selectAll(\".violinline-\"+f.uid).data(u?[0]:[]);return z.enter().append(\"line\").classed(\"violinline-\"+f.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\":749,\"../../plots/cartesian/axes\":797,\"../box/hover\":920,\"./helpers\":1309}],1311:[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\":810,\"../box/defaults\":918,\"../box/select\":925,\"../scatter/style\":1178,\"./attributes\":1305,\"./calc\":1306,\"./cross_trace_calc\":1307,\"./defaults\":1308,\"./hover\":1310,\"./layout_attributes\":1312,\"./layout_defaults\":1313,\"./plot\":1314,\"./style\":1315}],1312:[function(t,e,r){\"use strict\";var n=t(\"../box/layout_attributes\"),a=t(\"../../lib\").extendFlat;e.exports={violinmode:a({},n.boxmode,{}),violingap:a({},n.boxgap,{}),violingroupgap:a({},n.boxgroupgap,{})}},{\"../../lib\":749,\"../box/layout_attributes\":922}],1313:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./layout_attributes\"),i=t(\"../box/layout_defaults\");e.exports=function(t,e,r){i._supply(t,e,r,(function(r,i){return n.coerce(t,e,a,r,i)}),\"violin\")}},{\"../../lib\":749,\"../box/layout_defaults\":923,\"./layout_attributes\":1312}],1314:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\"),i=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,h=e.xaxis,f=e.yaxis;function p(t){var e=s(t,{xaxis:h,yaxis:f,connectGaps:!0,baseTolerance:.75,shape:\"spline\",simplify:!0,linearized:!0});return i.smoothopen(e[0],1)}a.makeTraceGroups(c,r,\"trace violins\").each((function(t){var r=n.select(this),i=t[0],s=i.t,c=i.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(a.identity);_.enter().append(\"path\").style(\"vector-effect\",\"non-scaling-stroke\").attr(\"class\",\"violin\"),_.exit().remove(),_.each((function(t){var e,r,a,i,o,l,h,f,_=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(h=new Array(T),o=0;o\")),c.color=function(t,e){var r=t[e.dir].marker,n=r.color,i=r.line.color,o=r.line.width;if(a(n))return n;if(a(i)&&o)return i}(h,d),[c]}function w(t){return n(p,t)}}},{\"../../components/color\":615,\"../../constants/delta.js\":718,\"../../plots/cartesian/axes\":797,\"../bar/hover\":897}],1327:[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\":810,\"../bar/select\":902,\"./attributes\":1320,\"./calc\":1321,\"./cross_trace_calc\":1323,\"./defaults\":1324,\"./event_data\":1325,\"./hover\":1326,\"./layout_attributes\":1328,\"./layout_defaults\":1329,\"./plot\":1330,\"./style\":1331}],1328:[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\"}}},{}],1329:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./layout_attributes\");e.exports=function(t,e,r){var i=!1;function o(r,i){return n.coerce(t,e,a,r,i)}for(var s=0;s0&&(m+=f?\"M\"+h[0]+\",\"+d[1]+\"V\"+d[0]:\"M\"+h[1]+\",\"+d[0]+\"H\"+h[0]),\"between\"!==p&&(r.isSum||s path\").each((function(t){if(!t.isBlank){var e=s[t.dir].marker;n.select(this).call(i.fill,e.color).call(i.stroke,e.line.color).call(a.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;a.lineGroupStyle(n.select(this).selectAll(\"path\"),t.width,t.color,t.dash)}))}))}}},{\"../../components/color\":615,\"../../components/drawing\":637,\"../../constants/interactions\":723,\"../bar/style\":904,\"../bar/uniform_text\":906,d3:169}],1332:[function(t,e,r){\"use strict\";var n=t(\"../plots/cartesian/axes\"),a=t(\"../lib\"),i=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,i){if(i.enabled){for(var o=i.target,l=a.nestedProperty(e,o),c=l.get(),u=function(t,e){var r=t.func,n=e.d2c,i=e.c2d;switch(r){case\"count\":return h;case\"first\":return f;case\"last\":return p;case\"sum\":return function(t,e){for(var r=0,a=0;aa&&(a=u,o=c)}}return a?i(o):s};case\"rms\":return function(t,e){for(var r=0,a=0,o=0;o\":return function(t){return f(t)>s};case\">=\":return function(t){return f(t)>=s};case\"[]\":return function(t){var e=f(t);return e>=s[0]&&e<=s[1]};case\"()\":return function(t){var e=f(t);return e>s[0]&&e=s[0]&&es[0]&&e<=s[1]};case\"][\":return function(t){var e=f(t);return e<=s[0]||e>=s[1]};case\")(\":return function(t){var e=f(t);return es[1]};case\"](\":return function(t){var e=f(t);return e<=s[0]||e>s[1]};case\")[\":return function(t){var e=f(t);return e=s[1]};case\"{}\":return function(t){return-1!==s.indexOf(f(t))};case\"}{\":return function(t){return-1===s.indexOf(f(t))}}}(r,i.getDataToCoordFunc(t,e,s,a),f),x={},b={},_=0;d?(m=function(t){x[t.astr]=n.extendDeep([],t.get()),t.set(new Array(h))},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(i=0;i=r)return a.substr(0,r);for(;r>a.length&&e>1;)1&e&&(a+=t),e>>=1,t+=t;return a=(a+=t).substr(0,r)}},{}],514:[function(t,e,r){(function(t){e.exports=t.performance&&t.performance.now?function(){return performance.now()}:Date.now||function(){return+new Date}}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{}],515:[function(t,e,r){\"use strict\";e.exports=function(t){for(var e=t.length,r=t[t.length-1],n=e,a=e-2;a>=0;--a){var i=r,o=t[a];(l=o-((r=i+o)-i))&&(t[--n]=r,r=l)}var s=0;for(a=n;a>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(\"\"))(a,i,n,o)}var h=[function(){return[0]},function(t){return[t[0][0]]}];!function(){for(;h.length<6;)h.push(u(h.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 a=Function.apply(void 0,t);for(e.exports=a.apply(void 0,h.concat([h,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===a?r.push(\"+b[\",i,\"]\"):r.push(\"+A[\",i,\"][\",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 i=[function(){return[0]},function(t,e){return[[e[0]],[t[0][0]]]}];!function(){for(;i.length<6;)i.push(a(i.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,i.concat([i,a])),n=0;n<6;++n)e.exports[n]=i[n]}()},{\"robust-determinant\":516}],520:[function(t,e,r){\"use strict\";var n=t(\"two-product\"),a=t(\"robust-sum\"),i=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(i<=0)return o;n=a+i}else{if(!(a<0))return o;if(i>=0)return o;n=-(a+i)}var s=33306690738754716e-32*n;return o>=s||o<=-s?o:h(t,e,r)},function(t,e,r,n){var a=t[0]-n[0],i=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],h=e[2]-n[2],p=r[2]-n[2],d=i*c,g=o*l,m=o*s,v=a*c,y=a*l,x=i*s,b=u*(d-g)+h*(m-v)+p*(y-x),_=7771561172376103e-31*((Math.abs(d)+Math.abs(g))*Math.abs(u)+(Math.abs(m)+Math.abs(v))*Math.abs(h)+(Math.abs(y)+Math.abs(x))*Math.abs(p));return b>_||-b>_?b:f(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 a=[\"function getOrientation(\",t.join(),\"){switch(arguments.length){case 0:case 1:return 0;\"];for(n=2;n<=5;++n)a.push(\"case \",n,\":return o\",n,\"(\",t.slice(0,n).join(),\");\");a.push(\"}var s=new Array(arguments.length);for(var i=0;i0&&o>0||i<0&&o<0)return!1;var s=n(r,t,e),l=n(a,t,e);if(s>0&&l>0||s<0&&l<0)return!1;if(0===i&&0===o&&0===s&&0===l)return function(t,e,r,n){for(var a=0;a<2;++a){var i=t[a],o=e[a],s=Math.min(i,o),l=Math.max(i,o),c=r[a],u=n[a],h=Math.min(c,u);if(Math.max(c,u)=n?(a=h,(l+=1)=n?(a=h,(l+=1)0?1:0}},{}],527:[function(t,e,r){\"use strict\";e.exports=function(t){return a(n(t))};var n=t(\"boundary-cells\"),a=t(\"reduce-simplicial-complex\")},{\"boundary-cells\":100,\"reduce-simplicial-complex\":507}],528:[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[\",a[0],\"],c[\",a[1],\"])\")}l.push(\"]\")}l.push(\");\")}}for(i=t+1;i>1;--i){i>1,s=i(t[o],e);s<=0?(0===s&&(a=o),r=o+1):s>0&&(n=o-1)}return a}function u(t,e){for(var r=new Array(t.length),a=0,o=r.length;a=t.length||0!==i(t[m],s)););}return r}function h(t,e){if(e<0)return[];for(var r=[],a=(1<>>u&1&&c.push(a[u]);e.push(c)}return s(e)},r.skeleton=h,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,a=2*(t+1),i=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(i);for(h=0;h>1;h>=0;--h)x(h);for(;;){var S=_();if(S<0||c[S]>r)break;T(S)}var E=[];for(h=0;h=0&&r>=0&&e!==r){var n=M[e],a=M[r];n!==a&&L.push([n,a])}})),a.unique(a.normalize(L)),{positions:E,edges:L}};var n=t(\"robust-orientation\"),a=t(\"simplicial-complex\")},{\"robust-orientation\":520,\"simplicial-complex\":532}],535:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r,i,o,s;if(e[0][0]e[1][0]))return a(e,t);r=e[1],i=e[0]}if(t[0][0]t[1][0]))return-a(t,e);o=t[1],s=t[0]}var l=n(r,i,s),c=n(r,i,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,i),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 i[0]-s[0]};var n=t(\"robust-orientation\");function a(t,e){var r,a,i,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],a=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 h(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),a=-1;if(r&&(a=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,a=u.value):(a=u.value,s=u.key))}var h=this.horizontal[e];if(h.length>0){var f=n.ge(h,t[1],l);if(f=h.length)return a;p=h[f]}}if(p.start)if(s){var d=i(s[0],s[1],[t[0],p.y]);s[0][0]>s[1][0]&&(d=-d),d>0&&(a=p.index)}else a=p.index;else p.y!==t[1]&&(a=p.index)}}}return a}},{\"./lib/order-segments\":535,\"binary-search-bounds\":536,\"functional-red-black-tree\":247,\"robust-orientation\":520}],538:[function(t,e,r){\"use strict\";var n=t(\"robust-dot-product\"),a=t(\"robust-sum\");function i(t,e){var r=a(n(t,e),[e[e.length-1]]);return r[r.length-1]}function o(t,e,r,n){var a=-e/(n-e);a<0?a=0:a>1&&(a=1);for(var i=1-a,o=t.length,s=new Array(o),l=0;l0||a>0&&u<0){var h=o(s,u,l,a);r.push(h),n.push(h.slice())}u<0?n.push(l.slice()):u>0?r.push(l.slice()):(r.push(l.slice()),n.push(l.slice())),a=u}return{positive:r,negative:n}},e.exports.positive=function(t,e){for(var r=[],n=i(t[t.length-1],e),a=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(a,c,s,n)),c>=0&&r.push(s.slice()),n=c}return r},e.exports.negative=function(t,e){for(var r=[],n=i(t[t.length-1],e),a=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(a,c,s,n)),c<=0&&r.push(s.slice()),n=c}return r}},{\"robust-dot-product\":517,\"robust-sum\":525}],539:[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 a(o(t),arguments)}function n(t,r){return e.apply(null,[t].concat(r||[]))}function a(r,n){var a,i,o,s,l,c,u,h,f,p=1,d=r.length,g=\"\";for(i=0;i=0),s.type){case\"b\":a=parseInt(a,10).toString(2);break;case\"c\":a=String.fromCharCode(parseInt(a,10));break;case\"d\":case\"i\":a=parseInt(a,10);break;case\"j\":a=JSON.stringify(a,null,s.width?parseInt(s.width):0);break;case\"e\":a=s.precision?parseFloat(a).toExponential(s.precision):parseFloat(a).toExponential();break;case\"f\":a=s.precision?parseFloat(a).toFixed(s.precision):parseFloat(a);break;case\"g\":a=s.precision?String(Number(a.toPrecision(s.precision))):parseFloat(a);break;case\"o\":a=(parseInt(a,10)>>>0).toString(8);break;case\"s\":a=String(a),a=s.precision?a.substring(0,s.precision):a;break;case\"t\":a=String(!!a),a=s.precision?a.substring(0,s.precision):a;break;case\"T\":a=Object.prototype.toString.call(a).slice(8,-1).toLowerCase(),a=s.precision?a.substring(0,s.precision):a;break;case\"u\":a=parseInt(a,10)>>>0;break;case\"v\":a=a.valueOf(),a=s.precision?a.substring(0,s.precision):a;break;case\"x\":a=(parseInt(a,10)>>>0).toString(16);break;case\"X\":a=(parseInt(a,10)>>>0).toString(16).toUpperCase()}t.json.test(s.type)?g+=a:(!t.number.test(s.type)||h&&!s.sign?f=\"\":(f=h?\"+\":\"-\",a=a.toString().replace(t.sign,\"\")),c=s.pad_char?\"0\"===s.pad_char?\"0\":s.pad_char.charAt(1):\" \",u=s.width-(f+a).length,l=s.width&&u>0?c.repeat(u):\"\",g+=s.align?f+a+l:\"0\"===c?f+l+a:l+f+a)}return g}var i=Object.create(null);function o(e){if(i[e])return i[e];for(var r,n=e,a=[],o=0;n;){if(null!==(r=t.text.exec(n)))a.push(r[0]);else if(null!==(r=t.modulo.exec(n)))a.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\");a.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 i[e]=a}\"undefined\"!=typeof r&&(r.sprintf=e,r.vsprintf=n),\"undefined\"!=typeof window&&(window.sprintf=e,window.vsprintf=n)}()},{}],540:[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 a=n.parse(t,{flat:!0,brackets:r.ignore}),i=a[0].split(e);if(r.escape){for(var o=[],s=0;s0;){e=c[c.length-1];var p=t[e];if(i[e]=0&&s[e].push(o[g])}i[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(a[x]=!1,m.push(x),v.push(s[x]),y+=s[x].length,o[x]=h.length,x===e){l.length=d;break}}h.push(m);var b=new Array(y);for(d=0;d c)|0 },\"),\"generic\"===e&&i.push(\"getters:[0],\");for(var s=[],l=[],c=0;c>>7){\");for(c=0;c<1<<(1<128&&c%128==0){h.length>0&&f.push(\"}}\");var p=\"vExtra\"+h.length;i.push(\"case \",c>>>7,\":\",p,\"(m&0x7f,\",l.join(),\");break;\"),f=[\"function \",p,\"(m,\",l.join(),\"){switch(m){\"],h.push(f)}f.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(\"+\")+\")\")}f.push(\"a.push([\",k.join(),\"]);\",\"break;\")}i.push(\"}},\"),h.length>0&&f.push(\"}}\");var E=[];for(c=0;c<1<1&&(a=1),a<-1&&(a=-1),(t*n-e*r<0?-1:1)*Math.acos(a)};r.default=function(t){var e=t.px,r=t.py,l=t.cx,c=t.cy,u=t.rx,h=t.ry,f=t.xAxisRotation,p=void 0===f?0:f,d=t.largeArcFlag,g=void 0===d?0:d,m=t.sweepFlag,v=void 0===m?0:m,y=[];if(0===u||0===h)return[];var x=Math.sin(p*a/360),b=Math.cos(p*a/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),h=Math.abs(h);var T=Math.pow(_,2)/Math.pow(u,2)+Math.pow(w,2)/Math.pow(h,2);T>1&&(u*=Math.sqrt(T),h*=Math.sqrt(T));var k=function(t,e,r,n,i,o,l,c,u,h,f,p){var d=Math.pow(i,2),g=Math.pow(o,2),m=Math.pow(f,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))*i/o*p,b=y*-o/i*f,_=h*x-u*b+(t+r)/2,w=u*x+h*b+(e+n)/2,T=(f-x)/i,k=(p-b)/o,M=(-f-x)/i,A=(-p-b)/o,S=s(1,0,T,k),E=s(T,k,M,A);return 0===c&&E>0&&(E-=a),1===c&&E<0&&(E+=a),[_,w,S,E]}(e,r,l,c,u,h,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)/(a/4);Math.abs(1-L)<1e-7&&(L=1);var P=Math.max(Math.ceil(L),1);C/=P;for(var I=0;Ie[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\":445,\"normalize-svg-path\":545,\"parse-svg-path\":479}],545:[function(t,e,r){\"use strict\";e.exports=function(t){for(var e,r=[],o=0,s=0,l=0,c=0,u=null,h=null,f=0,p=0,d=0,g=t.length;d4?(o=m[m.length-4],s=m[m.length-3]):(o=f,s=p),r.push(m)}return r};var n=t(\"svg-arc-to-cubic-bezier\");function a(t,e,r,n){return[\"C\",t,e,r,n,r,n]}function i(t,e,r,n,a,i){return[\"C\",t/3+2/3*r,e/3+2/3*n,a/3+2/3*r,i/3+2/3*n,a,i]}},{\"svg-arc-to-cubic-bezier\":543}],546:[function(t,e,r){\"use strict\";var n,a=t(\"svg-path-bounds\"),i=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,h;e.shape?(r=e.shape[0],h=e.shape[1]):(r=c.width=e.w||e.width||200,h=c.height=e.h||e.height||200);var f=Math.min(r,h),p=e.stroke||0,d=e.viewbox||e.viewBox||a(t),g=[r/(d[2]-d[0]),h/(d[3]-d[1])],m=Math.min(g[0]||0,g[1]||0)/2;u.fillStyle=\"black\",u.fillRect(0,0,r,h),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*h),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=i(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*f})}},{\"bitmap-sdf\":98,\"draw-svg-path\":174,\"is-svg-path\":445,\"parse-svg-path\":479,\"svg-path-bounds\":544}],547:[function(t,e,r){(function(r){\"use strict\";e.exports=function t(e,r,a){a=a||{};var o=i[e];o||(o=i[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),a=0,i=0,o=0;o0&&(h+=.02);var p=new Float32Array(u),d=0,g=-.5*h;for(f=0;f1&&(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=a=i=r;else{var s=r<.5?r*(1+e):r+e-r*e,l=2*r-s;n=o(l,s,t+1/3),a=o(l,s,t),i=o(l,s,t-1/3)}return{r:255*n,g:255*a,b:255*i}}(e.h,l,u),h=!0,f=\"hsl\"),e.hasOwnProperty(\"a\")&&(i=e.a));var p,d,g;return i=C(i),{ok:h,format:e.format||f,r:o(255,s(a.r,0)),g:o(255,s(a.g,0)),b:o(255,s(a.b,0)),a:i}}(e);this._originalInput=e,this._r=u.r,this._g=u.g,this._b=u.b,this._a=u.a,this._roundA=i(100*this._a)/100,this._format=l.format||u.format,this._gradientType=l.gradientType,this._r<1&&(this._r=i(this._r)),this._g<1&&(this._g=i(this._g)),this._b<1&&(this._b=i(this._b)),this._ok=u.ok,this._tc_id=a++}function u(t,e,r){t=L(t,255),e=L(e,255),r=L(r,255);var n,a,i=s(t,e,r),l=o(t,e,r),c=(i+l)/2;if(i==l)n=a=0;else{var u=i-l;switch(a=c>.5?u/(2-i-l):u/(i+l),i){case t:n=(e-r)/u+(e>1)+720)%360;--e;)n.h=(n.h+a)%360,i.push(c(n));return i}function A(t,e){e=e||6;for(var r=c(t).toHsv(),n=r.h,a=r.s,i=r.v,o=[],s=1/e;e--;)o.push(c({h:n,s:a,v:i})),i=(i+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,a=this.toRgb();return e=a.r/255,r=a.g/255,n=a.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=i(100*this._a)/100,this},toHsv:function(){var t=h(this._r,this._g,this._b);return{h:360*t.h,s:t.s,v:t.v,a:this._a}},toHsvString:function(){var t=h(this._r,this._g,this._b),e=i(360*t.h),r=i(100*t.s),n=i(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=i(360*t.h),r=i(100*t.s),n=i(100*t.l);return 1==this._a?\"hsl(\"+e+\", \"+r+\"%, \"+n+\"%)\":\"hsla(\"+e+\", \"+r+\"%, \"+n+\"%, \"+this._roundA+\")\"},toHex:function(t){return f(this._r,this._g,this._b,t)},toHexString:function(t){return\"#\"+this.toHex(t)},toHex8:function(t){return function(t,e,r,n,a){var o=[z(i(t).toString(16)),z(i(e).toString(16)),z(i(r).toString(16)),z(D(n))];if(a&&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:i(this._r),g:i(this._g),b:i(this._b),a:this._a}},toRgbString:function(){return 1==this._a?\"rgb(\"+i(this._r)+\", \"+i(this._g)+\", \"+i(this._b)+\")\":\"rgba(\"+i(this._r)+\", \"+i(this._g)+\", \"+i(this._b)+\", \"+this._roundA+\")\"},toPercentageRgb:function(){return{r:i(100*L(this._r,255))+\"%\",g:i(100*L(this._g,255))+\"%\",b:i(100*L(this._b,255))+\"%\",a:this._a}},toPercentageRgbString:function(){return 1==this._a?\"rgb(\"+i(100*L(this._r,255))+\"%, \"+i(100*L(this._g,255))+\"%, \"+i(100*L(this._b,255))+\"%)\":\"rgba(\"+i(100*L(this._r,255))+\"%, \"+i(100*L(this._g,255))+\"%, \"+i(100*L(this._b,255))+\"%, \"+this._roundA+\")\"},toName:function(){return 0===this._a?\"transparent\":!(this._a<1)&&(E[f(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 a=c(t);r=\"#\"+p(a._r,a._g,a._b,a._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(),a=c(e).toRgb(),i=r/100;return c({r:(a.r-n.r)*i+n.r,g:(a.g-n.g)*i+n.g,b:(a.b-n.b)*i+n.b,a:(a.a-n.a)*i+n.a})},c.readability=function(e,r){var n=c(e),a=c(r);return(t.max(n.getLuminance(),a.getLuminance())+.05)/(t.min(n.getLuminance(),a.getLuminance())+.05)},c.isReadable=function(t,e,r){var n,a,i=c.readability(t,e);switch(a=!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\":a=i>=4.5;break;case\"AAlarge\":a=i>=3;break;case\"AAAsmall\":a=i>=7}return a},c.mostReadable=function(t,e,r){var n,a,i,o,s=null,l=0;a=(r=r||{}).includeFallbackColors,i=r.level,o=r.size;for(var u=0;ul&&(l=n,s=c(e[u]));return c.isReadable(t,s,{level:i,size:o})||!a?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 P(t){return o(1,s(0,t))}function I(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 I(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)},{}],549:[function(t,e,r){\"use strict\";e.exports=a,e.exports.float32=e.exports.float=a,e.exports.fract32=e.exports.fract=function(t){if(t.length){for(var e=a(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[a,i,o,s]}function a(t,e){var r=e.id,n=e.bbox,a=null==e.properties?{}:e.properties,o=i(t,e);return null==r&&null==n?{type:\"Feature\",properties:a,geometry:o}:null==n?{type:\"Feature\",id:r,properties:a,geometry:o}:{type:\"Feature\",id:r,bbox:n,properties:a,geometry:o}}function i(t,e){var n=r(t.transform),a=t.arcs;function i(t,e){e.length&&e.pop();for(var r=a[t<0?~t:t],i=0,o=r.length;i1)n=l(t,e,r);else for(a=0,n=new Array(i=t.arcs.length);a1)for(var i,s,c=1,u=l(a[0]);cu&&(s=a[0],a[0]=a[c],a[c]=s,u=i);return a})).filter((function(t){return t.length>0}))}}function u(t,e){for(var r=0,n=t.length;r>>1;t[a]=2))throw new Error(\"n must be \\u22652\");var r,a=(l=t.bbox||n(t))[0],i=l[1],o=l[2],s=l[3];e={scale:[o-a?(o-a)/(r-1):1,s-i?(s-i)/(r-1):1],translate:[a,i]}}var l,c,u=h(e),f=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 f)p[c]=g(f[c]);return{type:\"Topology\",bbox:l,transform:e,objects:p,arcs:t.arcs.map((function(t){var e,r=0,n=1,a=t.length,i=new Array(a);for(i[0]=u(t[0],0);++rMath.max(r,n)?a[2]=1:r>Math.max(e,n)?a[0]=1:a[1]=1;for(var i=0,o=0,l=0;l<3;++l)i+=t[l]*t[l],o+=a[l]*t[l];for(l=0;l<3;++l)a[l]-=o/i*t[l];return s(a,a),a}function f(t,e,r,a,i,o,s,l){this.center=n(r),this.up=n(a),this.right=n(i),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=f.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,a=0,i=0;i<3;++i)a+=e[i]*r[i],n+=e[i]*e[i];var l=Math.sqrt(n),u=0;for(i=0;i<3;++i)r[i]-=e[i]*a/n,u+=r[i]*r[i],e[i]/=l;var h=Math.sqrt(u);for(i=0;i<3;++i)r[i]/=h;var f=this.computedToward;o(f,e,r),s(f,f);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(i=0;i<3;++i){var C=_*r[i]+w*f[i]+T*e[i];E[4*i+1]=k*r[i]+M*f[i]+A*e[i],E[4*i+2]=C,E[4*i+3]=0}var L=E[1],P=E[5],I=E[9],z=E[2],O=E[6],D=E[10],R=P*D-I*O,F=I*z-L*D,B=L*O-P*z,N=c(R,F,B);R/=N,F/=N,B/=N,E[0]=R,E[4]=F,E[8]=B;for(i=0;i<3;++i)S[i]=b[i]+E[2+4*i]*p;for(i=0;i<3;++i){u=0;for(var j=0;j<3;++j)u+=E[i+4*j]*S[j];E[12+i]=-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 a=this.computedMatrix;d[0]=a[2],d[1]=a[6],d[2]=a[10];for(var o=this.computedUp,s=this.computedRight,l=this.computedToward,c=0;c<3;++c)a[4*c]=o[c],a[4*c+1]=s[c],a[4*c+2]=l[c];i(a,a,n,d);for(c=0;c<3;++c)o[c]=a[4*c],s[c]=a[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 a=this.computedMatrix,i=(Math.exp(this.computedRadius[0]),a[1]),o=a[5],s=a[9],l=c(i,o,s);i/=l,o/=l,s/=l;var u=a[0],h=a[4],f=a[8],p=u*i+h*o+f*s,d=c(u-=i*p,h-=o*p,f-=s*p),g=(u/=d)*e+i*r,m=(h/=d)*e+o*r,v=(f/=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 i=1;\"number\"==typeof r&&(i=0|r),(i<0||i>3)&&(i=1);var o=(i+2)%3;e||(this.recalcMatrix(t),e=this.computedMatrix);var s=e[i],l=e[i+4],h=e[i+8];if(n){var f=Math.abs(s),p=Math.abs(l),d=Math.abs(h),g=Math.max(f,p,d);f===g?(s=s<0?-1:1,l=h=0):d===g?(h=h<0?-1:1,s=l=0):(l=l<0?-1:1,s=h=0)}else{var m=c(s,l,h);s/=m,l/=m,h/=m}var v,y,x=e[o],b=e[o+4],_=e[o+8],w=x*s+b*l+_*h,T=c(x-=s*w,b-=l*w,_-=h*w),k=l*(_/=T)-h*(b/=T),M=h*(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,h),this.right.jump(t,x,b,_),2===i){var E=e[1],C=e[5],L=e[9],P=E*x+C*b+L*_,I=E*k+C*M+L*A;v=R<0?-Math.PI/2:Math.PI/2,y=Math.atan2(I,P)}else{var z=e[2],O=e[6],D=e[10],R=z*s+O*l+D*h,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;a(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 a=(n=n||this.computedUp)[0],i=n[1],o=n[2],s=c(a,i,o);if(!(s<1e-6)){a/=s,i/=s,o/=s;var l=e[0]-r[0],h=e[1]-r[1],f=e[2]-r[2],p=c(l,h,f);if(!(p<1e-6)){l/=p,h/=p,f/=p;var d=this.computedRight,g=d[0],m=d[1],v=d[2],y=a*g+i*m+o*v,x=c(g-=y*a,m-=y*i,v-=y*o);if(!(x<.01&&(x=c(g=i*f-o*h,m=o*l-a*f,v=a*h-i*l))<1e-6)){g/=x,m/=x,v/=x,this.up.set(t,a,i,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=i*v-o*m,_=o*g-a*v,w=a*m-i*g,T=c(b,_,w),k=a*l+i*h+o*f,M=g*l+m*h+v*f,A=(b/=T)*l+(_/=T)*h+(w/=T)*f,S=Math.asin(u(k)),E=Math.atan2(A,M),C=this.angle._state,L=C[C.length-1],P=C[C.length-2];L%=2*Math.PI;var I=Math.abs(L+2*Math.PI-E),z=Math.abs(L-E),O=Math.abs(L-2*Math.PI-E);I\":(e.length>100&&(e=e.slice(0,99)+\"\\u2026\"),e=e.replace(a,(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\":558}],560:[function(t,e,r){\"use strict\";var n=t(\"../value/is\"),a={object:!0,function:!0,undefined:!0};e.exports=function(t){return!!n(t)&&hasOwnProperty.call(a,typeof t)}},{\"../value/is\":566}],561:[function(t,e,r){\"use strict\";var n=t(\"../lib/resolve-exception\"),a=t(\"./is\");e.exports=function(t){return a(t)?t:n(t,\"%v is not a plain function\",arguments[1])}},{\"../lib/resolve-exception\":557,\"./is\":562}],562:[function(t,e,r){\"use strict\";var n=t(\"../function/is\"),a=/^\\s*class[\\s{/}]/,i=Function.prototype.toString;e.exports=function(t){return!!n(t)&&!a.test(i.call(t))}},{\"../function/is\":556}],563:[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\":560}],564:[function(t,e,r){\"use strict\";var n=t(\"../value/is\"),a=t(\"../object/is\"),i=Object.prototype.toString;e.exports=function(t){if(!n(t))return null;if(a(t)){var e=t.toString;if(\"function\"!=typeof e)return null;if(e===i)return null}try{return\"\"+t}catch(t){return null}}},{\"../object/is\":560,\"../value/is\":566}],565:[function(t,e,r){\"use strict\";var n=t(\"../lib/resolve-exception\"),a=t(\"./is\");e.exports=function(t){return a(t)?t:n(t,\"Cannot use %v\",arguments[1])}},{\"../lib/resolve-exception\":557,\"./is\":566}],566:[function(t,e,r){\"use strict\";e.exports=function(t){return null!=t}},{}],567:[function(t,e,r){(function(e){\"use strict\";var n=t(\"bit-twiddle\"),a=t(\"dup\"),i=t(\"buffer\").Buffer;e.__TYPEDARRAY_POOL||(e.__TYPEDARRAY_POOL={UINT8:a([32,0]),UINT16:a([32,0]),UINT32:a([32,0]),BIGUINT64:a([32,0]),INT8:a([32,0]),INT16:a([32,0]),INT32:a([32,0]),BIGINT64:a([32,0]),FLOAT:a([32,0]),DOUBLE:a([32,0]),DATA:a([32,0]),UINT8C:a([32,0]),BUFFER:a([32,0])});var o=\"undefined\"!=typeof Uint8ClampedArray,s=\"undefined\"!=typeof BigUint64Array,l=\"undefined\"!=typeof BigInt64Array,c=e.__TYPEDARRAY_POOL;c.UINT8C||(c.UINT8C=a([32,0])),c.BIGUINT64||(c.BIGUINT64=a([32,0])),c.BIGINT64||(c.BIGINT64=a([32,0])),c.BUFFER||(c.BUFFER=a([32,0]));var u=c.DATA,h=c.BUFFER;function f(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=h[e];return r.length>0?r.pop():new i(t)}r.free=function(t){if(i.isBuffer(t))h[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){f(t.buffer)},r.freeArrayBuffer=f,r.freeBuffer=function(t){h[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,h[t].length=0}}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{\"bit-twiddle\":97,buffer:111,dup:176}],568:[function(t,e,r){\"use strict\";function n(t){this.roots=new Array(t),this.ranks=new Array(t);for(var e=0;e0&&(i=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,i+\"px\",n.font].filter((function(t){return t})).join(\" \"),r.textAlign=\"start\",r.textBaseline=\"alphabetic\",r.direction=\"ltr\",f(function(t,e,r,n,i,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+a]):0,l=i>-1?parseInt(r[1+i]):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(\"+\"),h=c>-1?parseInt(t[1+c]):0,f=u>-1?parseInt(r[1+u]):0;h!==f&&(n=n.replace(S(),\"?px \"),m*=Math.pow(.75,f-h),n=n.replace(\"?px \",S())),g-=.25*x*(f-h)}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(f=0;f\",i=\"\",o=a.length,s=i.length,l=\"+\"===e[0]||\"-\"===e[0],c=0,u=-s;c>-1&&-1!==(c=r.indexOf(a,c))&&-1!==(u=r.indexOf(i,c+o))&&!(u<=c);){for(var h=c;h=u)n[h]=null,r=r.substr(0,h)+\" \"+r.substr(h+1);else if(null!==n[h]){var f=n[h].indexOf(e[0]);-1===f?n[h]+=e:l&&(n[h]=n[h].substr(0,f+1)+(1+parseInt(n[h][f+1]))+n[h].substr(f+2))}var p=c+o,d=r.substr(p,u-p).indexOf(a);c=-1!==d?d:u+s}return n}function u(t,e){var r=n(t,128);return e?i(r.cells,r.positions,.25):{edges:r.cells,positions:r.positions}}function h(t,e,r,n){var a=u(t,n),i=function(t,e,r){for(var n=e.textAlign||\"start\",a=e.textBaseline||\"alphabetic\",i=[1<<30,1<<30],o=[0,0],s=t.length,l=0;l=0?e[i]:a}))},has___:{value:y((function(e){var n=v(e);return n?r in n:t.indexOf(e)>=0}))},set___:{value:y((function(n,a){var i,o=v(n);return o?o[r]=a:(i=t.indexOf(n))>=0?e[i]=a:(i=t.length,e[i]=a,t[i]=n),this}))},delete___:{value:y((function(n){var a,i,o=v(n);return o?r in o&&delete o[r]:!((a=t.indexOf(n))<0)&&(i=t.length-1,t[a]=void 0,e[a]=e[i],t[a]=t[i],t.length=i,e.length=i,!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,a=void 0,i=!1;return e=t?function(t,e){return n.set(t,e),n.has(t)||(a||(a=new d),a.set(t,e)),this}:function(t,e){if(i)try{n.set(t,e)}catch(r){a||(a=new d),a.set___(t,e)}else n.set(t,e);return this},Object.create(d.prototype,{get___:{value:y((function(t,e){return a?n.has(t)?n.get(t):a.get___(t,e):n.get(t,e)}))},has___:{value:y((function(t){return n.has(t)||!!a&&a.has___(t)}))},set___:{value:y(e)},delete___:{value:y((function(t){var e=!!n.delete(t);return a&&a.delete___(t)||e}))},permitHostObjects___:{value:y((function(t){if(t!==g)throw new Error(\"bogus call to permitHostObjects___\");i=!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(){f||\"undefined\"==typeof console||(f=!0,console.warn(\"WeakMap should be invoked as new WeakMap(), not WeakMap(). This will be an error in the future.\"))}}()},{}],575:[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\":576}],576:[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}},{}],577:[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\":575}],578:[function(t,e,r){var n=t(\"get-canvas-context\");e.exports=function(t){return n(\"webgl\",t)}},{\"get-canvas-context\":249}],579:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\"),i=n.instance();function o(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}o.prototype=new n.baseCalendar,a(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),a=t.month(),i=\"\"+this.toChineseMonth(n,a);return e&&i.length<2&&(i=\"0\"+i),this.isIntercalaryMonth(n,a)&&(i+=\"i\"),i},monthNames:function(t){if(\"string\"==typeof t){var e=t.match(c);return e?e[0]:\"\"}var r=this._validateYear(t),n=t.month(),a=[\"\\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)&&(a=\"\\u95f0\"+a),a},monthNamesShort:function(t){if(\"string\"==typeof t){var e=t.match(u);return e?e[0]:\"\"}var r=this._validateYear(t),n=t.month(),a=[\"\\u4e00\",\"\\u4e8c\",\"\\u4e09\",\"\\u56db\",\"\\u4e94\",\"\\u516d\",\"\\u4e03\",\"\\u516b\",\"\\u4e5d\",\"\\u5341\",\"\\u5341\\u4e00\",\"\\u5341\\u4e8c\"][this.toChineseMonth(r,n)-1];return this.isIntercalaryMonth(r,n)&&(a=\"\\u95f0\"+a),a},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 a=e[e.length-1];r=\"i\"===a||\"I\"===a}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 a=this.intercalaryMonth(t);if(r&&e!==a||e<1||e>12)throw n.local.invalidMonth.replace(/\\{0\\}/,this.local.name);return a?!r&&e<=a?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 a,o=this._validateYear(t,n.local.invalidyear),s=f[o-f[0]],l=s>>9&4095,c=s>>5&15,u=31&s;(a=i.newDate(l,c,u)).add(4-(a.dayOfWeek()||7),\"d\");var h=this.toJD(t,e,r)-a.toJD();return 1+Math.floor(h/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=h[t-h[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 a=this._validate(t,s,r,n.local.invalidDate);t=this._validateYear(a.year()),e=a.month(),r=a.day();var o=this.isIntercalaryMonth(t,e),s=this.toChineseMonth(t,e),l=function(t,e,r,n,a){var i,o,s;if(\"object\"==typeof t)o=t,i=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,i=n):(l=!!n,i=a||{}),o={year:t,month:e,day:r,isIntercalary:l}}s=o.day-1;var c,u=h[o.year-h[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 i.year=m.getFullYear(),i.month=1+m.getMonth(),i.day=m.getDate(),i}(t,s,r,o);return i.toJD(l.year,l.month,l.day)},fromJD:function(t){var e=i.fromJD(t),r=function(t,e,r,n){var a,i;if(\"object\"==typeof t)a=t,i=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\");a={year:t,month:e,day:r},i=n||{}}var o=f[a.year-f[0]],s=a.year<<9|a.month<<5|a.day;i.year=s>=o?a.year:a.year-1,o=f[i.year-f[0]];var l,c=new Date(o>>9&4095,(o>>5&15)-1,31&o),u=new Date(a.year,a.month-1,a.day);l=Math.round((u-c)/864e5);var p,d=h[i.year-h[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 a=this._validate(t,e,r,n.local.invalidDate);return{century:o[Math.floor((a.year()-1)/100)+1]||\"\"}},toJD:function(t,e,r){var a=this._validate(t,e,r,n.local.invalidDate);return t=a.year()+(a.year()<0?1:0),e=a.month(),(r=a.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=i},{\"../main\":593,\"object-assign\":473}],582:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\");function i(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}i.prototype=new n.baseCalendar,a(i.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 a=this._validate(t,e,r,n.local.invalidDate);return(t=a.year())<0&&t++,a.day()+30*(a.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,a=e-30*(n-1)+1;return this.newDate(r,n,a)}}),n.calendars.ethiopian=i},{\"../main\":593,\"object-assign\":473}],583:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\");function i(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}function o(t,e){return t-e*Math.floor(t/e)}i.prototype=new n.baseCalendar,a(i.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 a=this._validate(t,e,r,n.local.invalidDate);return{yearType:(this.leapYear(a)?\"embolismic\":\"common\")+\" \"+[\"deficient\",\"regular\",\"complete\"][this.daysInYear(a)%10-3]}},toJD:function(t,e,r){var a=this._validate(t,e,r,n.local.invalidDate);t=a.year(),e=a.month(),r=a.day();var i=t<=0?t+1:t,o=this.jdEpoch+this._delay1(i)+this._delay2(i)+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=i},{\"../main\":593,\"object-assign\":473}],584:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\");function i(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}i.prototype=new n.baseCalendar,a(i.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 a=this._validate(t,e,r,n.local.invalidDate);return t=a.year(),e=a.month(),t=t<=0?t+1:t,(r=a.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=i},{\"../main\":593,\"object-assign\":473}],585:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\");function i(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}i.prototype=new n.baseCalendar,a(i.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 a=this._validate(t,e,r,n.local.invalidDate);return t=a.year(),e=a.month(),r=a.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),a=Math.floor((e-n)/30.6001),i=a-Math.floor(a<14?1:13),o=r-Math.floor(i>2?4716:4715),s=e-n-Math.floor(30.6001*a);return o<=0&&o--,this.newDate(o,i,s)}}),n.calendars.julian=i},{\"../main\":593,\"object-assign\":473}],586:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\");function i(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}i.prototype=new n.baseCalendar,a(i.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 a=this._validate(t,e,r,n.local.invalidDate).toJD(),i=this._toHaab(a),o=this._toTzolkin(a);return{haabMonthName:this.local.haabMonths[i[0]-1],haabMonth:i[0],haabDay:i[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 a=this._validate(t,e,r,n.local.invalidDate);return a.day()+20*a.month()+360*a.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=i},{\"../main\":593,\"object-assign\":473}],587:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\");function i(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}i.prototype=new n.baseCalendar;var o=n.instance(\"gregorian\");a(i.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 a=this._validate(t,e,r,n.local.invalidMonth);(t=a.year())<0&&t++;for(var i=a.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=i},{\"../main\":593,\"object-assign\":473}],588:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\");function i(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}i.prototype=new n.baseCalendar,a(i.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 a=this._validate(t,e,r,n.local.invalidDate);t=a.year(),e=a.month(),r=a.day();var i=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+=i.daysInYear(c)):o+=this.NEPALI_CALENDAR_DATA[l][9]-this.NEPALI_CALENDAR_DATA[l][0],i.newDate(c,1,1).add(o,\"d\").toJD()},fromJD:function(t){var e=n.instance().fromJD(t),r=e.year(),a=e.dayOfYear(),i=r+56;this._createMissingCalendarData(i);for(var o=9,s=this.NEPALI_CALENDAR_DATA[i][0],l=this.NEPALI_CALENDAR_DATA[i][o]-s+1;a>l;)++o>12&&(o=1,i++),l+=this.NEPALI_CALENDAR_DATA[i][o];var c=this.NEPALI_CALENDAR_DATA[i][o]-(l-a);return this.newDate(i,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 a=this._validate(t,e,r,n.local.invalidDate);t=a.year(),e=a.month(),r=a.day();var i=t-(t>=0?474:473),s=474+o(i,2820);return r+(e<=7?31*(e-1):30*(e-1)+6)+Math.floor((682*s-110)/2816)+365*(s-1)+1029983*Math.floor(i/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),a=2820;if(1029982!==n){var i=Math.floor(n/366),s=o(n,366);a=Math.floor((2134*i+2816*s+2815)/1028522)+i+1}var l=a+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),h=t-this.toJD(l,u,1)+1;return this.newDate(l,u,h)}}),n.calendars.persian=i,n.calendars.jalali=i},{\"../main\":593,\"object-assign\":473}],590:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\"),i=n.instance();function o(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}o.prototype=new n.baseCalendar,a(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 i.leapYear(t)},weekOfYear:function(t,e,r){var a=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(a.year());return i.weekOfYear(t,a.month(),a.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 a=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(a.year());return i.toJD(t,a.month(),a.day())},fromJD:function(t){var e=i.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\":593,\"object-assign\":473}],591:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\"),i=n.instance();function o(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}o.prototype=new n.baseCalendar,a(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 i.leapYear(t)},weekOfYear:function(t,e,r){var a=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(a.year());return i.weekOfYear(t,a.month(),a.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 a=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(a.year());return i.toJD(t,a.month(),a.day())},fromJD:function(t){var e=i.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\":593,\"object-assign\":473}],592:[function(t,e,r){var n=t(\"../main\"),a=t(\"object-assign\");function i(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}i.prototype=new n.baseCalendar,a(i.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,a=0,i=0;ir)return o[a]-o[a-1];a++}return 30},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var a=this._validate(t,e,r,n.local.invalidDate),i=12*(a.year()-1)+a.month()-15292;return a.day()+o[i-1]-1+24e5-.5},fromJD:function(t){for(var e=t-24e5+.5,r=0,n=0;ne);n++)r++;var a=r+15292,i=Math.floor((a-1)/12),s=i+1,l=a-12*i,c=e-o[r-1]+1;return this.newDate(s,l,c)},isValid:function(t,e,r){var a=n.baseCalendar.prototype.isValid.apply(this,arguments);return a&&(a=(t=null!=t.year?t.year:t)>=1276&&t<=1500),a},_validate:function(t,e,r,a){var i=n.baseCalendar.prototype._validate.apply(this,arguments);if(i.year<1276||i.year>1500)throw a.replace(/\\{0\\}/,this.local.name);return i}}),n.calendars.ummalqura=i;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\":593,\"object-assign\":473}],593:[function(t,e,r){var n=t(\"object-assign\");function a(){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 i(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(a.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,a){return(n=(null!=t&&t.year?t.calendar():\"string\"==typeof n?this.instance(n,a):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=\"\",a=0;r>0;){var i=r%10;n=(0===i?\"\":t[i]+e[a])+n,a++,r=Math.floor(r/10)}return 0===n.indexOf(t[1]+e[1])&&(n=n.substr(1)),n||t[0]}}}),n(i.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 i(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),a=t.calendar().fromJD(n);return this._validateLevel--,[a.year(),a.month(),a.day()]}try{var i=t.year()+(\"y\"===r?e:0),o=t.monthOfYear()+(\"m\"===r?e:0);a=t.day();\"y\"===r?(t.month()!==this.fromMonthOfYear(i,o)&&(o=this.newDate(i,t.month(),this.minDay).monthOfYear()),o=Math.min(o,this.monthsInYear(i)),a=Math.min(a,this.daysInMonth(i,this.fromMonthOfYear(i,o)))):\"m\"===r&&(!function(t){for(;oe-1+t.minMonth;)i++,o-=e,e=t.monthsInYear(i)}(this),a=Math.min(a,this.daysInMonth(i,this.fromMonthOfYear(i,o))));var s=[i,this.fromMonthOfYear(i,o),a];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 a={y:[1,1,\"y\"],m:[1,this.monthsInYear(-1),\"m\"],w:[this.daysInWeek(),this.daysInYear(-1),\"d\"],d:[1,this.daysInYear(-1),\"d\"]}[n],i=r<0?-1:1;e=this._add(t,r*a[0]+i*a[1],a[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(),a=\"m\"===r?e:t.month(),i=\"d\"===r?e:t.day();return\"y\"!==r&&\"m\"!==r||(i=Math.min(i,this.daysInMonth(n,a))),t.date(n,a,i)},isValid:function(t,e,r){this._validateLevel++;var n=this.hasYearZero||0!==t;if(n){var a=this.newDate(t,e,this.minDay);n=e>=this.minMonth&&e-this.minMonth=this.minDay&&r-this.minDay13.5?13:1),c=a-(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),a=new Date(n.year(),n.month()-1,n.day());return a.setHours(0),a.setMinutes(0),a.setSeconds(0),a.setMilliseconds(0),a.setHours(a.getHours()>12?a.getHours()+2:0),a},fromJSDate:function(t){return this.newDate(t.getFullYear(),t.getMonth()+1,t.getDate())}});var c=e.exports=new a;c.cdate=i,c.baseCalendar=s,c.calendars.gregorian=l},{\"object-assign\":473}],594:[function(t,e,r){var n=t(\"object-assign\"),a=t(\"./main\");n(a.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\"}),a.local=a.regionalOptions[\"\"],n(a.cdate.prototype,{formatDate:function(t,e){return\"string\"!=typeof t&&(e=t,t=\"\"),this._calendar.formatDate(t||\"\",this,e)}}),n(a.baseCalendar.prototype,{UNIX_EPOCH:a.instance().newDate(1970,1,1).toJD(),SECS_PER_DAY:86400,TICKS_EPOCH:a.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 a.local.invalidFormat||a.regionalOptions[\"\"].invalidFormat;t=t||this.local.dateFormat;for(var n,i,o,s,l=(r=r||{}).dayNamesShort||this.local.dayNamesShort,c=r.dayNames||this.local.dayNames,u=r.monthNumbers||this.local.monthNumbers,h=r.monthNamesShort||this.local.monthNamesShort,f=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 a=\"\"+e;if(p(t,n))for(;a.length1},x=function(t,r){var n=y(t,r),i=[2,3,n?4:2,n?4:2,10,11,20][\"oyYJ@!\".indexOf(t)+1],o=new RegExp(\"^-?\\\\d{1,\"+i+\"}\"),s=e.substring(M).match(o);if(!s)throw(a.local.missingNumberAt||a.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,i){for(var o=y(t,i)?n:r,s=0;s-1){p=1,d=g;for(var E=this.daysInMonth(f,p);d>E;E=this.daysInMonth(f,p))p++,d-=E}return h>-1?this.fromJD(h):this.newDate(f,p,d)},determineDate:function(t,e,r,n,a){r&&\"object\"!=typeof r&&(a=n,n=r,r=null),\"string\"!=typeof n&&(a=n,n=\"\");var i=this;return e=e?e.newDate():null,t=null==t?e:\"string\"==typeof t?function(t){try{return i.parseDate(n,t,a)}catch(t){}for(var e=((t=t.toLowerCase()).match(/^c/)&&r?r.newDate():null)||i.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:i.today().add(t,\"d\"):i.newDate(t)}})},{\"./main\":593,\"object-assign\":473}],595:[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}],596:[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\":595}],597:[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}]},{}],598:[function(t,e,r){\"use strict\";var n=t(\"./arrow_paths\"),a=t(\"../../plots/font_attributes\"),i=t(\"../../plots/cartesian/constants\"),o=t(\"../../plot_api/plot_template\").templatedArray;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:a({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\",i.idRegex.x.toString()],editType:\"calc\"},ayref:{valType:\"enumerated\",dflt:\"pixel\",values:[\"pixel\",i.idRegex.y.toString()],editType:\"calc\"},xref:{valType:\"enumerated\",values:[\"paper\",i.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\",i.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:a({editType:\"arraydraw\"}),editType:\"arraydraw\"},captureevents:{valType:\"boolean\",editType:\"arraydraw\"},editType:\"calc\",_deprecated:{ref:{valType:\"string\",editType:\"calc\"}}})},{\"../../plot_api/plot_template\":787,\"../../plots/cartesian/constants\":804,\"../../plots/font_attributes\":826,\"./arrow_paths\":597}],599:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../plots/cartesian/axes\"),i=t(\"./draw\").draw;function o(t){var e=t._fullLayout;n.filterVisible(e.annotations).forEach((function(e){var r=a.getFromId(t,e.xref),n=a.getFromId(t,e.yref);e._extremes={},r&&s(e,r),n&&s(e,n)}))}function s(t,e){var r,n=e._id,i=n.charAt(0),o=t[i],s=t[\"a\"+i],l=t[i+\"ref\"],c=t[\"a\"+i+\"ref\"],u=t[\"_\"+i+\"padplus\"],h=t[\"_\"+i+\"padminus\"],f={x:1,y:-1}[i]*t[i+\"shift\"],p=3*t.arrowsize*t.arrowwidth||0,d=p+f,g=p-f,m=3*t.startarrowsize*t.arrowwidth||0,v=m+f,y=m-f;if(c===l){var x=a.findExtremes(e,[e.r2c(o)],{ppadplus:d,ppadminus:g}),b=a.findExtremes(e,[e.r2c(s)],{ppadplus:Math.max(u,v),ppadminus:Math.max(h,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=a.findExtremes(e,[e.r2c(o)],{ppadplus:Math.max(u,d,v),ppadminus:Math.max(h,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([i,o],t)}},{\"../../lib\":749,\"../../plots/cartesian/axes\":798,\"./draw\":604}],600:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../registry\"),i=t(\"../../plot_api/plot_template\").arrayEditor;function o(t,e){var r,n,a,i,o,l,c,u=t._fullLayout.annotations,h=[],f=[],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),h={},f=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 H=!1,G=[\"x\",\"y\"],Y=0;Y1)&&(tt===$?((ct=et.r2fraction(e[\"a\"+Q]))<0||ct>1)&&(H=!0):H=!0),W=et._offset+et.r2p(e[Q]),J=.5}else\"x\"===Q?(X=e[Q],W=b.l+b.w*X):(X=1-e[Q],W=b.t+b.h*X),J=e.showarrow?.5:X;if(e.showarrow){lt.head=W;var ut=e[\"a\"+Q];K=nt*U(.5,e.xanchor)-at*U(.5,e.yanchor),tt===$?(lt.tail=et._offset+et.r2p(ut),Z=K):(lt.tail=W+ut,Z=K+ut),lt.text=lt.tail+K;var ht=x[\"x\"===Q?\"width\":\"height\"];if(\"paper\"===$&&(lt.head=o.constrain(lt.head,1,ht-1)),\"pixel\"===tt){var ft=-Math.max(lt.tail-3,lt.text),pt=Math.min(lt.tail+3,lt.text)-ht;ft>0?(lt.tail+=ft,lt.text+=ft):pt>0&&(lt.tail-=pt,lt.text-=pt)}lt.tail+=st,lt.head+=st}else Z=K=it*U(J,ot),lt.text=W+K;lt.text+=st,K+=st,Z+=st,e[\"_\"+Q+\"padplus\"]=it/2+Z,e[\"_\"+Q+\"padminus\"]=it/2-Z,e[\"_\"+Q+\"size\"]=it,e[\"_\"+Q+\"shift\"]=K}if(H)z.remove();else{var dt=0,gt=0;if(\"left\"!==e.align&&(dt=(w-v)*(\"center\"===e.align?.5:1)),\"top\"!==e.valign&&(gt=(I-y)*(\"middle\"===e.valign?.5:1)),u)n.select(\"svg\").attr({x:R+dt-1,y:R+gt}).call(c.setClipUrl,B?A:null,t);else{var mt=R+gt-d.top,vt=R+dt-d.left;V.call(h.positionText,vt,mt).call(c.setClipUrl,B?A:null,t)}N.select(\"rect\").call(c.setRect,R,R,w,I),F.call(c.setRect,O/2,O/2,D-O,j-O),z.call(c.setTranslate,Math.round(S.x.text-D/2),Math.round(S.y.text-j/2)),L.attr({transform:\"rotate(\"+E+\",\"+S.x.text+\",\"+S.y.text+\")\"});var yt,xt=function(r,n){C.selectAll(\".annotation-arrow-g\").remove();var u=S.x.head,h=S.y.head,f=S.x.tail+r,d=S.y.tail+n,v=S.x.text+r,y=S.y.text+n,x=o.rotationXYMatrix(E,v,y),w=o.apply2DTransform(x),A=o.apply2DTransform2(x),P=+F.attr(\"width\"),I=+F.attr(\"height\"),O=v-.5*P,D=O+P,R=y-.5*I,B=R+I,N=[[O,R,O,B],[O,B,D,B],[D,B,D,R],[D,R,O,R]].map(A);if(!N.reduce((function(t,e){return t^!!o.segmentsIntersect(u,h,u+1e6,h+1e6,e[0],e[1],e[2],e[3])}),!1)){N.forEach((function(t){var e=o.segmentsIntersect(f,d,u,h,t[0],t[1],t[2],t[3]);e&&(f=e.x,d=e.y)}));var j=e.arrowwidth,U=e.arrowcolor,V=e.arrowside,q=C.append(\"g\").style({opacity:l.opacity(U)}).classed(\"annotation-arrow-g\",!0),H=q.append(\"path\").attr(\"d\",\"M\"+f+\",\"+d+\"L\"+u+\",\"+h).style(\"stroke-width\",j+\"px\").call(l.stroke,l.rgb(U));if(g(H,V,e),_.annotationPosition&&H.node().parentNode&&!i){var G=u,Y=h;if(e.standoff){var W=Math.sqrt(Math.pow(u-f,2)+Math.pow(h-d,2));G+=e.standoff*(f-u)/W,Y+=e.standoff*(d-h)/W}var Z,X,J=q.append(\"path\").classed(\"annotation-arrow\",!0).classed(\"anndrag\",!0).classed(\"cursor-move\",!0).attr({d:\"M3,3H-3V-3H3ZM0,0L\"+(f-G)+\",\"+(d-Y),transform:\"translate(\"+G+\",\"+Y+\")\"}).style(\"stroke-width\",j+6+\"px\").call(l.stroke,\"rgba(0,0,0,0)\").call(l.fill,\"rgba(0,0,0,0)\");p.init({element:J.node(),gd:t,prepFn:function(){var t=c.getTranslate(z);Z=t.x,X=t.y,s&&s.autorange&&T(s._name+\".autorange\",!0),m&&m.autorange&&T(m._name+\".autorange\",!0)},moveFn:function(t,r){var n=w(Z,X),a=n[0]+t,i=n[1]+r;z.call(c.setTranslate,a,i),k(\"x\",s?s.p2r(s.r2p(e.x)+t):e.x+t/b.w),k(\"y\",m?m.p2r(m.r2p(e.y)+r):e.y-r/b.h),e.axref===e.xref&&k(\"ax\",s.p2r(s.r2p(e.ax)+t)),e.ayref===e.yref&&k(\"ay\",m.p2r(m.r2p(e.ay)+r)),q.attr(\"transform\",\"translate(\"+t+\",\"+r+\")\"),L.attr({transform:\"rotate(\"+E+\",\"+a+\",\"+i+\")\"})},doneFn:function(){a.call(\"_guiRelayout\",t,M());var e=document.querySelector(\".js-notes-box-panel\");e&&e.redraw(e.selectedObj)}})}}};if(e.showarrow&&xt(0,0),P)p.init({element:z.node(),gd:t,prepFn:function(){yt=L.attr(\"transform\")},moveFn:function(t,r){var n=\"pointer\";if(e.showarrow)e.axref===e.xref?k(\"ax\",s.p2r(s.r2p(e.ax)+t)):k(\"ax\",e.ax+t),e.ayref===e.yref?k(\"ay\",m.p2r(m.r2p(e.ay)+r)):k(\"ay\",e.ay+r),xt(t,r);else{if(i)return;var a,o;if(s)a=s.p2r(s.r2p(e.x)+t);else{var l=e._xsize/b.w,c=e.x+(e._xshift-e.xshift)/b.w-l/2;a=p.align(c+t/b.w,l,0,1,e.xanchor)}if(m)o=m.p2r(m.r2p(e.y)+r);else{var u=e._ysize/b.h,h=e.y-(e._yshift+e.yshift)/b.h-u/2;o=p.align(h-r/b.h,u,0,1,e.yanchor)}k(\"x\",a),k(\"y\",o),s&&m||(n=p.getCursor(s?.5:a,m?.5:o,e.xanchor,e.yanchor))}L.attr({transform:\"translate(\"+t+\",\"+r+\")\"+yt}),f(z,n)},clickFn:function(r,n){e.captureevents&&t.emit(\"plotly_clickannotation\",q(n))},doneFn:function(){f(z),a.call(\"_guiRelayout\",t,M());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,m=e.indexOf(\"end\")>=0,v=h.backoff*p+r.standoff,y=f.backoff*d+r.startstandoff;if(\"line\"===u.nodeName){o={x:+t.attr(\"x1\"),y:+t.attr(\"y1\")},s={x:+t.attr(\"x2\"),y:+t.attr(\"y2\")};var x=o.x-s.x,b=o.y-s.y;if(c=(l=Math.atan2(b,x))+Math.PI,v&&y&&v+y>Math.sqrt(x*x+b*b))return void P();if(v){if(v*v>x*x+b*b)return void P();var _=v*Math.cos(l),w=v*Math.sin(l);s.x+=_,s.y+=w,t.attr({x2:s.x,y2:s.y})}if(y){if(y*y>x*x+b*b)return void P();var T=y*Math.cos(l),k=y*Math.sin(l);o.x-=T,o.y-=k,t.attr({x1:o.x,y1:o.y})}}else if(\"path\"===u.nodeName){var M=u.getTotalLength(),A=\"\";if(M1){c=!0;break}}c?t.fullLayout._infolayer.select(\".annotation-\"+t.id+'[data-index=\"'+s+'\"]').remove():(l._pdata=a(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\":849,\"../annotations/draw\":604}],611:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),a=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 i=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 i?\"rgba(\"+s+\", \"+n[3]+\")\":\"rgb(\"+s+\")\"}i.tinyRGB=function(t){var e=t.toRgb();return\"rgb(\"+Math.round(e.r)+\", \"+Math.round(e.g)+\", \"+Math.round(e.b)+\")\"},i.rgb=function(t){return i.tinyRGB(n(t))},i.opacity=function(t){return t?n(t).getAlpha():0},i.addOpacity=function(t,e){var r=n(t).toRgb();return\"rgba(\"+Math.round(r.r)+\", \"+Math.round(r.g)+\", \"+Math.round(r.b)+\", \"+e+\")\"},i.combine=function(t,e){var r=n(t).toRgb();if(1===r.a)return n(t).toRgbString();var a=n(e||l).toRgb(),i=1===a.a?a:{r:255*(1-a.a)+a.r*a.a,g:255*(1-a.a)+a.g*a.a,b:255*(1-a.a)+a.b*a.a},o={r:i.r*(1-r.a)+r.r*r.a,g:i.g*(1-r.a)+r.g*r.a,b:i.b*(1-r.a)+r.b*r.a};return n(o).toRgbString()},i.contrast=function(t,e,r){var a=n(t);return 1!==a.getAlpha()&&(a=n(i.combine(t,l))),(a.isDark()?e?a.lighten(e):l:r?a.darken(r):s).toString()},i.stroke=function(t,e){var r=n(e);t.style({stroke:i.tinyRGB(r),\"stroke-opacity\":r.getAlpha()})},i.fill=function(t,e){var r=n(e);t.style({fill:i.tinyRGB(r),\"fill-opacity\":r.getAlpha()})},i.clean=function(t){if(t&&\"object\"==typeof t){var e,r,n,a,o=Object.keys(t);for(e=0;e0?n>=l:n<=l));a++)n>u&&n0?n>=l:n<=l));a++)n>r[0]&&n1){var X=Math.pow(10,Math.floor(Math.log(Z)/Math.LN10));Y*=X*c.roundUp(Z/X,[2,5,10]),(Math.abs(C.start)/C.size+1e-6)%1<2e-6&&(G.tick0=0)}G.dtick=Y}G.domain=[V+N,V+R-N],G.setScale(),t.attr(\"transform\",\"translate(\"+Math.round(l.l)+\",\"+Math.round(l.t)+\")\");var J,K=t.select(\".\"+k.cbtitleunshift).attr(\"transform\",\"translate(-\"+Math.round(l.l)+\",-\"+Math.round(l.t)+\")\"),Q=t.select(\".\"+k.cbaxis),$=0;function tt(n,a){var i={propContainer:G,propName:e._propPrefix+\"title\",traceIndex:e._traceIndex,_meta:e._meta,placeholder:o._dfltTitle.colorbar,containerGroup:t.select(\".\"+k.cbtitle)},s=\"h\"===n.charAt(0)?n.substr(1):\"h\"+n;t.selectAll(\".\"+s+\",.\"+s+\"-math-group\").remove(),d.draw(r,n,u(i,a||{}))}return c.syncOrAsync([i.previousPromises,function(){if(-1!==[\"top\",\"bottom\"].indexOf(M)){var t,r=l.l+(e.x+F)*l.w,n=G.title.font.size;t=\"top\"===M?(1-(V+R-N))*l.h+l.t+3+.75*n:(1-(V+N))*l.h+l.t-3-.25*n,tt(G._id+\"title\",{attributes:{x:r,y:t,\"text-anchor\":\"start\"}})}},function(){if(-1!==[\"top\",\"bottom\"].indexOf(M)){var i=t.select(\".\"+k.cbtitle),o=i.select(\"text\"),u=[-e.outlinewidth/2,e.outlinewidth/2],h=i.select(\".h\"+G._id+\"title-math-group\").node(),p=15.6;if(o.node()&&(p=parseInt(o.node().style.fontSize,10)*_),h?($=f.bBox(h).height)>p&&(u[1]-=($-p)/2):o.node()&&!o.classed(k.jsPlaceholder)&&($=f.bBox(o.node()).height),$){if($+=5,\"top\"===M)G.domain[1]-=$/l.h,u[1]*=-1;else{G.domain[0]+=$/l.h;var d=g.lineCount(o);u[1]+=(1-d)*p}i.attr(\"transform\",\"translate(\"+u+\")\"),G.setScale()}}t.selectAll(\".\"+k.cbfills+\",.\"+k.cblines).attr(\"transform\",\"translate(0,\"+Math.round(l.h*(1-G.domain[1]))+\")\"),Q.attr(\"transform\",\"translate(0,\"+Math.round(-l.t)+\")\");var v=t.select(\".\"+k.cbfills).selectAll(\"rect.\"+k.cbfill).data(P);v.enter().append(\"rect\").classed(k.cbfill,!0).style(\"stroke\",\"none\"),v.exit().remove();var y=A.map(G.c2p).map(Math.round).sort((function(t,e){return t-e}));v.each((function(t,i){var o=[0===i?A[0]:(P[i]+P[i-1])/2,i===P.length-1?A[1]:(P[i]+P[i+1])/2].map(G.c2p).map(Math.round);o[1]=c.constrain(o[1]+(o[1]>o[0])?1:-1,y[0],y[1]);var s=n.select(this).attr({x:j,width:Math.max(z,2),y:n.min(o),height:Math.max(n.max(o)-n.min(o),2)});if(e._fillgradient)f.gradient(s,r,e._id,\"vertical\",e._fillgradient,\"fill\");else{var l=E(t).replace(\"e-\",\"\");s.attr(\"fill\",a(l).toHexString())}}));var x=t.select(\".\"+k.cblines).selectAll(\"path.\"+k.cbline).data(m.color&&m.width?I:[]);x.enter().append(\"path\").classed(k.cbline,!0),x.exit().remove(),x.each((function(t){n.select(this).attr(\"d\",\"M\"+j+\",\"+(Math.round(G.c2p(t))+m.width/2%1)+\"h\"+z).call(f.lineGroupStyle,m.width,S(t),m.dash)})),Q.selectAll(\"g.\"+G._id+\"tick,path\").remove();var b=j+z+(e.outlinewidth||0)/2-(\"outside\"===e.ticks?1:0),w=s.calcTicks(G),T=s.makeTransFn(G),C=s.getTickSigns(G)[2];return s.drawTicks(r,G,{vals:\"inside\"===G.ticks?s.clipEnds(G,w):w,layer:Q,path:s.makeTickPath(G,b,C),transFn:T}),s.drawLabels(r,G,{vals:w,layer:Q,transFn:T,labelFns:s.makeLabelFns(G,b)})},function(){if(-1===[\"top\",\"bottom\"].indexOf(M)){var t=G.title.font.size,e=G._offset+G._length/2,a=l.l+(G.position||0)*l.w+(\"right\"===G.side?10+t*(G.showticklabels?1:.5):-10-t*(G.showticklabels?.5:0));tt(\"h\"+G._id+\"title\",{avoid:{selection:n.select(r).selectAll(\"g.\"+G._id+\"tick\"),side:M,offsetLeft:l.l,offsetTop:0,maxShift:o.width},attributes:{x:a,y:e,\"text-anchor\":\"middle\"},transform:{rotate:\"-90\",offset:0}})}},i.previousPromises,function(){var n=z+e.outlinewidth/2+f.bBox(Q.node()).width;if((J=K.select(\"text\")).node()&&!J.classed(k.jsPlaceholder)){var a,o=K.select(\".h\"+G._id+\"title-math-group\").node();a=o&&-1!==[\"top\",\"bottom\"].indexOf(M)?f.bBox(o).width:f.bBox(K.node()).right-j-l.l,n=Math.max(n,a)}var s=2*e.xpad+n+e.borderwidth+e.outlinewidth/2,c=q-H;t.select(\".\"+k.cbbg).attr({x:j-e.xpad-(e.borderwidth+e.outlinewidth)/2,y:H-B,width:Math.max(s,2),height:Math.max(c+2*B,2)}).call(p.fill,e.bgcolor).call(p.stroke,e.bordercolor).style(\"stroke-width\",e.borderwidth),t.selectAll(\".\"+k.cboutline).attr({x:j,y:H+e.ypad+(\"top\"===M?$:0),width:Math.max(z,2),height:Math.max(c-2*e.ypad-$,2)}).call(p.stroke,e.outlinecolor).style({fill:\"none\",\"stroke-width\":e.outlinewidth});var u=({center:.5,right:1}[e.xanchor]||0)*s;t.attr(\"transform\",\"translate(\"+(l.l-u)+\",\"+l.t+\")\");var h={},d=w[e.yanchor],g=T[e.yanchor];\"pixels\"===e.lenmode?(h.y=e.y,h.t=c*d,h.b=c*g):(h.t=h.b=0,h.yt=e.y+e.len*d,h.yb=e.y-e.len*g);var m=w[e.xanchor],v=T[e.xanchor];if(\"pixels\"===e.thicknessmode)h.x=e.x,h.l=s*m,h.r=s*v;else{var y=s-z;h.l=y*m,h.r=y*v,h.xl=e.x-e.thickness*m,h.xr=e.x+e.thickness*v}i.autoMargin(r,e._id,h)}],r)}(r,e,t);m&&m.then&&(t._promises||[]).push(m),t._context.edits.colorbarPosition&&function(t,e,r){var n,a,i,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+\" translate(\"+r+\",\"+o+\")\"),a=l.align(e._xLeftFrac+r/s.w,e._thickFrac,0,1,e.xanchor),i=l.align(e._yBottomFrac-o/s.h,e._lenFrac,0,1,e.yanchor);var c=l.getCursor(a,i,e.xanchor,e.yanchor);h(t,c)},doneFn:function(){if(h(t),void 0!==a&&void 0!==i){var n={};n[e._propPrefix+\"x\"]=a,n[e._propPrefix+\"y\"]=i,void 0!==e._traceIndex?o.call(\"_guiRestyle\",r,n,e._traceIndex):o.call(\"_guiRelayout\",r,n)}}})}(r,e,t)})),e.exit().each((function(e){i.autoMargin(t,e._id)})).remove(),e.order()}}},{\"../../constants/alignment\":717,\"../../lib\":749,\"../../lib/extend\":739,\"../../lib/setcursor\":769,\"../../lib/svg_text_utils\":773,\"../../plots/cartesian/axes\":798,\"../../plots/cartesian/axis_defaults\":800,\"../../plots/cartesian/layout_attributes\":812,\"../../plots/cartesian/position_defaults\":815,\"../../plots/plots\":861,\"../../registry\":881,\"../color\":615,\"../colorscale/helpers\":626,\"../dragelement\":634,\"../drawing\":637,\"../titles\":710,\"./constants\":617,d3:169,tinycolor2:548}],620:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");e.exports=function(t){return n.isPlainObject(t.colorbar)}},{\"../../lib\":749}],621:[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\":616,\"./defaults\":618,\"./draw\":619,\"./has_colorbar\":620}],622:[function(t,e,r){\"use strict\";var n=t(\"../colorbar/attributes\"),a=t(\"../../lib/regex\").counter,i=t(\"./scales.js\").scales;Object.keys(i);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?i[e.colorscaleDflt]:null,h=e.editTypeOverride||\"\",f=t?t+\".\":\"\";\"colorAttr\"in e?(r=e.colorAttr,e.colorAttr):o(f+(r={z:\"z\",c:\"color\"}[s]));var p=s+\"auto\",d=s+\"min\",g=s+\"max\",m=s+\"mid\",v=(o(f+p),o(f+d),o(f+g),{});v[d]=v[g]=void 0;var y={};y[p]=!1;var x={};return\"color\"===r&&(x.color={valType:\"color\",arrayOk:!0,editType:h||\"style\"},e.anim&&(x.color.anim=!0)),x[p]={valType:\"boolean\",dflt:!0,editType:\"calc\",impliedEdits:v},x[d]={valType:\"number\",dflt:null,editType:h||\"plot\",impliedEdits:y},x[g]={valType:\"number\",dflt:null,editType:h||\"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:a(\"coloraxis\"),dflt:null,editType:\"calc\"}),x}},{\"../../lib/regex\":765,\"../colorbar/attributes\":616,\"./scales.js\":630}],623:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"../../lib\"),i=t(\"./helpers\").extractOpts;e.exports=function(t,e,r){var o,s=t._fullLayout,l=r.vals,c=r.containerStr,u=c?a.nestedProperty(e,c).get():e,h=i(u),f=!1!==h.auto,p=h.min,d=h.max,g=h.mid,m=function(){return a.aggNums(Math.min,null,l)},v=function(){return a.aggNums(Math.max,null,l)};(void 0===p?p=m():f&&(p=u._colorAx&&n(p)?Math.min(p,m()):m()),void 0===d?d=v():f&&(d=u._colorAx&&n(d)?Math.max(d,v()):v()),f&&void 0!==g&&(d-g>g-p?p=g-(d-g):d-g=0?s.colorscale.sequential:s.colorscale.sequentialminus,h._sync(\"colorscale\",o))}},{\"../../lib\":749,\"./helpers\":626,\"fast-isnumeric\":241}],624:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./helpers\").hasColorscale,i=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,a){var o=a.container?n.nestedProperty(t,a.container).get():t;if(o)if(o.coloraxis)o._colorAx=e[o.coloraxis];else{var s=i(o),l=s.auto;(l||void 0===s.min)&&r(o,a.min),(l||void 0===s.max)&&r(o,a.max),s.autocolorscale&&r(o,\"colorscale\")}}for(var s=0;s=0;n--,a++){var i=t[n];r[a]=[1-i[0],i[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}},{}],632:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=[[\"sw-resize\",\"s-resize\",\"se-resize\"],[\"w-resize\",\"move\",\"e-resize\"],[\"nw-resize\",\"n-resize\",\"ne-resize\"]];e.exports=function(t,e,r,i){return t=\"left\"===r?0:\"center\"===r?1:\"right\"===r?2:n.constrain(Math.floor(3*t),0,2),e=\"bottom\"===i?0:\"middle\"===i?1:\"top\"===i?2:n.constrain(Math.floor(3*e),0,2),a[e][t]}},{\"../../lib\":749}],633:[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)}},{}],634:[function(t,e,r){\"use strict\";var n=t(\"mouse-event-offset\"),a=t(\"has-hover\"),i=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 h(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,f,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=_,i?(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=h(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\":749,\"../../plots/cartesian/constants\":804,\"./align\":631,\"./cursor\":632,\"./unhover\":635,\"has-hover\":414,\"has-passive-events\":415,\"mouse-event-offset\":458}],635:[function(t,e,r){\"use strict\";var n=t(\"../../lib/events\"),a=t(\"../../lib/throttle\"),i=t(\"../../lib/dom\").getGraphDiv,o=t(\"../fx/constants\"),s=e.exports={};s.wrapped=function(t,e,r){(t=i(t))._fullLayout&&a.clear(t._fullLayout._uid+o.HOVERID),s.raw(t,e,r)},s.raw=function(t,e){var r=t._fullLayout,a=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&&a&&t.emit(\"plotly_unhover\",{event:e,points:a}))}},{\"../../lib/dom\":737,\"../../lib/events\":738,\"../../lib/throttle\":774,\"../fx/constants\":649}],636:[function(t,e,r){\"use strict\";r.dash={valType:\"string\",values:[\"solid\",\"dot\",\"dash\",\"longdash\",\"dashdot\",\"longdashdot\"],dflt:\"solid\",editType:\"style\"}},{}],637:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"fast-isnumeric\"),i=t(\"tinycolor2\"),o=t(\"../../registry\"),s=t(\"../color\"),l=t(\"../colorscale\"),c=t(\"../../lib\"),u=t(\"../../lib/svg_text_utils\"),h=t(\"../../constants/xmlns_namespaces\"),f=t(\"../../constants/alignment\").LINE_SPACING,p=t(\"../../constants/interactions\").DESELECTDIM,d=t(\"../../traces/scatter/subtypes\"),g=t(\"../../traces/scatter/make_bubble_size_func\"),m=t(\"../../components/fx/helpers\").appendArrayPointValue,v=e.exports={};v.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)},v.setPosition=function(t,e,r){t.attr(\"x\",e).attr(\"y\",r)},v.setSize=function(t,e,r){t.attr(\"width\",e).attr(\"height\",r)},v.setRect=function(t,e,r,n,a){t.call(v.setPosition,e,r).call(v.setSize,n,a)},v.translatePoint=function(t,e,r,n){var i=r.c2p(t.x),o=n.c2p(t.y);return!!(a(i)&&a(o)&&e.node())&&(\"text\"===e.node().nodeName?e.attr(\"x\",i).attr(\"y\",o):e.attr(\"transform\",\"translate(\"+i+\",\"+o+\")\"),!0)},v.translatePoints=function(t,e,r){t.each((function(t){var a=n.select(this);v.translatePoint(t,a,e,r)}))},v.hideOutsideRangePoint=function(t,e,r,n,a,i){e.attr(\"display\",r.isPtWithinRange(t,a)&&n.isPtWithinRange(t,i)?null:\"none\")},v.hideOutsideRangePoints=function(t,e){if(e._hasClipOnAxisFalse){var r=e.xaxis,a=e.yaxis;t.each((function(e){var i=e[0].trace,s=i.xcalendar,l=i.ycalendar,c=o.traceIs(i,\"bar-like\")?\".bartext\":\".point,.textpoint\";t.selectAll(c).each((function(t){v.hideOutsideRangePoint(t,n.select(this),r,a,s,l)}))}))}},v.crispRound=function(t,e,r){return e&&a(e)?t._context.staticPlot?e:e<1?1:Math.round(e):r||0},v.singleLineStyle=function(t,e,r,n,a){e.style(\"fill\",\"none\");var i=(((t||[])[0]||{}).trace||{}).line||{},o=r||i.width||0,l=a||i.dash||\"\";s.stroke(e,n||i.color),v.dashLine(e,l,o)},v.lineGroupStyle=function(t,e,r,a){t.style(\"fill\",\"none\").each((function(t){var i=(((t||[])[0]||{}).trace||{}).line||{},o=e||i.width||0,l=a||i.dash||\"\";n.select(this).call(s.stroke,r||i.color).call(v.dashLine,l,o)}))},v.dashLine=function(t,e,r){r=+r||0,e=v.dashStyle(e,r),t.style({\"stroke-dasharray\":e,\"stroke-width\":r+\"px\"})},v.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},v.singleFillStyle=function(t){var e=(((n.select(t.node()).data()[0]||[])[0]||{}).trace||{}).fillcolor;e&&t.call(s.fill,e)},v.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 y=t(\"./symbol_defs\");v.symbolNames=[],v.symbolFuncs=[],v.symbolNeedLines={},v.symbolNoDot={},v.symbolNoFill={},v.symbolList=[],Object.keys(y).forEach((function(t){var e=y[t],r=e.n;v.symbolList.push(r,String(r),t,r+100,String(r+100),t+\"-open\"),v.symbolNames[r]=t,v.symbolFuncs[r]=e.f,e.needLine&&(v.symbolNeedLines[r]=!0),e.noDot?v.symbolNoDot[r]=!0:v.symbolList.push(r+200,String(r+200),t+\"-dot\",r+300,String(r+300),t+\"-open-dot\"),e.noFill&&(v.symbolNoFill[r]=!0)}));var x=v.symbolNames.length;function b(t,e){var r=t%100;return v.symbolFuncs[r](e)+(t>=200?\"M0,0.5L0.5,0L0,-0.5L-0.5,0Z\":\"\")}v.symbolNumber=function(t){if(a(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=v.symbolNames.indexOf(t))>=0&&(t+=e)}return t%100>=x||t>=400?0:Math.floor(Math.max(t,0))};var _={x1:1,x2:0,y1:0,y2:0},w={x1:0,x2:0,y1:1,y2:0},T=n.format(\"~.1f\"),k={radial:{node:\"radialGradient\"},radialreversed:{node:\"radialGradient\",reversed:!0},horizontal:{node:\"linearGradient\",attrs:_},horizontalreversed:{node:\"linearGradient\",attrs:_,reversed:!0},vertical:{node:\"linearGradient\",attrs:w},verticalreversed:{node:\"linearGradient\",attrs:w,reversed:!0}};v.gradient=function(t,e,r,a,o,l){for(var u=o.length,h=k[a],f=new Array(u),p=0;p\"+v(t);d._gradientUrlQueryParts[y]=1},v.initGradients=function(t){var e=t._fullLayout;c.ensureSingle(e._defs,\"g\",\"gradients\").selectAll(\"linearGradient,radialGradient\").remove(),e._gradientUrlQueryParts={}},v.pointStyle=function(t,e,r){if(t.size()){var a=v.makePointStyleFns(e);t.each((function(t){v.singlePointStyle(t,n.select(this),e,a,r)}))}},v.singlePointStyle=function(t,e,r,n,a){var i=r.marker,o=i.line;if(e.style(\"opacity\",n.selectedOpacityFn?n.selectedOpacityFn(t):void 0===t.mo?i.opacity:t.mo),n.ms2mrc){var l;l=\"various\"===t.ms||\"various\"===i.size?3:n.ms2mrc(t.ms),t.mrc=l,n.selectedSizeFn&&(l=t.mrc=n.selectedSizeFn(t));var u=v.symbolNumber(t.mx||i.symbol)||0;t.om=u%200>=100,e.attr(\"d\",b(u,l))}var h,f,p,d=!1;if(t.so)p=o.outlierwidth,f=o.outliercolor,h=i.outliercolor;else{var g=(o||{}).width;p=(t.mlw+1||g+1||(t.trace?(t.trace.marker.line||{}).width:0)+1)-1||0,f=\"mlc\"in t?t.mlcc=n.lineScale(t.mlc):c.isArrayOrTypedArray(o.color)?s.defaultLine:o.color,c.isArrayOrTypedArray(i.color)&&(h=s.defaultLine,d=!0),h=\"mc\"in t?t.mcc=n.markerScale(t.mc):i.color||\"rgba(0,0,0,0)\",n.selectedColorFn&&(h=n.selectedColorFn(t))}if(t.om)e.call(s.stroke,h).style({\"stroke-width\":(p||1)+\"px\",fill:\"none\"});else{e.style(\"stroke-width\",(t.isBlank?0:p)+\"px\");var m=i.gradient,y=t.mgt;if(y?d=!0:y=m&&m.type,Array.isArray(y)&&(y=y[0],k[y]||(y=0)),y&&\"none\"!==y){var x=t.mgc;x?d=!0:x=m.color;var _=r.uid;d&&(_+=\"-\"+t.i),v.gradient(e,a,_,y,[[0,x],[1,h]],\"fill\")}else s.fill(e,h);p&&s.stroke(e,f)}},v.makePointStyleFns=function(t){var e={},r=t.marker;return e.markerScale=v.tryColorscale(r,\"\"),e.lineScale=v.tryColorscale(r,\"line\"),o.traceIs(t,\"symbols\")&&(e.ms2mrc=d.isBubble(t)?g(t):function(){return(r.size||6)/2}),t.selectedpoints&&c.extendFlat(e,v.makeSelectedPointStyleFns(t)),e},v.makeSelectedPointStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},a=t.marker||{},i=r.marker||{},s=n.marker||{},l=a.opacity,u=i.opacity,h=s.opacity,f=void 0!==u,d=void 0!==h;(c.isArrayOrTypedArray(l)||f||d)&&(e.selectedOpacityFn=function(t){var e=void 0===t.mo?a.opacity:t.mo;return t.selected?f?u:e:d?h:p*e});var g=a.color,m=i.color,v=s.color;(m||v)&&(e.selectedColorFn=function(t){var e=t.mcc||g;return t.selected?m||e:v||e});var y=a.size,x=i.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},v.makeSelectedTextStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},a=t.textfont||{},i=r.textfont||{},o=n.textfont||{},l=a.color,c=i.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,p))},e},v.selectedPointStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=v.makeSelectedPointStyleFns(e),a=e.marker||{},i=[];r.selectedOpacityFn&&i.push((function(t,e){t.style(\"opacity\",r.selectedOpacityFn(e))})),r.selectedColorFn&&i.push((function(t,e){s.fill(t,r.selectedColorFn(e))})),r.selectedSizeFn&&i.push((function(t,e){var n=e.mx||a.symbol||0,i=r.selectedSizeFn(e);t.attr(\"d\",b(v.symbolNumber(n),i)),e.mrc2=i})),i.length&&t.each((function(t){for(var e=n.select(this),r=0;r0?r:0}v.textPointStyle=function(t,e,r){if(t.size()){var a;if(e.selectedpoints){var i=v.makeSelectedTextStyleFns(e);a=i.selectedTextColorFn}var o=e.texttemplate,s=r._fullLayout;t.each((function(t){var i=n.select(this),l=o?c.extractOption(t,e,\"txt\",\"texttemplate\"):c.extractOption(t,e,\"tx\",\"text\");if(l||0===l){if(o){var h=e._module.formatLabels?e._module.formatLabels(t,e,s):{},f={};m(f,e,t.i);var p=e._meta||{};l=c.texttemplateString(l,h,s._d3locale,f,t,p)}var d=t.tp||e.textposition,g=S(t,e),y=a?a(t):t.tc||e.textfont.color;i.call(v.font,t.tf||e.textfont.family,g,y).text(l).call(u.convertToTspans,r).call(A,d,g,t.mrc)}else i.remove()}))}},v.selectedTextStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=v.makeSelectedTextStyleFns(e);t.each((function(t){var a=n.select(this),i=r.selectedTextColorFn(t),o=t.tp||e.textposition,l=S(t,e);s.fill(a,i),A(a,o,l,t.mrc2||t.mrc)}))}};function E(t,e,r,a){var i=t[0]-e[0],o=t[1]-e[1],s=r[0]-e[0],l=r[1]-e[1],c=Math.pow(i*i+o*o,.25),u=Math.pow(s*s+l*l,.25),h=(u*u*i-c*c*s)*a,f=(u*u*o-c*c*l)*a,p=3*u*(c+u),d=3*c*(c+u);return[[n.round(e[0]+(p&&h/p),2),n.round(e[1]+(p&&f/p),2)],[n.round(e[0]-(d&&h/d),2),n.round(e[1]-(d&&f/d),2)]]}v.smoothopen=function(t,e){if(t.length<3)return\"M\"+t.join(\"L\");var r,n=\"M\"+t[0],a=[];for(r=1;r=1e4&&(v.savedBBoxes={},P=0),r&&(v.savedBBoxes[r]=m),P++,c.extendFlat({},m)},v.setClipUrl=function(t,e,r){t.attr(\"clip-path\",z(e,r))},v.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}},v.setTranslate=function(t,e,r){var n=t.attr?\"attr\":\"getAttribute\",a=t.attr?\"attr\":\"setAttribute\",i=t[n](\"transform\")||\"\";return e=e||0,r=r||0,i=i.replace(/(\\btranslate\\(.*?\\);?)/,\"\").trim(),i=(i+=\" translate(\"+e+\", \"+r+\")\").trim(),t[a](\"transform\",i),i},v.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}},v.setScale=function(t,e,r){var n=t.attr?\"attr\":\"getAttribute\",a=t.attr?\"attr\":\"setAttribute\",i=t[n](\"transform\")||\"\";return e=e||1,r=r||1,i=i.replace(/(\\bscale\\(.*?\\);?)/,\"\").trim(),i=(i+=\" scale(\"+e+\", \"+r+\")\").trim(),t[a](\"transform\",i),i};var O=/\\s*sc.*/;v.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(O,\"\");t=(t+=n).trim(),this.setAttribute(\"transform\",t)}))}};var D=/translate\\([^)]*\\)\\s*$/;v.setTextPointsScale=function(t,e,r){t&&t.each((function(){var t,a=n.select(this),i=a.select(\"text\");if(i.node()){var o=parseFloat(i.attr(\"x\")||0),s=parseFloat(i.attr(\"y\")||0),l=(a.attr(\"transform\")||\"\").match(D);t=1===e&&1===r?[]:[\"translate(\"+o+\",\"+s+\")\",\"scale(\"+e+\",\"+r+\")\",\"translate(\"+-o+\",\"+-s+\")\"],l&&t.push(l),a.attr(\"transform\",t.join(\" \"))}}))}},{\"../../components/fx/helpers\":651,\"../../constants/alignment\":717,\"../../constants/interactions\":723,\"../../constants/xmlns_namespaces\":725,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../../registry\":881,\"../../traces/scatter/make_bubble_size_func\":1173,\"../../traces/scatter/subtypes\":1181,\"../color\":615,\"../colorscale\":627,\"./symbol_defs\":638,d3:169,\"fast-isnumeric\":241,tinycolor2:548}],638:[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,a=\"l\"+e+\",-\"+e,i=\"l-\"+e+\",-\"+e,o=\"l-\"+e+\",\"+e;return\"M0,\"+e+r+a+i+a+i+o+i+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),a=n.round(-t,2),i=n.round(-.309*t,2);return\"M\"+e+\",\"+i+\"L\"+r+\",\"+n.round(.809*t,2)+\"H-\"+r+\"L-\"+e+\",\"+i+\"L0,\"+a+\"Z\"}},hexagon:{n:14,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),a=n.round(t*Math.sqrt(3)/2,2);return\"M\"+a+\",-\"+r+\"V\"+r+\"L0,\"+e+\"L-\"+a+\",\"+r+\"V-\"+r+\"L0,-\"+e+\"Z\"}},hexagon2:{n:15,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),a=n.round(t*Math.sqrt(3)/2,2);return\"M-\"+r+\",\"+a+\"H\"+r+\"L\"+e+\",0L\"+r+\",-\"+a+\"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),a=n.round(.951*e,2),i=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\"+a+\"L\"+i+\",\"+c+\"L\"+o+\",\"+u+\"L0,\"+n.round(.382*e,2)+\"L-\"+o+\",\"+u+\"L-\"+i+\",\"+c+\"L-\"+a+\",\"+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),a=n.round(.76*t,2);return\"M-\"+a+\",0l-\"+r+\",-\"+e+\"h\"+a+\"l\"+r+\",-\"+e+\"l\"+r+\",\"+e+\"h\"+a+\"l-\"+r+\",\"+e+\"l\"+r+\",\"+e+\"h-\"+a+\"l-\"+r+\",\"+e+\"l-\"+r+\",-\"+e+\"h-\"+a+\"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),a=n.round(1.6*t,2),i=n.round(4*t,2),o=\"A \"+i+\",\"+i+\" 0 0 1 \";return\"M-\"+e+\",\"+r+o+e+\",\"+r+o+\"0,-\"+a+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),a=n.round(1.6*t,2),i=n.round(4*t,2),o=\"A \"+i+\",\"+i+\" 0 0 1 \";return\"M\"+e+\",-\"+r+o+\"-\"+e+\",-\"+r+o+\"0,\"+a+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),a=\"A \"+r+\",\"+r+\" 0 0 1 \";return\"M-\"+e+\",-\"+e+a+\"-\"+e+\",\"+e+a+e+\",\"+e+a+e+\",-\"+e+a+\"-\"+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),a=\"A \"+r+\",\"+r+\" 0 0 1 \";return\"M-\"+e+\",0\"+a+\"0,\"+e+a+e+\",0\"+a+\"0,-\"+e+a+\"-\"+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),a=n.round(.8*t,2);return\"M-\"+e+\",\"+a+\"L0,0M\"+e+\",\"+a+\"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),a=n.round(.8*t,2);return\"M-\"+e+\",-\"+a+\"L0,0M\"+e+\",-\"+a+\"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),a=n.round(.8*t,2);return\"M\"+a+\",\"+e+\"L0,0M\"+a+\",-\"+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),a=n.round(.8*t,2);return\"M-\"+a+\",\"+e+\"L0,0M-\"+a+\",-\"+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}],639:[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\"}}}},{}],640:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"../../registry\"),i=t(\"../../plots/cartesian/axes\"),o=t(\"../../lib\"),s=t(\"./compute_error\");function l(t,e,r,a){var l=e[\"error_\"+a]||{},c=[];if(l.visible&&-1!==[\"linear\",\"log\"].indexOf(r.type)){for(var u=s(l),h=0;h0;e.each((function(e){var h,f=e[0].trace,p=f.error_x||{},d=f.error_y||{};f.ids&&(h=function(t){return t.id});var g=o.hasMarkers(f)&&f.marker.maxdisplayed>0;d.visible||p.visible||(e=[]);var m=n.select(this).selectAll(\"g.errorbar\").data(e,h);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),i.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),a(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),a(n.xs)||(n.noXS=!0,n.xs=e.c2p(t.xs,!0)));return n}(t,l,c);if(!g||t.vis){var i,o=e.select(\"path.yerror\");if(d.visible&&a(r.x)&&a(r.yh)&&a(r.ys)){var h=d.width;i=\"M\"+(r.x-h)+\",\"+r.yh+\"h\"+2*h+\"m-\"+h+\",0V\"+r.ys,r.noYS||(i+=\"m-\"+h+\",0h\"+2*h),!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\",i)}else o.remove();var f=e.select(\"path.xerror\");if(p.visible&&a(r.y)&&a(r.xh)&&a(r.xs)){var m=(p.copy_ystyle?d:p).width;i=\"M\"+r.xh+\",\"+(r.y-m)+\"v\"+2*m+\"m0,-\"+m+\"H\"+r.xs,r.noXS||(i+=\"m0,-\"+m+\"v\"+2*m),!f.size()?f=e.append(\"path\").style(\"vector-effect\",\"non-scaling-stroke\").classed(\"xerror\",!0):u&&(f=f.transition().duration(s.duration).ease(s.easing)),f.attr(\"d\",i)}else f.remove()}}))}}))}},{\"../../traces/scatter/subtypes\":1181,\"../drawing\":637,d3:169,\"fast-isnumeric\":241}],645:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../color\");e.exports=function(t){t.each((function(t){var e=t[0].trace,r=e.error_y||{},i=e.error_x||{},o=n.select(this);o.selectAll(\"path.yerror\").style(\"stroke-width\",r.thickness+\"px\").call(a.stroke,r.color),i.copy_ystyle&&(i=r),o.selectAll(\"path.xerror\").style(\"stroke-width\",i.thickness+\"px\").call(a.stroke,i.color)}))}},{\"../color\":615,d3:169}],646:[function(t,e,r){\"use strict\";var n=t(\"../../plots/font_attributes\"),a=t(\"./layout_attributes\").hoverlabel,i=t(\"../../lib/extend\").extendFlat;e.exports={hoverlabel:{bgcolor:i({},a.bgcolor,{arrayOk:!0}),bordercolor:i({},a.bordercolor,{arrayOk:!0}),font:n({arrayOk:!0,editType:\"none\"}),align:i({},a.align,{arrayOk:!0}),namelength:i({},a.namelength,{arrayOk:!0}),editType:\"none\"}}},{\"../../lib/extend\":739,\"../../plots/font_attributes\":826,\"./layout_attributes\":656}],647:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../registry\");function i(t,e,r,a){a=a||n.identity,Array.isArray(t)&&(e[0][r]=a(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>w[0]._length)return f.unhoverRaw(t,e)}if(e.pointerX=$+b[0]._offset,e.pointerY=tt+w[0]._offset,O=\"xval\"in e?g.flat(l,e.xval):g.p2c(b,$),D=\"yval\"in e?g.flat(l,e.yval):g.p2c(w,tt),!a(O[0])||!a(D[0]))return o.warn(\"Fx.hover failed\",e,t),f.unhoverRaw(t,e)}var rt=1/0;function nt(t,r){for(F=0;FY&&(X.splice(0,Y),rt=X[0].distance),v&&0!==Z&&0===X.length){G.distance=Z,G.index=!1;var f=N._module.hoverPoints(G,q,H,\"closest\",u._hoverlayer);if(f&&(f=f.filter((function(t){return t.spikeDistance<=Z}))),f&&f.length){var p,d=f.filter((function(t){return t.xa.showspikes&&\"hovered data\"!==t.xa.spikesnap}));if(d.length){var m=d[0];a(m.x0)&&a(m.y0)&&(p=it(m),(!K.vLinePoint||K.vLinePoint.spikeDistance>p.spikeDistance)&&(K.vLinePoint=p))}var y=f.filter((function(t){return t.ya.showspikes&&\"hovered data\"!==t.ya.spikesnap}));if(y.length){var x=y[0];a(x.x0)&&a(x.y0)&&(p=it(x),(!K.hLinePoint||K.hLinePoint.spikeDistance>p.spikeDistance)&&(K.hLinePoint=p))}}}}}function at(t,e){for(var r,n=null,a=1/0,i=0;i1||X.length>1)||\"closest\"===C&&Q&&X.length>1,Mt=h.combine(u.plot_bgcolor||h.background,u.paper_bgcolor),At={hovermode:C,rotateLabels:kt,bgColor:Mt,container:u._hoverlayer,outerContainer:u._paperdiv,commonLabelOpts:u.hoverlabel,hoverdistance:u.hoverdistance},St=E(X,At,t);g.isUnifiedHover(C)||(!function(t,e,r){var n,a,i,o,s,l,c,u=0,h=1,f=t.size(),p=new Array(f),d=0;function g(t){var e=t[0],r=t[t.length-1];if(a=e.pmin-e.pos-e.dp+e.size,i=r.pos+r.dp+r.size-e.pmax,a>.01){for(s=t.length-1;s>=0;s--)t[s].dp+=a;n=!1}if(!(i<.01)){if(a<-.01){for(s=t.length-1;s>=0;s--)t[s].dp-=i;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-=i;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],a=\"x\"===n._id.charAt(0),i=n.range;0===d&&i&&i[0]>i[1]!==a&&(h=-1),p[d++]=[{datum:t,traceIndex:t.trace.index,dp:0,pos:t.pos,posref:t.posref,size:t.by*(a?_:1)/2,pmin:0,pmax:a?r.width:r.height}]})),p.sort((function(t,e){return t[0].posref-e[0].posref||h*(e[0].traceIndex-t[0].traceIndex)}));for(;!n&&u<=f;){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+=a;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(i=c/m.length,s=m.length-1;s>=0;s--)m[s].dp-=i;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 w=b[s],T=w.datum;T.offset=w.dp,T.del=w.del}}}(St,kt?\"xa\":\"ya\",u),L(St,kt));if(e.target&&e.target.tagName){var Et=d.getComponentMethod(\"annotations\",\"hasClickToShow\")(t,bt);c(n.select(e.target),Et?\"pointer\":\"\")}if(!e.target||i||!function(t,e,r){if(!r||r.length!==t._hoverdata.length)return!0;for(var n=r.length-1;n>=0;n--){var a=r[n],i=t._hoverdata[n];if(a.curveNumber!==i.curveNumber||String(a.pointNumber)!==String(i.pointNumber)||String(a.pointNumbers)!==String(i.pointNumbers))return!0}return!1}(t,0,xt))return;xt&&t.emit(\"plotly_unhover\",{event:e,points:xt});t.emit(\"plotly_hover\",{event:e,points:t._hoverdata,xaxes:b,yaxes:w,xvals:O,yvals:D})}(t,e,r,i)}))},r.loneHover=function(t,e){var r=!0;Array.isArray(t)||(r=!1,t=[t]);var a=t.map((function(t){return{color:t.color||h.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}})),i=n.select(e.container),o=e.outerContainer?n.select(e.outerContainer):i,s={hovermode:\"closest\",rotateLabels:!1,bgColor:e.bgColor||h.background,container:i,outerContainer:o},l=E(a,s,e.gd),c=0,u=0;return 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 E(t,e,r){var a=r._fullLayout,i=e.hovermode,s=e.rotateLabels,c=e.bgColor,f=e.container,p=e.outerContainer,d=e.commonLabelOpts||{},b=e.fontFamily||m.HOVERFONT,_=e.fontSize||m.HOVERFONTSIZE,w=t[0],T=w.xa,S=w.ya,E=\"y\"===i.charAt(0)?\"yLabel\":\"xLabel\",L=w[E],P=(String(L)||\"\").split(\" \")[0],I=p.node().getBoundingClientRect(),z=I.top,O=I.width,D=I.height,R=void 0!==L&&w.distance<=e.hoverdistance&&(\"x\"===i||\"y\"===i);if(R){var F,B,N=!0;for(F=0;Fa.width-E?(v=a.width-E,s.attr(\"d\",\"M\"+(E-k)+\",0L\"+E+\",\"+A+k+\"v\"+A+(2*M+x.height)+\"H-\"+E+\"V\"+A+k+\"H\"+(E-2*k)+\"Z\")):s.attr(\"d\",\"M0,0L\"+k+\",\"+A+k+\"H\"+(M+x.width/2)+\"v\"+A+(2*M+x.height)+\"H-\"+(M+x.width/2)+\"V\"+A+k+\"H-\"+k+\"Z\")}else{var C,P,I;\"right\"===S.side?(C=\"start\",P=1,I=\"\",v=T._offset+T._length):(C=\"end\",P=-1,I=\"-\",v=T._offset),y=S._offset+(w.y0+w.y1)/2,c.attr(\"text-anchor\",C),s.attr(\"d\",\"M0,0L\"+I+k+\",\"+k+\"V\"+(M+x.height/2)+\"h\"+I+(2*M+x.width)+\"V-\"+(M+x.height/2)+\"H\"+I+k+\"V-\"+k+\"Z\");var O,D=x.height/2,R=z-x.top-D,F=\"clip\"+a._uid+\"commonlabel\"+S._id;if(v=0?$-=rt:$+=2*M;var nt=et.height+2*M,at=Q+nt>=D;return nt<=D&&(Q<=z?Q=S._offset+2*M:at&&(Q=D-nt)),tt.attr(\"transform\",\"translate(\"+$+\",\"+Q+\")\"),tt}var it=f.selectAll(\"g.hovertext\").data(t,(function(t){return A(t)}));return it.enter().append(\"g\").classed(\"hovertext\",!0).each((function(){var t=n.select(this);t.append(\"rect\").call(h.fill,h.addOpacity(c,.8)),t.append(\"text\").classed(\"name\",!0),t.append(\"path\").style(\"stroke-width\",\"1px\"),t.append(\"text\").classed(\"nums\",!0).call(u.font,b,_)})),it.exit().remove(),it.each((function(t){var e=n.select(this).attr(\"transform\",\"\"),o=t.color;Array.isArray(o)&&(o=o[t.eventData[0].pointNumber]);var f=t.bgcolor||o,p=h.combine(h.opacity(f)?f:h.defaultLine,c),d=h.combine(h.opacity(o)?o:h.defaultLine,c),g=t.borderColor||h.contrast(p),m=C(t,R,i,a,L,e),v=m[0],y=m[1],w=e.select(\"text.nums\").call(u.font,t.fontFamily||b,t.fontSize||_,t.fontColor||g).text(v).attr(\"data-notex\",1).call(l.positionText,0,0).call(l.convertToTspans,r),T=e.select(\"text.name\"),A=0,S=0;if(y&&y!==v){T.call(u.font,t.fontFamily||b,t.fontSize||_,d).text(y).attr(\"data-notex\",1).call(l.positionText,0,0).call(l.convertToTspans,r);var E=T.node().getBoundingClientRect();A=E.width+2*M,S=E.height+2*M}else T.remove(),e.select(\"rect\").remove();e.select(\"path\").style({fill:p,stroke:g});var P,I,F=w.node().getBoundingClientRect(),B=t.xa._offset+(t.x0+t.x1)/2,N=t.ya._offset+(t.y0+t.y1)/2,j=Math.abs(t.x1-t.x0),U=Math.abs(t.y1-t.y0),V=F.width+k+M+A;if(t.ty0=z-F.top,t.bx=F.width+2*M,t.by=Math.max(F.height+2*M,S),t.anchor=\"start\",t.txwidth=F.width,t.tx2width=A,t.offset=0,s)t.pos=B,P=N+U/2+V<=D,I=N-U/2-V>=0,\"top\"!==t.idealAlign&&P||!I?P?(N+=U/2,t.anchor=\"start\"):t.anchor=\"middle\":(N-=U/2,t.anchor=\"end\");else if(t.pos=N,P=B+j/2+V<=O,I=B-j/2-V>=0,\"left\"!==t.idealAlign&&P||!I)if(P)B+=j/2,t.anchor=\"start\";else{t.anchor=\"middle\";var q=V/2,H=B+q-O,G=B-q;H>0&&(B-=H),G<0&&(B+=-G)}else B-=j/2,t.anchor=\"end\";w.attr(\"text-anchor\",t.anchor),A&&T.attr(\"text-anchor\",t.anchor),e.attr(\"transform\",\"translate(\"+B+\",\"+N+\")\"+(s?\"rotate(\"+x+\")\":\"\"))})),it}function C(t,e,r,n,a,i){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=O(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\"]===a?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),i&&\"\"===l&&!t.hovertemplate&&(\"\"===s&&i.remove(),l=s);var c=n._d3locale,u=t.hovertemplate||!1,h=t.hovertemplateLabels||t,f=t.eventData[0]||{};return u&&(l=(l=o.hovertemplateString(u,h,c,f,t.trace._meta)).replace(S,(function(e,r){return s=O(r,t.nameLength),\"\"}))),[l,s]}function L(t,e){t.each((function(t){var r=n.select(this);if(t.del)return r.remove();var a=r.select(\"text.nums\"),i=t.anchor,o=\"end\"===i?-1:1,s={start:1,end:-1,middle:0}[i],c=s*(k+M),h=c+s*(t.txwidth+M),f=0,p=t.offset;\"middle\"===i&&(c-=t.tx2width/2,h+=t.txwidth/2+M),e&&(p*=-T,f=t.offset*w),r.select(\"path\").attr(\"d\",\"middle\"===i?\"M-\"+(t.bx/2+t.tx2width/2)+\",\"+(p-t.by/2)+\"h\"+t.bx+\"v\"+t.by+\"h-\"+t.bx+\"Z\":\"M0,0L\"+(o*k+f)+\",\"+(k+p)+\"v\"+(t.by/2-k)+\"h\"+o*t.bx+\"v-\"+t.by+\"H\"+(o*k+f)+\"V\"+(p-k)+\"Z\");var d=c+f,g=p+t.ty0-t.by/2+M,m=t.textAlign||\"auto\";\"auto\"!==m&&(\"left\"===m&&\"start\"!==i?(a.attr(\"text-anchor\",\"start\"),d=\"middle\"===i?-t.bx/2-t.tx2width/2+M:-t.bx-M):\"right\"===m&&\"end\"!==i&&(a.attr(\"text-anchor\",\"end\"),d=\"middle\"===i?t.bx/2-t.tx2width/2-M:t.bx+M)),a.call(l.positionText,d,g),t.tx2width&&(r.select(\"text.name\").call(l.positionText,h+s*M+f,p+t.ty0-t.by/2+M),r.select(\"rect\").call(u.setRect,h+(s-1)*t.tx2width/2+f,p-t.by/2-1,t.tx2width,t.by+2))}))}function P(t,e){var r=t.index,n=t.trace||{},i=t.cd[0],s=t.cd[r]||{};function l(t){return t||a(t)&&0===t}var c=Array.isArray(r)?function(t,e){var a=o.castOption(i,r,t);return l(a)?a:o.extractOption({},n,\"\",e)}:function(t,e){return o.extractOption(s,n,t,e)};function u(e,r,n){var a=c(r,n);l(a)&&(t[e]=a)}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:p.hoverLabelText(t.xa,t.xLabelVal),t.xVal=t.xa.c2d(t.xLabelVal)),void 0!==t.yLabelVal&&(t.yLabel=\"yLabel\"in t?t.yLabel:p.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 h=p.tickText(t.xa,t.xa.c2l(t.xerr),\"hover\").text;void 0!==t.xerrneg?t.xLabel+=\" +\"+h+\" / -\"+p.tickText(t.xa,t.xa.c2l(t.xerrneg),\"hover\").text:t.xLabel+=\" \\xb1 \"+h,\"x\"===e&&(t.distance+=1)}if(!(isNaN(t.yerr)||\"log\"===t.ya.type&&t.yerr<=0)){var f=p.tickText(t.ya,t.ya.c2l(t.yerr),\"hover\").text;void 0!==t.yerrneg?t.yLabel+=\" +\"+f+\" / -\"+p.tickText(t.ya,t.ya.c2l(t.yerrneg),\"hover\").text:t.yLabel+=\" \\xb1 \"+f,\"y\"===e&&(t.distance+=1)}var d=t.hoverinfo||t.trace.hoverinfo;return d&&\"all\"!==d&&(-1===(d=Array.isArray(d)?d:d.split(\"+\")).indexOf(\"x\")&&(t.xLabel=void 0),-1===d.indexOf(\"y\")&&(t.yLabel=void 0),-1===d.indexOf(\"z\")&&(t.zLabel=void 0),-1===d.indexOf(\"text\")&&(t.text=void 0),-1===d.indexOf(\"name\")&&(t.name=void 0)),t}function I(t,e,r){var n,a,o=r.container,s=r.fullLayout,l=s._size,c=r.event,f=!!e.hLinePoint,d=!!e.vLinePoint;if(o.selectAll(\".spikeline\").remove(),d||f){var g=h.combine(s.plot_bgcolor,s.paper_bgcolor);if(f){var m,v,y=e.hLinePoint;n=y&&y.xa,\"cursor\"===(a=y&&y.ya).spikesnap?(m=c.pointerX,v=c.pointerY):(m=n._offset+y.x,v=a._offset+y.y);var x,b,_=i.readability(y.color,g)<1.5?h.contrast(g):y.color,w=a.spikemode,T=a.spikethickness,k=a.spikecolor||_,M=p.getPxPosition(t,a);if(-1!==w.indexOf(\"toaxis\")||-1!==w.indexOf(\"across\")){if(-1!==w.indexOf(\"toaxis\")&&(x=M,b=m),-1!==w.indexOf(\"across\")){var A=a._counterDomainMin,S=a._counterDomainMax;\"free\"===a.anchor&&(A=Math.min(A,a.position),S=Math.max(S,a.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\":u.dashStyle(a.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:g}).classed(\"spikeline\",!0).classed(\"crisp\",!0)}-1!==w.indexOf(\"marker\")&&o.insert(\"circle\",\":first-child\").attr({cx:M+(\"right\"!==a.side?T:-T),cy:v,r:T,fill:k}).classed(\"spikeline\",!0)}if(d){var E,C,L=e.vLinePoint;n=L&&L.xa,a=L&&L.ya,\"cursor\"===n.spikesnap?(E=c.pointerX,C=c.pointerY):(E=n._offset+L.x,C=a._offset+L.y);var P,I,z=i.readability(L.color,g)<1.5?h.contrast(g):L.color,O=n.spikemode,D=n.spikethickness,R=n.spikecolor||z,F=p.getPxPosition(t,n);if(-1!==O.indexOf(\"toaxis\")||-1!==O.indexOf(\"across\")){if(-1!==O.indexOf(\"toaxis\")&&(P=F,I=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)),P=l.t+(1-N)*l.h,I=l.t+(1-B)*l.h}o.insert(\"line\",\":first-child\").attr({x1:E,x2:E,y1:P,y2:I,\"stroke-width\":D,stroke:R,\"stroke-dasharray\":u.dashStyle(n.spikedash,D)}).classed(\"spikeline\",!0).classed(\"crisp\",!0),o.insert(\"line\",\":first-child\").attr({x1:E,x2:E,y1:P,y2:I,\"stroke-width\":D+2,stroke:g}).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 z(t,e){return!e||(e.vLinePoint!==t._spikepoints.vLinePoint||e.hLinePoint!==t._spikepoints.hLinePoint)}function O(t,e){return l.plainText(t||\"\",{len:e,allowedTags:[\"br\",\"sub\",\"sup\",\"b\",\"i\",\"em\"]})}},{\"../../lib\":749,\"../../lib/events\":738,\"../../lib/override_cursor\":760,\"../../lib/svg_text_utils\":773,\"../../plots/cartesian/axes\":798,\"../../registry\":881,\"../color\":615,\"../dragelement\":634,\"../drawing\":637,\"../legend/defaults\":667,\"../legend/draw\":668,\"./constants\":649,\"./helpers\":651,d3:169,\"fast-isnumeric\":241,tinycolor2:548}],653:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../color\"),i=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&&i(e.hovermode)&&(o.font||(o.font={}),s(\"size\"),s(\"family\"),s(\"color\"),e.legend?(o.bgcolor||(o.bgcolor=a.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\":749,\"../color\":615,\"./helpers\":651}],654:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./layout_attributes\");e.exports=function(t,e,r){function i(r,i){return void 0!==e[r]?e[r]:n.coerce(t,e,a,r,i)}var o,s=i(\"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(!f&&!p&&!d)\"independent\"===k(\"pattern\")&&(f=!0);m._hasSubplotGrid=f;var x,b,_=\"top to bottom\"===k(\"roworder\"),w=f?.2:.1,T=f?.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,a,i,o,s,l,u,f=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=f.subplots||[];l=r.subplots=new Array(g);var b=1;for(n=0;n1);if(!1!==g||c.uirevision){var m=i.newContainer(e,\"legend\");if(_(\"uirevision\",e.uirevision),!1!==g){_(\"bgcolor\",e.paper_bgcolor),_(\"bordercolor\"),_(\"borderwidth\"),a.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\",f),l.isGrouped(e.legend)&&_(\"tracegroupgap\"),_(\"itemsizing\"),_(\"itemclick\"),_(\"itemdoubleclick\"),_(\"x\",v),_(\"xanchor\"),_(\"y\",y),_(\"yanchor\",x),_(\"valign\"),a.noneOrAll(c,m,[\"x\",\"y\"]),_(\"title.text\")&&(_(\"title.side\",\"h\"===b?\"left\":\"top\"),a.coerceFont(_,\"title.font\",e.font))}}function _(t,e){return a.coerce(c,m,o,t,e)}}},{\"../../lib\":749,\"../../plot_api/plot_template\":787,\"../../plots/layout_attributes\":852,\"../../registry\":881,\"./attributes\":665,\"./helpers\":671}],668:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\"),i=t(\"../../plots/plots\"),o=t(\"../../registry\"),s=t(\"../../lib/events\"),l=t(\"../dragelement\"),c=t(\"../drawing\"),u=t(\"../color\"),h=t(\"../../lib/svg_text_utils\"),f=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,a){var i=r.data()[0][0].trace,l={event:a,node:r.node(),curveNumber:i.index,expandedIndex:i._expandedIndex,data:t.data,layout:t.layout,frames:t._transitionData._frames,config:t._context,fullData:t._fullData,fullLayout:t._fullLayout};if(i._group&&(l.group=i._group),o.traceIs(i,\"pie-like\")&&(l.label=r.datum()[0].label),!1!==s.triggerHandler(t,\"plotly_legendclick\",l))if(1===n)e._clickTimeout=setTimeout((function(){f(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)&&f(r,t,n)}}function w(t,e,r){var n,i=t.data()[0][0],s=i.trace,l=o.traceIs(s,\"pie-like\"),u=s.index,f=r._main&&e._context.edits.legendText&&!l,d=r._maxNameLength;r.entries?n=i.text:(n=l?i.label:s.name,s._meta&&(n=a.templateString(n,s._meta)));var g=a.ensureSingle(t,\"text\",\"legendtext\");g.attr(\"text-anchor\",\"start\").call(c.font,r.font).text(f?T(n,d):n),h.positionText(g,p.textGap,0),f?g.call(h.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=i.trace._fullInput||{},l={};if(o.hasTransform(s,\"groupby\")){var c=o.getTransformIndices(s,\"groupby\"),h=c[c.length-1],f=a.keyedContainer(s,\"transforms[\"+h+\"].styles\",\"target\",\"value.name\");f.set(i.trace._group,n),l=f.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,i=e._context.doubleClickDelay,o=1,s=a.ensureSingle(t,\"rect\",\"legendtoggle\",(function(t){t.style(\"cursor\",\"pointer\").attr(\"pointer-events\",\"all\").call(u.fill,\"rgba(0,0,0,0)\")}));s.on(\"mousedown\",(function(){(r=(new Date).getTime())-e._legendMouseDownTimei&&(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),h.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 a=t.select(\"g[class*=math-group]\"),i=a.node();r||(r=e._fullLayout.legend);var o,s,l=r.borderwidth,u=(n?r:r.title).font.size*g;if(i){var f=c.bBox(i);o=f.height,s=f.width,n?c.setTranslate(a,0,.25*o):c.setTranslate(a,l,.75*o+l)}else{var d=t.select(n?\".legendtext\":\".legendtitletext\"),m=h.lineCount(d),v=d.node();o=u*m,s=v?c.bBox(v).width:0;var y=u*((m-1)/2-.3);n?h.positionText(d,p.textGap,-y):h.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 a.isRightAnchor(t)?\"right\":a.isCenterAnchor(t)?\"center\":\"left\"}function S(t){return a.isBottomAnchor(t)?\"bottom\":a.isMiddleAnchor(t)?\"middle\":\"top\"}e.exports=function(t,e){var r,s=t._fullLayout,h=\"legend\"+s._uid;if(e?(r=e.layer,h+=\"-hover\"):((e=s.legend||{})._main=!0,r=s._infolayer),r){var f;if(t._legendMouseDownTime||(t._legendMouseDownTime=0),e._main){if(!t.calcdata)return;f=s.showlegend&&y(t.calcdata,e)}else{if(!e.entries)return;f=y(e.entries,e)}var d=s.hiddenlabels||[];if(e._main&&(!s.showlegend||!f.length))return r.selectAll(\".legend\").remove(),s._topdefs.select(\"#\"+h).remove(),i.autoMargin(t,\"legend\");var g=a.ensureSingle(r,\"g\",\"legend\",(function(t){e._main&&t.attr(\"pointer-events\",\"all\")})),T=a.ensureSingleById(s._topdefs,\"clipPath\",h,(function(t){t.append(\"rect\")})),E=a.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=a.ensureSingle(g,\"g\",\"scrollbox\"),L=e.title;if(e._titleWidth=0,e._titleHeight=0,L.text){var P=a.ensureSingle(C,\"text\",\"legendtitletext\");P.attr(\"text-anchor\",\"start\").call(c.font,L.font).text(L.text),M(P,C,t,e)}else C.selectAll(\".legendtitletext\").remove();var I=a.ensureSingle(g,\"rect\",\"scrollbar\",(function(t){t.attr(p.scrollBarEnterAttrs).call(u.fill,p.scrollBarColor)})),z=C.selectAll(\"g.groups\").data(f);z.enter().append(\"g\").attr(\"class\",\"groups\"),z.exit().remove();var O=z.selectAll(\"g.traces\").data(a.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)})),a.syncOrAsync([i.previousPromises,function(){return function(t,e,r,a){var i=t._fullLayout;a||(a=i.legend);var o=i._size,s=b.isVertical(a),l=b.isGrouped(a),u=a.borderwidth,h=2*u,f=p.textGap,d=p.itemGap,g=2*(u+d),m=S(a),v=a.y<0||0===a.y&&\"top\"===m,y=a.y>1||1===a.y&&\"bottom\"===m;a._maxHeight=Math.max(v||y?i.height/2:o.h,30);var x=0;a._width=0,a._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]}(a);if(s)r.each((function(t){var e=t[0].height;c.setTranslate(this,u+_[0],u+_[1]+a._height+e/2+d),a._height+=e,a._width=Math.max(a._width,t[0].width)})),x=f+a._width,a._width+=d+f+h,a._height+=g,l&&(e.each((function(t,e){c.setTranslate(this,0,e*a.tracegroupgap)})),a._height+=(a._lgroupsLength-1)*a.tracegroupgap);else{var w=A(a),T=a.x<0||0===a.x&&\"right\"===w,k=a.x>1||1===a.x&&\"left\"===w,M=y||v,E=i.width/2;a._maxWidth=Math.max(T?M&&\"left\"===w?o.l+o.w:E:k?M&&\"right\"===w?o.r+o.w:E:o.w,2*f);var C=0,L=0;r.each((function(t){var e=t[0].width+f;C=Math.max(C,e),L+=e})),x=null;var P=0;if(l){var I=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+d+n/2+e),e+=n,t=Math.max(t,f+r[0].width)})),I=Math.max(I,e);var r=t+d;r+u+z>a._maxWidth&&(P=Math.max(P,z),z=0,O+=I+a.tracegroupgap,I=e),c.setTranslate(this,z,O),z+=r})),a._width=Math.max(P,z)+u,a._height=O+I+g}else{var D=r.size(),R=L+h+(D-1)*d=a._maxWidth&&(P=Math.max(P,j),B=0,N+=F,a._height+=F,F=0),c.setTranslate(this,_[0]+u+B,_[1]+u+N+e/2+d),j=B+r+d,B+=n,F=Math.max(F,e)})),R?(a._width=B+h,a._height=F+g):(a._width=Math.max(P,j)+h,a._height+=F+g)}}a._width=Math.ceil(Math.max(a._width+_[0],a._titleWidth+2*(u+p.titlePad))),a._height=Math.ceil(Math.max(a._height+_[1],a._titleHeight+2*(u+p.itemGap))),a._effHeight=Math.min(a._height,a._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,a=V?f:x||f+t[0].width;s||(a+=d/2),c.setRect(e,0,-r/2,a,r)}))}(t,z,O,e)},function(){if(!e._main||!function(t){var e=t._fullLayout.legend,r=A(e),n=S(e);return i.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,f,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=a.constrain(w,0,s.width-e._width),k=a.constrain(k,0,s.height-e._effHeight),w!==M&&a.log(\"Constrain legend.x to make legend fit inside graph\"),k!==L&&a.log(\"Constrain legend.y to make legend fit inside graph\")}if(e._main&&c.setTranslate(g,w,k),I.on(\".drag\",null),g.on(\"wheel\",null),!e._main||e._height<=e._maxHeight||t._context.staticPlot){var P=e._effHeight;e._main||(P=e._height),E.attr({width:e._width-b,height:P-b,x:b/2,y:b/2}),c.setTranslate(C,0,0),T.select(\"rect\").attr({width:e._width-2*b,height:P-2*b,x:b,y:b}),c.setClipUrl(C,h,t),c.setRect(I,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,h,t),q(j,R,N),g.on(\"wheel\",(function(){q(j=a.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 a.constrain(n,0,B)}(D,z,O),R,N))}));I.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 a.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,a=y+r;c.setTranslate(g,n,a),u=l.align(n,0,x.l,x.l+x.w,e.xanchor),f=l.align(a,0,x.t+x.h,x.t,e.yanchor)},doneFn:function(){void 0!==u&&void 0!==f&&o.call(\"_guiRelayout\",t,{\"legend.x\":u,\"legend.y\":f})},clickFn:function(e,n){var a=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}));a.size()>0&&_(t,g,a,e,n)}})}function q(r,n,a){e._scrollY=t._fullLayout.legend._scrollY=r,c.setTranslate(C,0,-r),c.setRect(I,e._width,p.scrollBarMargin+r*a,p.scrollBarWidth,n),T.select(\"rect\").attr(\"y\",b+r)}}],t)}}},{\"../../constants/alignment\":717,\"../../lib\":749,\"../../lib/events\":738,\"../../lib/svg_text_utils\":773,\"../../plots/plots\":861,\"../../registry\":881,\"../color\":615,\"../dragelement\":634,\"../drawing\":637,\"./constants\":666,\"./get_legend_data\":669,\"./handle_click\":670,\"./helpers\":671,\"./style\":673,d3:169}],669:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),a=t(\"./helpers\");e.exports=function(t,e){var r,i,o={},s=[],l=!1,c={},u=0,h=0,f=e._main;function p(t,r){if(\"\"!==t&&a.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;a=e.width}return d?n:Math.min(a,r)};function m(t,e,r){var i=t[0].trace,o=i.marker||{},l=o.line||{},c=r?i.visible&&i.type===r:a.traceIs(i,\"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\",\"translate(20,0)\"),u.exit().remove(),u.each((function(t){var e=n.select(this),r=t[0],a=g(r.mlw,o.line,5,2);e.style(\"stroke-width\",a+\"px\").call(s.fill,r.mc||o.color),a&&s.stroke(e,r.mlc||l.color)}))}function v(t,e,r){var o=t[0],s=o.trace,l=r?s.visible&&s.type===r:a.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\",\"translate(20,0)\"),c.exit().remove(),c.size()){var f=(s.marker||{}).line,p=g(h(f.width,o.pts),f,5,2),d=i.minExtend(s,{marker:{line:{width:p}}});d.marker.line.color=f.color;var m=i.minExtend(o,{trace:d});u(c,m,d)}}t.each((function(t){var e=n.select(this),a=i.ensureSingle(e,\"g\",\"layers\");a.style(\"opacity\",t[0].trace.opacity);var o=r.valign,s=t[0].lineHeight,l=t[0].height;if(\"middle\"!==o&&s&&l){var c={top:1,bottom:-1}[o]*(.5*(s-l+3));a.attr(\"transform\",\"translate(0,\"+c+\")\")}else a.attr(\"transform\",null);a.selectAll(\"g.legendfill\").data([t]).enter().append(\"g\").classed(\"legendfill\",!0),a.selectAll(\"g.legendlines\").data([t]).enter().append(\"g\").classed(\"legendlines\",!0);var u=a.selectAll(\"g.legendsymbols\").data([t]);u.enter().append(\"g\").classed(\"legendsymbols\",!0),u.selectAll(\"g.legendpoints\").data([t]).enter().append(\"g\").classed(\"legendpoints\",!0)})).each((function(t){var r,a=t[0].trace,c=[];if(a.visible)switch(a.type){case\"histogram2d\":case\"heatmap\":c=[[\"M-15,-2V4H15V-2Z\"]],r=!0;break;case\"choropleth\":case\"choroplethmapbox\":c=[[\"M-6,-6V6H6V-6Z\"]],r=!0;break;case\"densitymapbox\":c=[[\"M-6,0 a6,6 0 1,0 12,0 a 6,6 0 1,0 -12,0\"]],r=\"radial\";break;case\"cone\":c=[[\"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\":c=[[\"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\":c=[[\"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\":c=[[\"M-6,6H0L-6,-6Z\"],[\"M6,6H0L6,-6Z\"],[\"M-6,-6H6L0,6Z\"]],r=!1;break;case\"volume\":c=[[\"M-6,6H0L-6,-6Z\"],[\"M6,6H0L6,-6Z\"],[\"M-6,-6H6L0,6Z\"]],r=!0;break;case\"isosurface\":c=[[\"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(c);u.enter().append(\"path\").classed(\"legend3dandfriends\",!0).attr(\"transform\",\"translate(20,0)\").style(\"stroke-miterlimit\",1),u.exit().remove(),u.each((function(t,c){var u,h=n.select(this),p=l(a),d=p.colorscale,g=p.reversescale;if(d){if(!r){var m=d.length;u=0===c?d[g?m-1:0][1]:1===c?d[g?0:m-1][1]:d[Math.floor((m-1)/2)][1]}}else{var v=a.vertexcolor||a.facecolor||a.color;u=i.isArrayOrTypedArray(v)?v[c]||v[0]:v}h.attr(\"d\",t[0]),u?h.call(s.fill,u):h.call((function(t){if(t.size()){var n=\"legendfill-\"+a.uid;o.gradient(t,e,n,f(g,\"radial\"===r),d,\"fill\")}}))}))})).each((function(t){var e=t[0].trace,r=\"waterfall\"===e.type;if(t[0]._distinct&&r){var a=t[0].trace[t[0].dir].marker;return t[0].mc=a.color,t[0].mlw=a.line.width,t[0].mlc=a.line.color,m(t,this,\"waterfall\")}var i=[];e.visible&&r&&(i=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(i);o.enter().append(\"path\").classed(\"legendwaterfall\",!0).attr(\"transform\",\"translate(20,0)\").style(\"stroke-miterlimit\",1),o.exit().remove(),o.each((function(t){var r=n.select(this),a=e[t[0]].marker,i=g(void 0,a.line,5,2);r.attr(\"d\",t[1]).style(\"stroke-width\",i+\"px\").call(s.fill,a.color),i&&r.call(s.stroke,a.line.color)}))})).each((function(t){m(t,this,\"funnel\")})).each((function(t){m(t,this)})).each((function(t){var r=t[0].trace,l=n.select(this).select(\"g.legendpoints\").selectAll(\"path.legendbox\").data(r.visible&&a.traceIs(r,\"box-violin\")?[t]:[]);l.enter().append(\"path\").classed(\"legendbox\",!0).attr(\"d\",\"M6,6H-6V-6H6Z\").attr(\"transform\",\"translate(20,0)\"),l.exit().remove(),l.each((function(){var t=n.select(this);if(\"all\"!==r.boxpoints&&\"all\"!==r.points||0!==s.opacity(r.fillcolor)||0!==s.opacity((r.line||{}).color)){var a=g(void 0,r.line,5,2);t.style(\"stroke-width\",a+\"px\").call(s.fill,r.fillcolor),a&&s.stroke(t,r.line.color)}else{var c=i.minExtend(r,{marker:{size:d?12:i.constrain(r.marker.size,2,16),sizeref:1,sizemin:1,sizemode:\"diameter\"}});l.call(o.pointStyle,c,e)}}))})).each((function(t){v(t,this,\"funnelarea\")})).each((function(t){v(t,this,\"pie\")})).each((function(t){var r,a,s=t[0],u=s.trace,h=u.visible&&u.fill&&\"none\"!==u.fill,p=c.hasLines(u),d=u.contours,m=!1,v=!1,y=l(u),x=y.colorscale,b=y.reversescale;if(d){var _=d.coloring;\"lines\"===_?m=!0:p=\"none\"===_||\"heatmap\"===_||d.showlines,\"constraint\"===d.type?h=\"=\"!==d._operation:\"fill\"!==_&&\"heatmap\"!==_||(v=!0)}var w=c.hasMarkers(u)||c.hasText(u),T=h||v,k=p||m,M=w||!T?\"M5,0\":k?\"M5,-2\":\"M5,-3\",A=n.select(this),S=A.select(\".legendfill\").selectAll(\"path\").data(h||v?[t]:[]);if(S.enter().append(\"path\").classed(\"js-fill\",!0),S.exit().remove(),S.attr(\"d\",M+\"h30v6h-30z\").call(h?o.fillGroupStyle:function(t){if(t.size()){var r=\"legendfill-\"+u.uid;o.gradient(t,e,r,f(b),x,\"fill\")}}),p||m){var E=g(void 0,u.line,10,5);a=i.minExtend(u,{line:{width:E}}),r=[i.minExtend(s,{trace:a})]}var C=A.select(\".legendlines\").selectAll(\"path\").data(p||m?[r]:[]);C.enter().append(\"path\").classed(\"js-line\",!0),C.exit().remove(),C.attr(\"d\",M+(m?\"l30,0.0001\":\"h30\")).call(p?o.lineGroupStyle:function(t){if(t.size()){var r=\"legendline-\"+u.uid;o.lineGroupStyle(t),o.gradient(t,e,r,f(b),x,\"stroke\")}})})).each((function(t){var r,a,s=t[0],l=s.trace,u=c.hasMarkers(l),h=c.hasText(l),f=c.hasLines(l);function p(t,e,r,n){var a=i.nestedProperty(l,t).get(),o=i.isArrayOrTypedArray(a)&&e?e(a):a;if(d&&o&&void 0!==n&&(o=n),r){if(or[1])return r[1]}return o}function g(t){return s._distinct&&s.index&&t[s.index]?t[s.index]:t[0]}if(u||h||f){var m={},v={};if(u){m.mc=p(\"marker.color\",g),m.mx=p(\"marker.symbol\",g),m.mo=p(\"marker.opacity\",i.mean,[.2,1]),m.mlc=p(\"marker.line.color\",g),m.mlw=p(\"marker.line.width\",i.mean,[0,5],2),v.marker={sizeref:1,sizemin:1,sizemode:\"diameter\"};var y=p(\"marker.size\",i.mean,[2,16],12);m.ms=y,v.marker.size=y}f&&(v.line={width:p(\"line.width\",g,[0,10],5)}),h&&(m.tx=\"Aa\",m.tp=p(\"textposition\",g),m.ts=10,m.tc=p(\"textfont.color\",g),m.tf=p(\"textfont.family\",g)),r=[i.minExtend(s,m)],(a=i.minExtend(l,v)).selectedpoints=null,a.texttemplate=null}var x=n.select(this).select(\"g.legendpoints\"),b=x.selectAll(\"path.scatterpts\").data(u?r:[]);b.enter().insert(\"path\",\":first-child\").classed(\"scatterpts\",!0).attr(\"transform\",\"translate(20,0)\"),b.exit().remove(),b.call(o.pointStyle,a,e),u&&(r[0].mrc=3);var _=x.selectAll(\"g.pointtext\").data(h?r:[]);_.enter().append(\"g\").classed(\"pointtext\",!0).append(\"text\").attr(\"transform\",\"translate(20,0)\"),_.exit().remove(),_.selectAll(\"text\").call(o.textPointStyle,a,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\",\"translate(20,0)\").style(\"stroke-miterlimit\",1),r.exit().remove(),r.each((function(t,r){var a=n.select(this),i=e[r?\"increasing\":\"decreasing\"],o=g(void 0,i.line,5,2);a.style(\"stroke-width\",o+\"px\").call(s.fill,i.fillcolor),o&&s.stroke(a,i.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\",\"translate(20,0)\").style(\"stroke-miterlimit\",1),r.exit().remove(),r.each((function(t,r){var a=n.select(this),i=e[r?\"increasing\":\"decreasing\"],l=g(void 0,i.line,5,2);a.style(\"fill\",\"none\").call(o.dashLine,i.line.dash,l),l&&s.stroke(a,i.line.color)}))}))}},{\"../../lib\":749,\"../../registry\":881,\"../../traces/pie/helpers\":1135,\"../../traces/pie/style_one\":1141,\"../../traces/scatter/subtypes\":1181,\"../color\":615,\"../colorscale/helpers\":626,\"../drawing\":637,d3:169}],674:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),a=t(\"../../plots/plots\"),i=t(\"../../plots/cartesian/axis_ids\"),o=t(\"../../fonts/ploticon\"),s=t(\"../shapes/draw\").eraseActiveShape,l=t(\"../../lib\"),c=l._,u=e.exports={};function h(t,e){var r,a,o=e.currentTarget,s=o.getAttribute(\"data-attr\"),l=o.getAttribute(\"data-val\")||!0,c=t._fullLayout,u={},h=i.list(t,null,!0),f=c._cartesianSpikesEnabled;if(\"zoom\"===s){var p,d=\"in\"===l?.5:2,g=(1+d)/2,m=(1-d)/2;for(a=0;a1?(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\"];f&&(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})),a=0,i=0;i=n.max)e=R[r+1];else if(t=n.pmax)e=R[r+1];else if(t0?f+c:c;return{ppad:c,ppadplus:u?d:g,ppadminus:u?g:d}}return{ppad:c}}function u(t,e,r,n,a){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,h,f=1/0,p=-1/0,d=n.match(i.segmentRE);for(\"date\"===t.type&&(s=o.decodeDate(s)),l=0;lp&&(p=h)));return p>=f?[f,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=h,E=\"y0\",M=y,C=\"y1\"):(k=y,E=\"y1\",M=h,C=\"y0\");W(n),J(s,r),function(t,e,r){var n=e.xref,a=e.yref,o=i.getFromId(r,n),s=i.getFromId(r,a),l=\"\";\"paper\"===n||o.autorange||(l+=n);\"paper\"===a||s.autorange||(l+=a);u.setClipUrl(t,l?\"clip\"+r._fullLayout._uid+l:null,r)}(e,r,t),Y.moveFn=\"move\"===z?Z:X,Y.altKey=n.altKey},doneFn:function(){if(v(t))return;p(e),K(s),b(e,t,r),n.call(\"_guiRelayout\",t,l.getUpdateObj())},clickFn:function(){if(v(t))return;K(s)}};function W(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=Y.element.getBoundingClientRect(),a=n.right-n.left,i=n.bottom-n.top,o=r.clientX-n.left,s=r.clientY-n.top,l=!F&&a>10&&i>10&&!r.shiftKey?f.getCursor(o/a,1-s/i):\"move\";p(e,l),z=l.split(\"-\")[0]}}function Z(n,a){if(\"path\"===r.type){var i=function(t){return t},o=i,l=i;O?B(\"xanchor\",r.xanchor=q(x+n)):(o=function(t){return q(U(t)+n)},N&&\"date\"===N.type&&(o=g.encodeDate(o))),D?B(\"yanchor\",r.yanchor=H(T+a)):(l=function(t){return H(V(t)+a)},j&&\"date\"===j.type&&(l=g.encodeDate(l))),B(\"path\",r.path=w(I,o,l))}else O?B(\"xanchor\",r.xanchor=q(x+n)):(B(\"x0\",r.x0=q(c+n)),B(\"x1\",r.x1=q(m+n))),D?B(\"yanchor\",r.yanchor=H(T+a)):(B(\"y0\",r.y0=H(h+a)),B(\"y1\",r.y1=H(y+a)));e.attr(\"d\",_(t,r)),J(s,r)}function X(n,a){if(F){var i=function(t){return t},o=i,l=i;O?B(\"xanchor\",r.xanchor=q(x+n)):(o=function(t){return q(U(t)+n)},N&&\"date\"===N.type&&(o=g.encodeDate(o))),D?B(\"yanchor\",r.yanchor=H(T+a)):(l=function(t){return H(V(t)+a)},j&&\"date\"===j.type&&(l=g.encodeDate(l))),B(\"path\",r.path=w(I,o,l))}else if(R){if(\"resize-over-start-point\"===z){var u=c+n,f=D?h-a:h+a;B(\"x0\",r.x0=O?u:q(u)),B(\"y0\",r.y0=D?f:H(f))}else if(\"resize-over-end-point\"===z){var p=m+n,d=D?y-a:y+a;B(\"x1\",r.x1=O?p:q(p)),B(\"y1\",r.y1=D?d:H(d))}}else{var v=function(t){return-1!==z.indexOf(t)},b=v(\"n\"),G=v(\"s\"),Y=v(\"w\"),W=v(\"e\"),Z=b?k+a:k,X=G?M+a:M,K=Y?A+n:A,Q=W?S+n:S;D&&(b&&(Z=k-a),G&&(X=M-a)),(!D&&X-Z>10||D&&Z-X>10)&&(B(E,r[E]=D?Z:H(Z)),B(C,r[C]=D?X:H(X))),Q-K>10&&(B(L,r[L]=O?K:q(K)),B(P,r[P]=O?Q:q(Q)))}e.attr(\"d\",_(t,r)),J(s,r)}function J(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 i=U(O?e.xanchor:a.midRange(r?[e.x0,e.x1]:g.extractPathCoords(e.path,d.paramIsX))),o=V(D?e.yanchor:a.midRange(r?[e.y0,e.y1]:g.extractPathCoords(e.path,d.paramIsY)));if(i=g.roundPositionForSharpStrokeRendering(i,1),o=g.roundPositionForSharpStrokeRendering(o,1),O&&D){var s=\"M\"+(i-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\"+(i-1-1)+\",\"+(o-9-1)+\"v18 h2 v-18 Z\";n.attr(\"d\",l)}else{var c=\"M\"+(i-9-1)+\",\"+(o-1-1)+\"h18 v2 h-18 Z\";n.attr(\"d\",c)}}()}function K(t){t.selectAll(\".visual-cue\").remove()}f.init(Y),G.node().onmousemove=W}(t,O,l,e,r,z):!0===l.editable&&O.style(\"pointer-events\",P||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,\"\");u.setClipUrl(t,n?\"clip\"+e._fullLayout._uid+n:null,e)}function _(t,e){var r,n,o,s,l,c,u,h,f=e.type,p=i.getFromId(t,e.xref),m=i.getFromId(t,e.yref),v=t._fullLayout._size;if(p?(r=g.shapePositionToRange(p),n=function(t){return p._offset+p.r2p(r(t,!0))}):n=function(t){return v.l+v.w*t},m?(o=g.shapePositionToRange(m),s=function(t){return m._offset+m.r2p(o(t,!0))}):s=function(t){return v.t+v.h*(1-t)},\"path\"===f)return p&&\"date\"===p.type&&(n=g.decodeDate(n)),m&&\"date\"===m.type&&(s=g.decodeDate(s)),function(t,e,r){var n=t.path,i=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],h=d.paramIsY[c],f=d.numParams[c],p=t.substr(1).replace(d.paramRE,(function(t){return u[n]?t=\"pixel\"===i?e(s)+Number(t):e(t):h[n]&&(t=\"pixel\"===o?r(l)-Number(t):r(t)),++n>f&&(t=\"X\"),t}));return n>f&&(p=p.replace(/[\\s,]*X.*/,\"\"),a.log(\"Ignoring extra params in segment \"+t)),c+p}))}(e,n,s);if(\"pixel\"===e.xsizemode){var y=n(e.xanchor);l=y+e.x0,c=y+e.x1}else l=n(e.x0),c=n(e.x1);if(\"pixel\"===e.ysizemode){var x=s(e.yanchor);u=x-e.y0,h=x-e.y1}else u=s(e.y0),h=s(e.y1);if(\"line\"===f)return\"M\"+l+\",\"+u+\"L\"+c+\",\"+h;if(\"rect\"===f)return\"M\"+l+\",\"+u+\"H\"+c+\"V\"+h+\"H\"+l+\"Z\";var b=(l+c)/2,_=(u+h)/2,w=Math.abs(b-l),T=Math.abs(_-u),k=\"A\"+w+\",\"+T,M=b+w+\",\"+_;return\"M\"+M+k+\" 0 1,1 \"+(b+\",\"+(_-T))+k+\" 0 0,1 \"+M+\"Z\"}function w(t,e,r){return t.replace(d.segmentRE,(function(t){var n=0,a=t.charAt(0),i=d.paramIsX[a],o=d.paramIsY[a],s=d.numParams[a];return a+t.substr(1).replace(d.paramRE,(function(t){return n>=s||(i[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&&h(v),r.attr(\"d\",g(e)),M&&!f)&&(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 I(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\",\"translate(\"+(o-.5*u.gripWidth)+\",\"+e._dims.currentValueTotalHeight+\")\")}}function S(t,e){var r=t._dims;return r.inputAreaStart+u.stepInset+(r.inputAreaLength-2*u.stepInset)*Math.min(1,Math.max(0,e))}function E(t,e){var r=t._dims;return Math.min(1,Math.max(0,(e-u.stepInset-r.inputAreaStart)/(r.inputAreaLength-2*u.stepInset-2*r.inputAreaStart)))}function C(t,e,r){var n=r._dims,a=s.ensureSingle(t,\"rect\",u.railTouchRectClass,(function(n){n.call(k,e,t,r).style(\"pointer-events\",\"all\")}));a.attr({width:n.inputAreaLength,height:Math.max(n.inputAreaWidth,u.tickOffset+r.ticklen+n.labelHeight)}).call(i.fill,r.bgcolor).attr(\"opacity\",0),o.setTranslate(a,0,n.currentValueTotalHeight)}function L(t,e){var r=e._dims,n=r.inputAreaLength-2*u.railInset,a=s.ensureSingle(t,\"rect\",u.railRectClass);a.attr({width:n,height:u.railWidth,rx:u.railRadius,ry:u.railRadius,\"shape-rendering\":\"crispEdges\"}).call(i.stroke,e.bordercolor).call(i.fill,e.bgcolor).style(\"stroke-width\",e.borderwidth+\"px\"),o.setTranslate(a,u.railInset,.5*(r.inputAreaWidth-u.railWidth)+r.currentValueTotalHeight)}e.exports=function(t){var e=t._fullLayout,r=function(t,e){for(var r=t[u.name],n=[],a=0;a0?[0]:[]);function s(e){e._commandObserver&&(e._commandObserver.remove(),delete e._commandObserver),a.autoMargin(t,g(e))}if(i.enter().append(\"g\").classed(u.containerClassName,!0).style(\"cursor\",\"ew-resize\"),i.exit().each((function(){n.select(this).selectAll(\"g.\"+u.groupClassName).each(s)})).remove(),0!==r.length){var l=i.selectAll(\"g.\"+u.groupClassName).data(r,m);l.enter().append(\"g\").classed(u.groupClassName,!0),l.exit().each(s).remove();for(var c=0;c0||h<0){var m={left:[-p,0],right:[p,0],top:[0,-p],bottom:[0,p]}[x.side];e.attr(\"transform\",\"translate(\"+m+\")\")}}}return O.call(D),I&&(S?O.on(\".opacity\",null):(k=0,M=!0,O.text(v).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)}))),O.call(u.makeEditable,{gd:t}).on(\"edit\",(function(e){void 0!==y?o.call(\"_guiRestyle\",t,m,e,y):o.call(\"_guiRelayout\",t,m,e)})).on(\"cancel\",(function(){this.text(this.attr(\"data-unformatted\")).call(D)})).on(\"input\",(function(t){this.text(t||\" \").call(u.positionText,b.x,b.y)}))),O.classed(\"js-placeholder\",M),w}}},{\"../../constants/alignment\":717,\"../../constants/interactions\":723,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../../plots/plots\":861,\"../../registry\":881,\"../color\":615,\"../drawing\":637,d3:169,\"fast-isnumeric\":241}],711:[function(t,e,r){\"use strict\";var n=t(\"../../plots/font_attributes\"),a=t(\"../color/attributes\"),i=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:i(s({editType:\"arraydraw\"}),{}),font:n({}),bgcolor:{valType:\"color\"},bordercolor:{valType:\"color\",dflt:a.borderLine},borderwidth:{valType:\"number\",min:0,dflt:1,editType:\"arraydraw\"}}),\"arraydraw\",\"from-root\")},{\"../../lib/extend\":739,\"../../plot_api/edit_types\":780,\"../../plot_api/plot_template\":787,\"../../plots/font_attributes\":826,\"../../plots/pad_attributes\":860,\"../color/attributes\":614}],712:[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\"}}},{}],713:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../plots/array_container_defaults\"),i=t(\"./attributes\"),o=t(\"./constants\").name,s=i.buttons;function l(t,e,r){function o(r,a){return n.coerce(t,e,i,r,a)}o(\"visible\",a(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,a){return n.coerce(t,e,s,r,a)}r(\"visible\",\"skip\"===t.method||Array.isArray(t.args))&&(r(\"method\"),r(\"args\"),r(\"args2\"),r(\"label\"),r(\"execute\"))}e.exports=function(t,e){a(t,e,{name:o,handleItemDefaults:l})}},{\"../../lib\":749,\"../../plots/array_container_defaults\":793,\"./attributes\":711,\"./constants\":712}],714:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../plots/plots\"),i=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,h=t(\"./constants\"),f=t(\"./scrollbox\");function p(t){return t._index}function d(t,e){return+t.attr(h.menuIndexAttrName)===e._index}function g(t,e,r,n,a,i,o,s){e.active=o,c(t.layout,h.name,e).applyUpdate(\"active\",o),\"buttons\"===e.type?v(t,n,null,null,e):\"dropdown\"===e.type&&(a.attr(h.menuIndexAttrName,\"-1\"),m(t,n,a,i,e),s||v(t,n,a,i,e))}function m(t,e,r,n,a){var i=s.ensureSingle(e,\"g\",h.headerClassName,(function(t){t.style(\"pointer-events\",\"all\")})),l=a._dims,c=a.active,u=a.buttons[c]||h.blankHeaderOpts,f={y:a.pad.t,yPad:0,x:a.pad.l,xPad:0,index:0},p={width:l.headerWidth,height:l.headerHeight};i.call(y,a,u,t).call(A,a,f,p),s.ensureSingle(e,\"text\",h.headerArrowClassName,(function(t){t.attr(\"text-anchor\",\"end\").call(o.font,a.font).text(h.arrowSymbol[a.direction])})).attr({x:l.headerWidth-h.arrowOffsetX+a.pad.l,y:l.headerHeight/2+h.textOffsetY+a.pad.t}),i.on(\"click\",(function(){r.call(S,String(d(r,a)?-1:a._index)),v(t,e,r,n,a)})),i.on(\"mouseover\",(function(){i.call(w)})),i.on(\"mouseout\",(function(){i.call(T,a)})),o.setTranslate(e,l.lx,l.ly)}function v(t,e,r,i,o){r||(r=e).attr(\"pointer-events\",\"all\");var l=function(t){return-1==+t.attr(h.menuIndexAttrName)}(r)&&\"buttons\"!==o.type?[]:o.buttons,c=\"dropdown\"===o.type?h.dropdownButtonClassName:h.buttonClassName,u=r.selectAll(\"g.\"+c).data(s.filterVisible(l)),f=u.enter().append(\"g\").classed(c,!0),p=u.exit();\"dropdown\"===o.type?(f.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+h.gapButtonHeader:d=v.headerWidth+h.gapButtonHeader),\"dropdown\"===o.type&&\"up\"===o.direction&&(m=-h.gapButtonHeader+h.gapButton-v.openHeight),\"dropdown\"===o.type&&\"left\"===o.direction&&(d=-h.gapButtonHeader+h.gapButton-v.openWidth);var b={x:v.lx+d+o.pad.l,y:v.ly+m+o.pad.t,yPad:h.gapButton,xPad:h.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,i,-1),a.executeAPICommand(t,s.method,s.args2)):(g(t,o,0,e,r,i,l),a.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,i&&(u.size()?function(t,e,r,n,a,i){var o,s,l,c=a.direction,u=\"up\"===c||\"down\"===c,f=a._dims,p=a.active;if(u)for(s=0,l=0;l0?[0]:[]);if(o.enter().append(\"g\").classed(h.containerClassName,!0).style(\"cursor\",\"pointer\"),o.exit().each((function(){n.select(this).selectAll(\"g.\"+h.headerGroupClassName).each(i)})).remove(),0!==r.length){var l=o.selectAll(\"g.\"+h.headerGroupClassName).data(r,p);l.enter().append(\"g\").classed(h.headerGroupClassName,!0);for(var c=s.ensureSingle(o,\"g\",h.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(a.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,P=s.barWidth+2*s.barPad,I=s.barLength+2*s.barPad,z=d+g,O=m;z+P>l&&(z=l-P);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(a.fill,s.barColor),L?(this.vbar=D.attr({rx:s.barRadius,ry:s.barRadius,x:z,y:O,width:P,height:I}),this._vbarYMin=O+I/2,this._vbarTranslateMax=T-I):(delete this.vbar,delete this._vbarYMin,delete this._vbarTranslateMax);var R=this.id,F=u-.5,B=L?h+P+.5:h+.5,N=f-.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(i.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(i.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(i.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,a=r+this._hbarTranslateMax;t=(o.constrain(n.event.x,r,a)-r)/(a-r)*(this.position.w-this._box.w)}if(this.vbar){var i=e+this._vbarYMin,s=i+this._vbarTranslateMax;e=(o.constrain(n.event.y,i,s)-i)/(s-i)*(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(i.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 a=t/r;this.hbar.call(i.setTranslate,t+a*this._hbarTranslateMax,e)}if(this.vbar){var s=e/n;this.vbar.call(i.setTranslate,t,e+s*this._vbarTranslateMax)}}},{\"../../lib\":749,\"../color\":615,\"../drawing\":637,d3:169}],717:[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\"}}},{}],718:[function(t,e,r){\"use strict\";e.exports={INCREASING:{COLOR:\"#3D9970\",SYMBOL:\"\\u25b2\"},DECREASING:{COLOR:\"#FF4136\",SYMBOL:\"\\u25bc\"}}},{}],719:[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\"}},{}],720:[function(t,e,r){\"use strict\";e.exports={COMPARISON_OPS:[\"=\",\"!=\",\"<\",\">=\",\">\",\"<=\"],COMPARISON_OPS2:[\"=\",\"<\",\">=\",\">\",\"<=\"],INTERVAL_OPS:[\"[]\",\"()\",\"[)\",\"(]\",\"][\",\")(\",\"](\",\")[\"],SET_OPS:[\"{}\",\"}{\"],CONSTRAINT_REDUCTION:{\"=\":\"=\",\"<\":\"<\",\"<=\":\"<\",\">\":\">\",\">=\":\">\",\"[]\":\"[]\",\"()\":\"[]\",\"[)\":\"[]\",\"(]\":\"[]\",\"][\":\"][\",\")(\":\"][\",\"](\":\"][\",\")[\":\"][\"}}},{}],721:[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]}},{}],722:[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\"}},{}],723:[function(t,e,r){\"use strict\";e.exports={SHOW_PLACEHOLDER:100,HIDE_PLACEHOLDER:1e3,DESELECTDIM:.2}},{}],724:[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\"}},{}],725:[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}},{}],726:[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\"),a=r.register=n.register,i=t(\"./plot_api\"),o=Object.keys(i),s=0;splotly-logomark\"}}},{}],729:[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}},{}],730:[function(t,e,r){\"use strict\";var n=t(\"./mod\"),a=n.mod,i=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 i(e-t,s)}function u(t,e){if(l(e))return!0;var r,n;e[0](n=a(n,s))&&(n+=s);var i=a(t,s),o=i+s;return i>=r&&i<=n||o>=r&&o<=n}function h(t,e,r,n,a,i,c){a=a||0,i=i||0;var u,h,f,p,d,g=l([r,n]);function m(t,e){return[t*Math.cos(e)+a,i-t*Math.sin(e)]}g?(u=0,h=o,f=s):r=a&&t<=i);var a,i},pathArc:function(t,e,r,n,a){return h(null,t,e,r,n,a,0)},pathSector:function(t,e,r,n,a){return h(null,t,e,r,n,a,1)},pathAnnulus:function(t,e,r,n,a,i){return h(t,e,r,n,a,i,1)}}},{\"./mod\":756}],731:[function(t,e,r){\"use strict\";var n=Array.isArray,a=\"undefined\"!=typeof ArrayBuffer&&ArrayBuffer.isView?ArrayBuffer:{isView:function(){return!1}},i=\"undefined\"==typeof DataView?function(){}:DataView;function o(t){return a.isView(t)&&!(t instanceof i)}function s(t){return n(t)||o(t)}function l(t,e,r){if(s(t)){if(s(t[0])){for(var n=r,a=0;aa.max?e.set(r):e.set(+t)}},integer:{coerceFunction:function(t,e,r,a){t%1||!n(t)||void 0!==a.min&&ta.max?e.set(r):e.set(+t)}},string:{coerceFunction:function(t,e,r,n){if(\"string\"!=typeof t){var a=\"number\"==typeof t;!0!==n.strict&&a?e.set(String(t)):e.set(r)}else n.noBlank&&!t?e.set(r):e.set(t)}},color:{coerceFunction:function(t,e,r){a(t).isValid()?e.set(t):e.set(r)}},colorlist:{coerceFunction:function(t,e,r){Array.isArray(t)&&t.length&&t.every((function(t){return a(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 a=n.regex||c(r);\"string\"==typeof t&&a.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 a=t.split(\"+\"),i=0;i=n&&t<=a?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 P=m.getComponentMethod(\"calendars\",\"getCal\")(e);if(w){var I=\"i\"===M.charAt(M.length-1);M=parseInt(M,10),L=P.newDate(k,P.toMonthIndex(k,M,I),A)}else L=P.newDate(k,Number(M),A)}catch(t){return u}return L?(L.toJD()-g)*h+S*f+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\"),a=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*h,k=3*f,M=5*p;function A(t,e,r,n,a){if((e||r||n||a)&&(t+=\" \"+w(e,2)+\":\"+w(r,2),(n||a)&&(t+=\":\"+w(n,2),a))){for(var i=4;a%10==0;)i-=1,a/=10;t+=\".\"+w(a,i)}return t}r.ms2DateTime=function(t,e,r){if(\"number\"!=typeof t||!(t>=n&&t<=a))return u;e||(e=0);var i,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/h)+g,E=Math.floor(l(t,h));try{i=m.getComponentMethod(\"calendars\",\"getCal\")(r).fromJD(S).formatDate(\"yyyy-mm-dd\")}catch(t){i=v(\"G%Y-%m-%d\")(new Date(w))}if(\"-\"===i.charAt(0))for(;i.length<11;)i=\"-0\"+i.substr(1);else for(;i.length<10;)i=\"0\"+i;o=e=n+h&&t<=a-h))return u;var e=Math.floor(10*l(t+.05,1)),r=new Date(Math.round(t-e/10));return A(i(\"%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 a=new Date(Math.floor(e+.05));if(_(n))try{t=m.getComponentMethod(\"calendars\",\"worldCalFmt\")(t,e,n)}catch(t){return\"Invalid\"}return r(t)(a)}var C=[59,59.9,59.99,59.999,59.9999];r.formatDate=function(t,e,r,n,a,i){if(a=_(a)&&a,!e)if(\"y\"===r)e=i.year;else if(\"m\"===r)e=i.month;else{if(\"d\"!==r)return function(t,e){var r=l(t+.05,h),n=w(Math.floor(r/f),2)+\":\"+w(l(Math.floor(r/p),60),2);if(\"M\"!==e){o(e)||(e=0);var a=(100+Math.min(l(t/d,60),C[e])).toFixed(e).substr(1);e>0&&(a=a.replace(/0+$/,\"\").replace(/[\\.]$/,\"\")),n+=\":\"+a}return n}(t,r)+\"\\n\"+E(i.dayMonthYear,t,n,a);e=i.dayMonth+\"\\n\"+i.year}return E(e,t,n,a)};var L=3*h;r.incrementMonth=function(t,e,r){r=_(r)&&r;var n=l(t,h);if(t=Math.round(t-n),r)try{var a=Math.round(t/h)+g,i=m.getComponentMethod(\"calendars\",\"getCal\")(r),o=i.fromJD(a);return e%12?i.add(o,e,\"m\"):i.add(o,e/12,\"y\"),(o.toJD()-g)*h+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,a=0,i=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),a=0;ae?r[n++]=[t[a][0]+360,t[a][1]]:a===e?(r[n++]=t[a],r[n++]=[t[a][0],-90]):r[n++]=t[a];var i=f.tester(r);i.pts.pop(),l.push(i)}:function(t){l.push(f.tester(t))},i.type){case\"MultiPolygon\":for(r=0;ra&&(a=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 a[r]}switch(r.type){case\"FeatureCollection\":var f=r.features;for(n=0;n100?(clearInterval(i),n(\"Unexpected error while fetching from \"+t)):void a++}),50)}))}for(var o=0;o0&&(r.push(a),a=[])}return a.length>0&&r.push(a),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+h*g}}function l(t,e,r,n,a){var i=n*t+a*e;if(i<0)return n*n+a*a;if(i>r){var o=n-t,s=a-e;return o*o+s*s}var l=n*e-a*t;return l*l/r}r.segmentsIntersect=s,r.segmentDistance=function(t,e,r,n,a,i,o,c){if(s(t,e,r,n,a,i,o,c))return 0;var u=r-t,h=n-e,f=o-a,p=c-i,d=u*u+h*h,g=f*f+p*p,m=Math.min(l(u,h,d,a-t,i-e),l(u,h,d,o-t,c-e),l(f,p,g,t-a,e-i),l(f,p,g,r-a,n-i));return Math.sqrt(m)},r.getTextLocation=function(t,e,r,s){if(t===a&&s===i||(n={},a=t,i=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)),h=t.getPointAtLength(o(r,e)),f={x:(4*h.x+l.x+c.x)/6,y:(4*h.y+l.y+c.y)/6,theta:u};return n[r]=f,f},r.clearLocationCache=function(){a=null},r.getVisibleSegment=function(t,e,r){var n,a,i=e.left,o=e.right,s=e.top,l=e.bottom,c=0,u=t.getTotalLength(),h=u;function f(e){var r=t.getPointAtLength(e);0===e?n=r:e===u&&(a=r);var c=r.xo?r.x-o:0,h=r.yl?r.y-l:0;return Math.sqrt(c*c+h*h)}for(var p=f(c);p;){if((c+=p+r)>h)return;p=f(c)}for(p=f(h);p;){if(c>(h-=p+r))return;p=f(h)}return{min:c,max:h,len:h-c,total:u,isClosed:0===c&&h===u&&Math.abs(n.x-a.x)<.1&&Math.abs(n.y-a.y)<.1}},r.findPointOnPath=function(t,e,r,n){for(var a,i,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,h=0,f=0,p=s;h0?p=a:f=a,h++}return i}},{\"./mod\":756}],745:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"tinycolor2\"),i=t(\"color-normalize\"),o=t(\"../components/colorscale\"),s=t(\"../components/color/attributes\").defaultLine,l=t(\"./array\").isArrayOrTypedArray,c=i(s);function u(t,e){var r=t;return r[3]*=e,r}function h(t){if(n(t))return c;var e=i(t);return e.length?e:c}function f(t){return n(t)?t:1}e.exports={formatColor:function(t,e,r){var n,a,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):h,a=m?function(t,e){return void 0===t[e]?c:i(n(t[e]))}:h,s=v?function(t,e){return void 0===t[e]?1:f(t[e])}:f,m||v)for(var b=0;b1?(r*t+r*e)/r:t+e,a=String(n).length;if(a>16){var i=String(e).length;if(a>=String(t).length+i){var o=parseFloat(n).toPrecision(12);-1===o.indexOf(\"e+\")&&(n=+o)}}return n}},{}],749:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"d3-time-format\").utcFormat,i=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 h=t(\"./mod\");c.mod=h.mod,c.modHalf=h.modHalf;var f=t(\"./coerce\");c.valObjectMeta=f.valObjectMeta,c.coerce=f.coerce,c.coerce2=f.coerce2,c.coerceFont=f.coerceFont,c.coerceHoverinfo=f.coerceHoverinfo,c.coerceSelectionMarkerOpacity=f.coerceSelectionMarkerOpacity,c.validate=f.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.apply2DTransform=m.apply2DTransform,c.apply2DTransform2=m.apply2DTransform2;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],a=0;as?l:i(t)?Number(t):l:l},c.isIndex=function(t,e){return!(void 0!==e&&t>=e)&&(i(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,a){for(var i=t.length,o=new Array(i),s=0;s=Math.pow(2,r)?a>10?(c.warn(\"randstr failed uniqueness\"),l):t(e,r,n,(a||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,a,i,o=t.length,s=2*o,l=2*e-1,c=new Array(l),u=new Array(o);for(r=0;r=s&&(a-=s*Math.floor(a/s)),a<0?a=-1-a:a>=o&&(a=s-1-a),i+=t[a]*c[n];u[r]=i}return u},c.syncOrAsync=function(t,e,r){var n;function a(){return c.syncOrAsync(t,e,r)}for(;t.length;)if((n=(0,t.splice(0,1)[0])(e))&&n.then)return n.then(a).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,a=!1,i=!0;for(n=0;n0?e:0}))},c.fillArray=function(t,e,r,n){if(n=n||c.identity,c.isArrayOrTypedArray(t))for(var a=0;a1?a+o[1]:\"\";if(i&&(o.length>1||s.length>4||r))for(;n.test(s);)s=s.replace(n,\"$1\"+i+\"$2\");return s+l},c.TEMPLATE_STRING_REGEX=/%{([^\\s%{}:]*)([:|\\|][^}]*)?}/g;var P=/^\\w*$/;c.templateString=function(t,e){var r={};return t.replace(c.TEMPLATE_STRING_REGEX,(function(t,n){var a;return P.test(n)?a=e[n]:(r[n]=r[n]||c.nestedProperty(e,n).get,a=r[n]()),c.isValidTextValue(a)?a:\"\"}))};var I={max:10,count:0,name:\"hovertemplate\"};c.hovertemplateString=function(){return D.apply(I,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 i=this,o=arguments;e||(e={});var s={};return t.replace(c.TEMPLATE_STRING_REGEX,(function(t,l,u){var h,f,p,d;for(p=3;p=48&&o<=57,c=s>=48&&s<=57;if(l&&(n=10*n+o-48),c&&(a=10*a+s-48),!l||!c){if(n!==a)return n-a;if(o!==s)return o-s}}return a-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},a=c.extractOption(t,e,\"htx\",\"hovertext\");if(c.isValidTextValue(a))return n(a);var i=c.extractOption(t,e,\"tx\",\"text\");return c.isValidTextValue(i)?n(i):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&&(c=1):c=0,\"translate(\"+(a-c*(r+o))+\",\"+(i-c*(n+s))+\")\"+(c<1?\"scale(\"+c+\")\":\"\")+(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}},{\"../constants/numerical\":724,\"./anchor_utils\":729,\"./angles\":730,\"./array\":731,\"./clean_number\":732,\"./clear_responsive\":734,\"./coerce\":735,\"./dates\":736,\"./dom\":737,\"./extend\":739,\"./filter_unique\":740,\"./filter_visible\":741,\"./geometry2d\":744,\"./identity\":747,\"./increment\":748,\"./is_plain_object\":750,\"./keyed_container\":751,\"./localize\":752,\"./loggers\":753,\"./make_trace_groups\":754,\"./matrix\":755,\"./mod\":756,\"./nested_property\":757,\"./noop\":758,\"./notifier\":759,\"./push_unique\":763,\"./regex\":765,\"./relative_attr\":766,\"./relink_private\":767,\"./search\":768,\"./stats\":771,\"./throttle\":774,\"./to_log_range\":775,d3:169,\"d3-time-format\":166,\"fast-isnumeric\":241}],750:[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}},{}],751:[function(t,e,r){\"use strict\";var n=t(\"./nested_property\"),a=/^\\w*$/;e.exports=function(t,e,r,i){var o,s,l;r=r||\"name\",i=i||\"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],f.set(t,null);if(h){for(o=e;o1){var e=[\"LOG:\"];for(t=0;t1){var r=[];for(t=0;t\"),\"long\")}},i.warn=function(){var t;if(n.logging>0){var e=[\"WARN:\"];for(t=0;t0){var r=[];for(t=0;t\"),\"stick\")}},i.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\":785,\"./notifier\":759}],754:[function(t,e,r){\"use strict\";var n=t(\"d3\");e.exports=function(t,e,r){var a=t.selectAll(\"g.\"+r.replace(/\\s/g,\".\")).data(e,(function(t){return t[0].trace.uid}));a.exit().remove(),a.enter().append(\"g\").attr(\"class\",r),a.order();var i=t.classed(\"rangeplot\")?\"nodeRangePlot3\":\"node3\";return a.each((function(t){t[0][i]=n.select(this)})),a}},{d3:169}],755:[function(t,e,r){\"use strict\";r.init2dArray=function(t,e){for(var r=new Array(t),n=0;ne/2?t-Math.round(t/e)*e:t}}},{}],757:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"./array\").isArrayOrTypedArray;function i(t,e){return function(){var r,n,o,s,l,c=t;for(s=0;s/g),l=0;li||c===a||cs)&&(!e||!l(t))}:function(t,e){var l=t[0],c=t[1];if(l===a||li||c===a||cs)return!1;var u,h,f,p,d,g=r.length,m=r[0][0],v=r[0][1],y=0;for(u=1;uMath.max(h,m)||c>Math.max(f,v)))if(cu||Math.abs(n(o,f))>a)return!0;return!1},i.filter=function(t,e){var r=[t[0]],n=0,a=0;function o(o){t.push(o);var s=r.length,l=n;r.splice(a+1);for(var c=l+1;c1&&o(t.pop());return{addPt:o,raw:t,filtered:r}}},{\"../constants/numerical\":724,\"./matrix\":755}],762:[function(t,e,r){(function(r){\"use strict\";var n=t(\"./show_no_webgl_msg\"),a=t(\"regl\");e.exports=function(t,e){var i=t._fullLayout,o=!0;return i._glcanvas.each((function(n){if(!n.regl&&(!n.pick||i._has(\"parcoords\"))){try{n.regl=a({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:i._glcontainer.node()}),o}}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{\"./show_no_webgl_msg\":770,regl:512}],763:[function(t,e,r){\"use strict\";e.exports=function(t,e){if(e instanceof RegExp){for(var r=e.toString(),n=0;na.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 i,o,h=0,f=e.length,p=0,d=f>1?(e[f-1]-e[0])/(f-1):1;for(o=d>=0?r?s:l:r?u:c,t+=1e-9*d*(r?-1:1)*(d>=0?1:-1);h90&&a.log(\"Long binary search...\"),h-1},r.sorterAsc=function(t,e){return t-e},r.sorterDes=function(t,e){return e-t},r.distinctVals=function(t,e){var n,a=(e||{}).unitMinDiff,i=t.slice();for(i.sort(r.sorterAsc),n=i.length-1;n>-1&&i[n]===o;n--);var s=1;a||(s=i[n]-i[0]||1);for(var l,c=s/(n||1)/1e4,u=[],h=0;h<=n;h++){var f=i[h],p=f-l;void 0===l?(u.push(f),l=f):p>c&&(s=Math.min(s,p),u.push(f),l=f)}return{vals:u,minDiff:s}},r.roundUp=function(t,e,r){for(var n,a=0,i=e.length-1,o=0,s=r?0:1,l=r?1:0,c=r?Math.ceil:Math.floor;a0&&(n=1),r&&n)return t.sort(e)}return n?t:t.reverse()},r.findIndexOfMin=function(t,e){e=e||i;for(var r,n=1/0,a=0;ai.length)&&(o=i.length),n(e)||(e=!1),a(i[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\":731,\"fast-isnumeric\":241}],772:[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}],773:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../lib\"),i=t(\"../constants/xmlns_namespaces\"),o=t(\"../constants/alignment\").LINE_SPACING;function s(t,e){return t.node().getBoundingClientRect()[e]}var l=/([^$]*)([$]+[^$]*[$]+)([^$]*)/;r.convertToTspans=function(t,e,M){var A=t.text(),E=!t.attr(\"data-notex\")&&\"undefined\"!=typeof MathJax&&A.match(l),C=n.select(t.node().parentNode);if(!C.empty()){var L=t.attr(\"class\")?t.attr(\"class\").split(\" \")[0]:\"text\";return L+=\"-math\",C.selectAll(\"svg.\"+L).remove(),C.selectAll(\"g.\"+L+\"-group\").remove(),t.style(\"display\",null).attr({\"data-unformatted\":A,\"data-math\":\"N\"}),E?(e&&e._promises||[]).push(new Promise((function(e){t.style(\"display\",\"none\");var r=parseInt(t.node().style.fontSize,10),i={fontSize:r};!function(t,e,r){var i,o,s,l;MathJax.Hub.Queue((function(){return o=a.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\"!==(i=MathJax.Hub.config.menuSettings.renderer))return MathJax.Hub.setRenderer(\"SVG\")}),(function(){var r=\"math-output-\"+a.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(c,\"\\\\lt \").replace(u,\"\\\\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())a.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\"!==i)return MathJax.Hub.setRenderer(i)}),(function(){return void 0!==s&&(MathJax.Hub.processSectionDelay=s),MathJax.Hub.Config(o)}))}(E[2],i,(function(n,a,i){C.selectAll(\"svg.\"+L).remove(),C.selectAll(\"g.\"+L+\"-group\").remove();var o=n&&n.select(\"svg\");if(!o||!o.node())return P(),void e();var l=C.append(\"g\").classed(L+\"-group\",!0).attr({\"pointer-events\":\"none\",\"data-unformatted\":A,\"data-math\":\"Y\"});l.node().appendChild(o.node()),a&&a.node()&&o.node().insertBefore(a.node().cloneNode(!0),o.node().firstChild),o.attr({class:L,height:i.height,preserveAspectRatio:\"xMinYMin meet\"}).style({overflow:\"visible\",\"pointer-events\":\"none\"});var c=t.node().style.fill||\"black\",u=o.select(\"g\");u.attr({fill:c,stroke:c});var h=s(u,\"width\"),f=s(u,\"height\"),p=+t.attr(\"x\")-h*{start:0,middle:.5,end:1}[t.attr(\"text-anchor\")||\"start\"],d=-(r||s(t,\"height\"))/4;\"y\"===L[0]?(l.attr({transform:\"rotate(\"+[-90,+t.attr(\"x\"),+t.attr(\"y\")]+\") translate(\"+[-h/2,d-f/2]+\")\"}),o.attr({x:+t.attr(\"x\"),y:+t.attr(\"y\")})):\"l\"===L[0]?o.attr({x:t.attr(\"x\"),y:d-f/2}):\"a\"===L[0]&&0!==L.indexOf(\"atitle\")?o.attr({x:0,y:d}):o.attr({x:p,y:+t.attr(\"y\")+d-f/2}),M&&M.call(t,l),e(l)}))}))):P(),t}function P(){C.empty()||(L=t.attr(\"class\")+\"-math\",C.select(\"svg.\"+L).remove()),t.text(\"\").style(\"white-space\",\"pre\"),function(t,e){e=e.replace(g,\" \");var r,s=!1,l=[],c=-1;function u(){c++;var e=document.createElementNS(i.svg,\"tspan\");n.select(e).attr({class:\"line\",dy:c*o+\"em\"}),t.appendChild(e),r=e;var a=l;if(l=[{node:e}],a.length>1)for(var s=1;s doesnt match end tag <\"+t+\">. Pretending it did match.\",e),r=l[l.length-1].node}else a.log(\"Ignoring unexpected end tag .\",e)}y.test(e)?u():(r=t,l=[{node:t}]);for(var C=e.split(m),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\"},f={sub:\"0.3em\",sup:\"-0.6em\"},p={sub:\"-0.21em\",sup:\"0.42em\"},d=[\"http:\",\"https:\",\"mailto:\",\"\",void 0,\":\"],g=r.NEWLINES=/(\\r\\n?|\\n)/g,m=/(<[^<>]*>)/,v=/<(\\/?)([^ >]*)(\\s+(.*))?>/i,y=//i;r.BR_TAG_ALL=//gi;var x=/(^|[\\s\"'])style\\s*=\\s*(\"([^\"]*);?\"|'([^']*);?')/i,b=/(^|[\\s\"'])href\\s*=\\s*(\"([^\"]*)\"|'([^']*)')/i,_=/(^|[\\s\"'])target\\s*=\\s*(\"([^\"\\s]*)\"|'([^'\\s]*)')/i,w=/(^|[\\s\"'])popup\\s*=\\s*(\"([\\w=,]*)\"|'([\\w=,]*)')/i;function T(t,e){if(!t)return null;var r=t.match(e),n=r&&(r[3]||r[4]);return n&&S(n)}var k=/(^|;)\\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\"],a=\"...\".length,i=t.split(m),o=[],s=\"\",l=0,c=0;ca?o.push(u.substr(0,d-a)+\"...\"):o.push(u.substr(0,d));break}s=\"\"}}return o.join(\"\")};var M={mu:\"\\u03bc\",amp:\"&\",lt:\"<\",gt:\">\",nbsp:\"\\xa0\",times:\"\\xd7\",plusmn:\"\\xb1\",deg:\"\\xb0\"},A=/&(#\\d+|#x[\\da-fA-F]+|[a-z]+);/g;function S(t){return t.replace(A,(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)):M[e])||t}))}function E(t,e,r){var n,a,i,o=r.horizontalAlign,s=r.verticalAlign||\"top\",l=t.node().getBoundingClientRect(),c=e.node().getBoundingClientRect();return a=\"bottom\"===s?function(){return l.bottom-n.height}:\"middle\"===s?function(){return l.top+(l.height-n.height)/2}:function(){return l.top},i=\"right\"===o?function(){return l.right-n.width}:\"center\"===o?function(){return l.left+(l.width-n.width)/2}:function(){return l.left},function(){return n=this.node().getBoundingClientRect(),this.style({top:a()-c.top+\"px\",left:i()-c.left+\"px\",\"z-index\":1e3}),this}}r.convertEntities=S,r.sanitizeHTML=function(t){t=t.replace(g,\" \");for(var e=document.createElement(\"p\"),r=e,a=[],i=t.split(m),o=0;oi.ts+e?l():i.timer=setTimeout((function(){l(),i.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)a(n[t]),delete n[t];else for(var e in n)r.clear(e)}},{}],775:[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}],776:[function(t,e,r){\"use strict\";var n=e.exports={},a=t(\"../plots/geo/constants\").locationmodeToLayer,i=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=a[t.locationmode],n=e.objects[r];return i(e,n).features}},{\"../plots/geo/constants\":828,\"topojson-client\":551}],777:[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\"}}},{}],778:[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\"}}},{}],779:[function(t,e,r){\"use strict\";var n=t(\"../registry\");e.exports=function(t){for(var e,r,a=n.layoutArrayContainers,i=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 i=(s.subplotsRegistry.cartesian||{}).attrRegex,l=(s.subplotsRegistry.polar||{}).attrRegex,h=(s.subplotsRegistry.ternary||{}).attrRegex,f=(s.subplotsRegistry.gl3d||{}).attrRegex,g=Object.keys(t);for(e=0;e3?(P.x=1.02,P.xanchor=\"left\"):P.x<-2&&(P.x=-.02,P.xanchor=\"right\"),P.y>3?(P.y=1.02,P.yanchor=\"bottom\"):P.y<-2&&(P.y=-.02,P.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&&i.warn(\"Full array edits are incompatible with other edits\",h);var y=r[\"\"][\"\"];if(c(y))e.set(null);else{if(!Array.isArray(y))return i.warn(\"Unrecognized full array edit value\",h,y),!0;e.set(y)}return!g&&(f(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,h).get(),P=[],I=-1,z=C.length;for(x=0;xC.length-(M?0:1))i.warn(\"index out of range\",h,_);else if(void 0!==k)T.length>1&&i.warn(\"Insertion & removal are incompatible with edits to the same index.\",h,_),c(k)?P.push(_):M?(\"add\"===k&&(k={}),C.splice(_,0,k),L&&L.splice(_,0,{})):i.warn(\"Unrecognized full object edit value\",h,_,k),-1===I&&(I=_);else for(b=0;b=0;x--)C.splice(P[x],1),L&&L.splice(P[x],1);if(C.length?E||e.set(C):e.set(null),g)return!1;if(f(m,v),d!==a){var O;if(-1===I)O=S;else{for(z=Math.max(C.length,z),O=[],x=0;x=I);x++)O.push(_);for(x=I;x=t.data.length||a<-t.data.length)throw new Error(r+\" must be valid indices for gd.data.\");if(e.indexOf(a,n+1)>-1||a>=0&&e.indexOf(-t.data.length+a)>-1||a<0&&e.indexOf(t.data.length+a)>-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,i){!function(t,e,r,n){var a=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 i in z(t,r,\"indices\"),e){if(!Array.isArray(e[i])||e[i].length!==r.length)throw new Error(\"attribute \"+i+\" must be an array of length equal to indices array length\");if(a&&(!(i in n)||!Array.isArray(n[i])||n[i].length!==e[i].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 i,l,c,u,h,f=o.isPlainObject(n),p=[];for(var d in Array.isArray(r)||(r=[r]),r=I(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 a=X(t,n),i=a.flags;i.calc&&(t.calcdata=void 0);var s=[f.previousPromises];i.layoutReplot?s.push(k.layoutReplot):Object.keys(n).length&&(H(t,i,a)||f.supplyDefaults(t),i.legend&&s.push(k.doLegend),i.layoutstyle&&s.push(k.layoutStyles),i.axrange&&G(s,a.rangesAltered),i.ticks&&s.push(k.doTicksRelayout),i.modebar&&s.push(k.doModeBar),i.camera&&s.push(k.doCamera),i.colorbars&&s.push(k.doColorBars),s.push(E)),s.push(f.rehover,f.redrag),c.add(t,q,[t,a.undoit],q,[t,a.redoit]);var l=o.syncOrAsync(s,t);return l&&l.then||(l=Promise.resolve(t)),l.then((function(){return t.emit(\"plotly_relayout\",a.eventData),t}))}function H(t,e,r){var n=t._fullLayout;if(!e.axrange)return!1;for(var a in e)if(\"axrange\"!==a&&e[a])return!1;for(var i in r.rangesAltered){var o=d.id2name(i),s=t.layout[o],l=n[o];if(l.autorange=s.autorange,l.range=s.range.slice(),l.cleanRange(),l._matchGroup)for(var c in l._matchGroup)if(c!==i){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 a in e){var i=d.getFromId(t,a);if(r.push(a),i._matchGroup)for(var o in i._matchGroup)e[o]||r.push(o);i.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$/,Z=/^[xyz]axis[0-9]*\\.domain(\\[[0|1]\\])?$/;function X(t,e){var r,n,a,i=t.layout,l=t._fullLayout,c=l._guiEditing,f=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[I]=O,S[I]=\"reverse\"===R?O:B(H);var G=h.getLayoutValObject(l,z.parts);if(G&&G.impliedEdits&&null!==O)for(var X in G.impliedEdits)E(o.relativeAttr(I,X),G.impliedEdits[X]);if(-1!==[\"width\",\"height\"].indexOf(I))if(O){E(\"autosize\",null);var K=\"height\"===I?\"width\":\"height\";E(K,l[K])}else l[I]=t._initialAutoSize[I];else if(\"autosize\"===I)E(\"width\",O?null:l.width),E(\"height\",O?null:l.height);else if(F.match(Y))P(F),s(l,j+\"._inputRange\").set(null);else if(F.match(W)){P(F),s(l,j+\"._inputRange\").set(null);var Q=s(l,j).get();Q._inputDomain&&(Q._input.domain=Q._inputDomain.slice())}else F.match(Z)&&s(l,j+\"._inputDomain\").set(null);if(\"type\"===R){var $=U,tt=\"linear\"===q.type&&\"log\"===O,et=\"log\"===q.type&&\"linear\"===O;if(tt||et){if($&&$.range)if(q.autorange)tt&&($.range=$.range[1]>$.range[0]?[1,2]:[2,1]);else{var rt=$.range[0],nt=$.range[1];tt?(rt<=0&&nt<=0&&E(j+\".autorange\",!0),rt<=0?rt=nt/1e6:nt<=0&&(nt=rt/1e6),E(j+\".range[0]\",Math.log(rt)/Math.LN10),E(j+\".range[1]\",Math.log(nt)/Math.LN10)):(E(j+\".range[0]\",Math.pow(10,rt)),E(j+\".range[1]\",Math.pow(10,nt)))}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 at=s(l,I).get(),it=(O||{}).type;it&&\"-\"!==it||(it=\"linear\"),u.getComponentMethod(\"annotations\",\"convertCoords\")(t,at,it,E),u.getComponentMethod(\"images\",\"convertCoords\")(t,at,it,E)}var ot=w.containerArrayMatch(I);if(ot){r=ot.array,n=ot.index;var st=ot.property,lt=G||{editType:\"calc\"};\"\"!==n&&\"\"===st&&(w.isAddVal(O)?S[I]=null:w.isRemoveVal(O)?S[I]=(s(i,r).get()||[])[n]:o.warn(\"unrecognized full object value\",e)),M.update(_,lt),v[r]||(v[r]={});var ct=v[r][n];ct||(ct=v[r][n]={}),ct[st]=O,delete e[I]}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\"===I&&(\"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,f(i,r),v[r],_,f)||(_.plot=!0)}var ut=l._axisConstraintGroups||[];for(C in L)for(n=0;n1;)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=a.length?a[0]:a[t]:a}function l(t){return Array.isArray(i)?t>=i.length?i[0]:i[t]:i}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(i,u){function h(){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,f.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&&h()};e()}var d,g,m=0;function v(t){return Array.isArray(a)?m>=a.length?t.transitionOpts=a[m]:t.transitionOpts=a[0]:t.transitionOpts=a,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 a=0;a=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:f.supplyFrameDefaults(e[n]),index:r&&void 0!==r[n]&&null!==r[n]?r[n]:h+n})}p.sort((function(t,e){return t.index>e.index?-1:t.index=0;n--){if(\"number\"==typeof(a=p[n].frame).name&&o.warn(\"Warning: addFrames accepts frames with numeric names, but the numbers areimplicitly cast to strings\"),!a.name)for(;u[a.name=\"frame \"+t._transitionData._counter++];);if(u[a.name]){for(i=0;i=0;r--)n=e[r],i.push({type:\"delete\",index:n}),s.unshift({type:\"insert\",index:n,value:a[n]});var l=f.modifyFrames,u=f.modifyFrames,h=[t,s],p=[t,i];return c&&c.add(t,l,h,u,p),f.modifyFrames(t,i)},r.addTraces=function t(e,n,a){e=o.getGraphDiv(e);var i,s,l=[],u=r.deleteTraces,h=t,f=[e,l],p=[e,n];for(function(t,e,r){var n,a;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=i.length)return!1;if(2===t.dimensions){if(r++,e.length===r)return t;var o=e[r];if(!_(o))return!1;t=i[a][o]}else t=i[a]}else t=i}}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 a=0;a=l.length)return!1;a=(r=(n.transformsRegistry[l[c].type]||{}).attributes)&&r[e[2]],s=3}else if(\"area\"===t.type)a=u[o];else{var h=t._module;if(h||(h=(n.modules[t.type||i.type.dflt]||{})._module),!h)return!1;if(!(a=(r=h.attributes)&&r[o])){var f=h.basePlotModule;f&&f.attributes&&(a=f.attributes[o])}a||(a=i[o])}return b(a,e,s)},r.getLayoutValObject=function(t,e){return b(function(t,e){var r,a,i,s,l=t._basePlotModules;if(l){var c;for(r=0;r=a&&(r._input||{})._templateitemname;o&&(i=a);var s,l=e+\"[\"+i+\"]\";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 h(){var t=s;return c(),t}return c(),{modifyBase:function(t,e){s[t]=e},modifyItem:u,getUpdateObj:h,applyUpdate:function(e,r){e&&u(e,r);var a=h();for(var i in a)n.nestedProperty(t,i).set(a[i])}}}},{\"../lib\":749,\"../plots/attributes\":794}],788:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../registry\"),i=t(\"../plots/plots\"),o=t(\"../lib\"),s=t(\"../lib/clear_gl_canvases\"),l=t(\"../components/color\"),c=t(\"../components/drawing\"),u=t(\"../components/titles\"),h=t(\"../components/modebar\"),f=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]||a[1]<=t[0])&&(i[0]e[0]))return!0}return!1}function x(t){var e,a,s,u,d,g,m=t._fullLayout,v=m._size,x=v.p,_=f.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),h.manage(t),!m._has(\"cartesian\"))return i.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(a in m._plots)if((s=m._plots[a]).mainplot)s.bg&&s.bg.remove(),s.bg=void 0;else{var C=s.xaxis.domain,L=s.yaxis.domain,P=s.plotgroup;if(y(C,L,S)){var I=P.node(),z=s.bg=o.ensureSingle(P,\"rect\",\"bg\");I.insertBefore(z.node(),I.childNodes[0]),A.push(a)}else P.select(\"rect.bg\").remove(),S.push([C,L]),E||(M.push(a),A.push(a))}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 i=e[n],o=g(e,n,r);a(i)?(Array.isArray(e)&&!1===i._template&&i.templateitemname&&u.push({code:\"missing\",path:o,templateitemname:i.templateitemname}),t(i,o)):Array.isArray(i)&&m(i)&&t(i,o)}}({data:p,layout:f},\"\"),u.length)return u.map(v)}},{\"../lib\":749,\"../plots/attributes\":794,\"../plots/plots\":861,\"./plot_config\":785,\"./plot_schema\":786,\"./plot_template\":787}],790:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"./plot_api\"),i=t(\"../plots/plots\"),o=t(\"../lib\"),s=t(\"../snapshot/helpers\"),l=t(\"../snapshot/tosvg\"),c=t(\"../snapshot/svgtoimg\"),u=t(\"../version\").version,h={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,f,p,d;function g(t){return!(t in e)||o.validate(e[t],h[t])}if(e=e||{},o.isPlainObject(t)?(r=t.data||[],f=t.layout||{},p=t.config||{},d={}):(t=o.getGraphDiv(t),r=o.extendDeep([],t.data),f=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(\"Image format is not jpeg, png, svg or webp.\");var m={};function v(t,r){return o.coerce(e,m,h,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({},f);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,h=k._fullLayout.height;function f(){a.purge(k),document.body.removeChild(k)}if(\"full-json\"===y){var p=i.graphJson(k,!1,\"keepdata\",\"object\",!0,!0);return p.version=u,p=JSON.stringify(p),f(),t(T?p:s.encodeJSON(p))}if(f(),\"svg\"===y)return t(T?r:s.encodeSVG(r));var d=document.createElement(\"canvas\");d.id=o.randstr(),c({format:y,width:n,height:h,scale:_,canvas:d,svg:r,promise:!0}).then(t).catch(e)}))}return new Promise((function(t,e){a.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\":749,\"../plots/plots\":861,\"../snapshot/helpers\":885,\"../snapshot/svgtoimg\":887,\"../snapshot/tosvg\":889,\"../version\":1339,\"./plot_api\":784,\"fast-isnumeric\":241}],791:[function(t,e,r){\"use strict\";var n=t(\"../lib\"),a=t(\"../plots/plots\"),i=t(\"./plot_schema\"),o=t(\"./plot_config\").dfltConfig,s=n.isPlainObject,l=Array.isArray,c=n.isArrayOrTypedArray;function u(t,e,r,a,i,o){o=o||[];for(var h=Object.keys(t),f=0;fx.length&&a.push(d(\"unused\",i,v.concat(x.length)));var M,A,S,E,C,L=x.length,P=Array.isArray(k);if(P&&(L=Math.min(L,k.length)),2===b.dimensions)for(A=0;Ax[A].length&&a.push(d(\"unused\",i,v.concat(A,x[A].length)));var I=x[A].length;for(M=0;M<(P?Math.min(I,k[A].length):I);M++)S=P?k[A][M]:k,E=y[A][M],C=x[A][M],n.validate(E,S)?C!==E&&C!==+E&&a.push(d(\"dynamic\",i,v.concat(A,M),E,C)):a.push(d(\"value\",i,v.concat(A,M),E))}else a.push(d(\"array\",i,v.concat(A),y[A]));else for(A=0;A1&&p.push(d(\"object\",\"layout\"))),a.supplyDefaults(g);for(var m=g._fullData,v=r.length,y=0;y0&&Math.round(h)===h))return a;c=h}for(var f=e.calendar,p=\"start\"===l,d=\"end\"===l,g=t[r+\"period0\"],m=i(g,f)||0,v=[],y=a.length,x=0;xT;)w=o(w,-c,f);for(;w<=T;)w=o(w,c,f);_=o(w,-c,f)}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\":724,\"../../lib\":749,\"fast-isnumeric\":241}],796:[function(t,e,r){\"use strict\";e.exports={xaxis:{valType:\"subplotid\",dflt:\"x\",editType:\"calc+clearAxisTypes\"},yaxis:{valType:\"subplotid\",dflt:\"y\",editType:\"calc+clearAxisTypes\"}}},{}],797:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"../../lib\"),i=t(\"../../constants/numerical\").FP_SAFE,o=t(\"../../registry\");function s(t,e){var r,n,i=[],o=l(e),s=c(t,e),u=s.min,h=s.max;if(0===u.length||0===h.length)return a.simpleMap(e.range,e.r2l);var f=u[0].val,p=h[0].val;for(r=1;r0&&((b=M-o(m)-o(v))>A?_/b>E&&(y=m,x=v,E=_/b):_/M>E&&(y={val:m.val,pad:0},x={val:v.val,pad:0},E=_/M));if(f===p){var C=f-1,L=f+1;if(T)if(0===f)i=[0,1];else{var P=(f>0?h:u).reduce((function(t,e){return Math.max(t,o(e))}),0),I=f/(1-Math.min(.5,P/M));i=f>0?[0,I]:[I,0]}else i=k?[Math.max(0,C),Math.max(1,L)]:[C,L]}else T?(y.val>=0&&(y={val:0,pad:0}),x.val<=0&&(x={val:0,pad:0})):k&&(y.val-E*o(y)<0&&(y={val:0,pad:0}),x.val<=0&&(x={val:1,pad:0})),E=(x.val-y.val-S(m.val,v.val))/(M-o(y)-o(x)),i=[y.val-E*o(y),x.val+E*o(x)];return d&&i.reverse(),a.simpleMap(i,e.l2r||Number)}function l(t){var e=t._length/20;return\"domain\"===t.constrain&&t._inputDomain&&(e*=(t._inputDomain[1]-t._inputDomain[0])/(t.domain[1]-t.domain[0])),function(t){return t.pad+(t.extrapad?e:0)}}function c(t,e){var r,n,a,i=e._id,o=t._fullData,s=t._fullLayout,l=[],c=[];function f(t,e){for(r=0;r=r&&(c.extrapad||!o)){s=!1;break}a(e,c.val)&&c.pad<=r&&(o||!c.extrapad)&&(t.splice(l,1),l--)}if(s){var u=i&&0===e;t.push({val:e,pad:u?0:r,extrapad:!u&&o})}}function p(t){return n(t)&&Math.abs(t)=e}e.exports={getAutoRange:s,makePadFn:l,doAutoRange:function(t,e){if(e.setScale(),e.autorange){e.range=s(t,e),e._r=e.range.slice(),e._rl=a.simpleMap(e._r,e.r2l);var r=e._input,n={};n[e._attr+\".range\"]=e.range,n[e._attr+\".autorange\"]=e.autorange,o.call(\"_storeDirectGUIEdit\",t.layout,t._fullLayout._preGUI,n),r.range=e.range.slice(),r.autorange=e.autorange}var i=e._anchorAxis;if(i&&i.rangeslider){var l=i.rangeslider[e._name];l&&\"auto\"===l.rangemode&&(l.range=s(t,e)),i._input.rangeslider[e._name]=a.extendFlat({},l)}},findExtremes:function(t,e,r){r||(r={});t._m||t.setScale();var a,o,s,l,c,f,d,g,m,v=[],y=[],x=e.length,b=r.padded||!1,_=r.tozero&&(\"linear\"===t.type||\"-\"===t.type),w=\"log\"===t.type,T=!1,k=r.vpadLinearized||!1;function M(t){if(Array.isArray(t))return T=!0,function(e){return Math.max(Number(t[e]||0),0)};var e=Math.max(Number(t||0),0);return function(){return e}}var A=M((t._m>0?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(g=1/0,m=-1/0,w)for(a=0;a0&&(g=o),o>m&&o-i&&(g=o),o>m&&o=I;a--)P(a);return{min:v,max:y,opts:r}},concatExtremes:c}},{\"../../constants/numerical\":724,\"../../lib\":749,\"../../registry\":881,\"fast-isnumeric\":241}],798:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"fast-isnumeric\"),i=t(\"../../plots/plots\"),o=t(\"../../registry\"),s=t(\"../../lib\"),l=t(\"../../lib/svg_text_utils\"),c=t(\"../../components/titles\"),u=t(\"../../components/color\"),h=t(\"../../components/drawing\"),f=t(\"./layout_attributes\"),p=t(\"./clean_ticks\"),d=t(\"../../constants/numerical\"),g=d.ONEMAXYEAR,m=d.ONEAVGYEAR,v=d.ONEMINYEAR,y=d.ONEMAXQUARTER,x=d.ONEAVGQUARTER,b=d.ONEMINQUARTER,_=d.ONEMAXMONTH,w=d.ONEAVGMONTH,T=d.ONEMINMONTH,k=d.ONEWEEK,M=d.ONEDAY,A=M/2,S=d.ONEHOUR,E=d.ONEMIN,C=d.ONESEC,L=d.MINUS_SIGN,P=d.BADNUM,I=t(\"../../constants/alignment\"),z=I.MID_SHIFT,O=I.CAP_SHIFT,D=I.LINE_SPACING,R=I.OPPOSITE_SIDE,F=e.exports={};F.setConvert=t(\"./set_convert\");var B=t(\"./axis_autotype\"),N=t(\"./axis_ids\");F.id2name=N.id2name,F.name2id=N.name2id,F.cleanId=N.cleanId,F.list=N.list,F.listIds=N.listIds,F.getFromId=N.getFromId,F.getFromTrace=N.getFromTrace;var j=t(\"./autorange\");F.getAutoRange=j.getAutoRange,F.findExtremes=j.findExtremes;function U(t){var e=1e-4*(t[1]-t[0]);return[t[0]-e,t[1]+e]}F.coerceRef=function(t,e,r,n,a,i){var o=n.charAt(n.length-1),l=r._fullLayout._subplots[o+\"axis\"],c=n+\"ref\",u={};return a||(a=l[0]||i),i||(i=a),u[c]={valType:\"enumerated\",values:l.concat(i?[i]:[]),dflt:a},s.coerce(t,e,u,c)},F.coercePosition=function(t,e,r,n,a,i){var o,l;if(\"paper\"===n||\"pixel\"===n)o=s.ensureNumber,l=r(a,i);else{var c=F.getFromId(e,n);l=r(a,i=c.fraction2r(i)),o=c.cleanPos}t[a]=o(l)},F.cleanPosition=function(t,e,r){return(\"paper\"===r||\"pixel\"===r?s.ensureNumber:F.getFromId(e,r).cleanPos)(t)},F.redrawComponents=function(t,e){e=e||F.listIds(t);var r=t._fullLayout;function n(n,a,i,s){for(var l=o.getComponentMethod(n,a),c={},u=0;u2e-6||((r-t._forceTick0)/t._minDtick%1+1.000001)%1>2e-6)&&(t._minDtick=0)):t._minDtick=0},F.saveRangeInitial=function(t,e){for(var r=F.list(t,\"\",!0),n=!1,a=0;a.3*f||u(n)||u(i))){var p=r.dtick/2;t+=t+p.8){var o=Number(r.substr(1));i.exactYears>.8&&o%12==0?t=F.tickIncrement(t,\"M6\",\"reverse\")+1.5*M:i.exactMonths>.8?t=F.tickIncrement(t,\"M1\",\"reverse\")+15.5*M:t-=A;var l=F.tickIncrement(t,r);if(l<=n)return l}return t}(y,t,v,c,i)),m=y,0;m<=u;)m=F.tickIncrement(m,v,!1,i);return{start:e.c2r(y,0,i),end:e.c2r(m,0,i),size:v,_dataSpan:u-c}},F.prepTicks=function(t,e){var r=s.simpleMap(t.range,t.r2l,void 0,void 0,e);if(\"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])-(t._lBreaks||0))/a,F.autoTicks(t,t._roughDTick),t._minDtick>0&&t.dtick<2*t._minDtick&&(t.dtick=t._minDtick,t.tick0=t.l2r(t._forceTick0))}t.tick0||(t.tick0=\"date\"===t.type?\"2000-01-01\":0),\"date\"===t.type&&t.dtick<.1&&(t.dtick=.1),$(t)},F.calcTicks=function(t,e){F.prepTicks(t,e);var r=s.simpleMap(t.range,t.r2l,void 0,void 0,e);if(\"array\"===t.tickmode)return function(t){var e=t.tickvals,r=t.ticktext,n=new Array(e.length),a=U(s.simpleMap(t.range,t.r2l)),i=Math.min(a[0],a[1]),o=Math.max(a[0],a[1]),l=0;Array.isArray(r)||(r=[]);var c=\"category\"===t.type?t.d2l_noadd:t.d2l;\"log\"===t.type&&\"L\"!==String(t.dtick).charAt(0)&&(t.dtick=\"L\"+Math.pow(10,Math.floor(Math.min(t.range[0],t.range[1]))-1));for(var u=0;ui&&h=o:n<=o)&&!(c.length>r||n===e);n=F.tickIncrement(n,t.dtick,l,t.calendar)){e=n;var a=!1;u&&n!==(0|n)&&(a=!0),c.push({minor:a,value:n})}}();var h=\"period\"===t.ticklabelmode,f=!1;if(h&&c[0]&&(c.unshift({minor:!1,value:F.tickIncrement(c[0].value,t.dtick,!l,t.caldendar)}),f=!0),t.rangebreaks){var p=c.length;if(p){var d=0;\"auto\"===t.tickmode&&(d=(\"y\"===t._id.charAt(0)?2:6)*(t.tickfont?t.tickfont.size:12));for(var E,C=[],L=l?1:-1,I=l?p-1:0,z=l?0:p-1;L*z<=L*I;z+=L){var O=c[z];if(t.maskBreaks(O.value)!==P||(O.value=vt(O.value,t),!t._rl||t._rl[0]!==O.value&&t._rl[1]!==O.value)){var D=t.c2p(O.value);D===E?C[C.length-1].valued)&&(E=D,C.push(O))}}c=C.reverse()}}mt(t)&&360===Math.abs(r[1]-r[0])&&c.pop(),t._tmax=(c[c.length-1]||{}).value,t._prevDateHead=\"\",t._inCalcTicks=!0;var R,B=Math.min(r[0],r[1]),N=Math.max(r[0],r[1]),j=F.getTickFormat(t);h&&j&&(/%[fLQsSMX]/.test(j)||(/%[HI]/.test(j)?R=S:/%p/.test(j)?R=A:/%[Aadejuwx]/.test(j)?R=M:/%[UVW]/.test(j)?R=k:/%[Bbm]/.test(j)?R=w:/%[q]/.test(j)?R=x:/%[Yy]/.test(j)&&(R=m)));var V,q,H=[];for(V=0;V0?(J=V-1,K=V):(J=V,K=V);var Q=H[J].x,$=H[K].x,et=Math.abs($-Q),rt=R||et,nt=0;if(rt>=v?nt=et>=v&&et<=g?et:m:R===x&&rt>=b?nt=et>=b&&et<=y?et:x:rt>=T?nt=et>=T&&et<=_?et:w:R===k&&rt>=k?nt=k:rt>=M?nt=M:R===A&&rt>=A?nt=A:R===S&&rt>=S&&(nt=S),nt&&t.rangebreaks){for(var at=0,it=0,ot=0;ot<42;ot++){var st=ot/42;t.maskBreaks(Q*(1-st)+$*st)!==P&&(st<.5?at++:it++)}it&&(nt*=(at+it)/42)}nt<=et&&(X+=nt/2),H[V].periodX=X,(X>N||X=B){t._prevDateHead=\"\",H[V].text=F.tickText(t,H[V].x).text;break}}return t._inCalcTicks=!1,H};var G=[2,5,10],Y=[1,2,3,6,12],W=[1,2,5,10,15,30],Z=[1,2,3,7,14],X=[-.046,0,.301,.477,.602,.699,.778,.845,.903,.954,1],J=[-.301,0,.301,.699,1],K=[15,30,45,90,180];function Q(t,e,r){return e*s.roundUp(t/e,r)}function $(t){var e=t.dtick;if(t._tickexponent=0,a(e)||\"string\"==typeof e||(e=1),\"category\"!==t.type&&\"multicategory\"!==t.type||(t._tickround=null),\"date\"===t.type){var r=t.r2l(t.tick0),n=t.l2r(r).replace(/(^-|i)/g,\"\"),i=n.length;if(\"M\"===String(e).charAt(0))i>10||\"01-01\"!==n.substr(5)?t._tickround=\"d\":t._tickround=+e.substr(1)%12==0?\"y\":\"m\";else if(e>=M&&i<=10||e>=15*M)t._tickround=\"d\";else if(e>=E&&i<=16||e>=S)t._tickround=\"M\";else if(e>=C&&i<=19||e>=E)t._tickround=\"S\";else{var o=t.l2r(r+e).replace(/^-/,\"\").length;t._tickround=Math.max(i,o)-20,t._tickround<0&&(t._tickround=4)}}else if(a(e)||\"L\"===e.charAt(0)){var s=t.range.map(t.r2d||Number);a(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&&(rt(t.exponentformat)&&!nt(c)?t._tickexponent=3*Math.round((c-1)/3):t._tickexponent=c)}else t._tickround=null}function tt(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}}F.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 i=2*e;if(i>m)e/=m,r=n(10),t.dtick=\"M\"+12*Q(e,r,G);else if(i>w)e/=w,t.dtick=\"M\"+Q(e,1,Y);else if(i>M){t.dtick=Q(e,M,t._hasDayOfWeekBreaks?[1,2,7,14]:Z);var o=F.getTickFormat(t);/%[uVW]/.test(o)?t.tick0=s.dateTick0(t.calendar,2):t.tick0=s.dateTick0(t.calendar,1)}else i>S?t.dtick=Q(e,S,Y):i>E?t.dtick=Q(e,E,W):i>C?t.dtick=Q(e,C,W):(r=n(10),t.dtick=Q(e,r,G))}else if(\"log\"===t.type){t.tick0=0;var l=s.simpleMap(t.range,t.r2l);if(e>.7)t.dtick=Math.ceil(e);else if(Math.abs(l[1]-l[0])<1){var c=1.5*Math.abs((l[1]-l[0])/e);e=Math.abs(Math.pow(10,l[1])-Math.pow(10,l[0]))/c,r=n(10),t.dtick=\"L\"+Q(e,r,G)}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))):mt(t)?(t.tick0=0,r=1,t.dtick=Q(e,r,K)):(t.tick0=0,r=n(10),t.dtick=Q(e,r,G));if(0===t.dtick&&(t.dtick=1),!a(t.dtick)&&\"string\"!=typeof t.dtick){var u=t.dtick;throw t.dtick=1,\"ax.dtick error: \"+String(u)}},F.tickIncrement=function(t,e,r,i){var o=r?-1:1;if(a(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,i);if(\"L\"===l)return Math.log(Math.pow(10,t)+c)/Math.LN10;if(\"D\"===l){var u=\"D2\"===e?J:X,h=t+.01*o,f=s.roundUp(s.mod(h,1),u,r);return Math.floor(h)+Math.log(n.round(Math.pow(10,f),1))/Math.LN10}throw\"unrecognized dtick \"+String(e)},F.tickFirst=function(t,e){var r=t.r2l||Number,i=s.simpleMap(t.range,r,void 0,void 0,e),o=i[1]\"+l,t._prevDateHead=l));e.text=c}(t,o,r,c):\"log\"===u?function(t,e,r,n,i){var o=t.dtick,l=e.x,c=t.tickformat,u=\"string\"==typeof o&&o.charAt(0);\"never\"===i&&(i=\"\");n&&\"L\"!==u&&(o=\"L3\",u=\"L\");if(c||\"L\"===u)e.text=at(Math.pow(10,l),t,i,n);else if(a(o)||\"D\"===u&&s.mod(l+.01,1)<.1){var h=Math.round(l),f=Math.abs(h),p=t.exponentformat;\"power\"===p||rt(p)&&nt(h)?(e.text=0===h?1:1===h?\"10\":\"10\"+(h>1?\"\":L)+f+\"\",e.fontSize*=1.25):(\"e\"===p||\"E\"===p)&&f>2?e.text=\"1\"+p+(h>0?\"+\":L)+f:(e.text=at(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),a=t._categories[n]||[],i=void 0===a[1]?\"\":String(a[1]),o=void 0===a[0]?\"\":String(a[0]);r?e.text=o+\" - \"+i:(e.text=i,e.text2=o)}(t,o,r):mt(t)?function(t,e,r,n,a){if(\"radians\"!==t.thetaunit||r)e.text=at(e.x,t,a,n);else{var i=e.x/180;if(0===i)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,a=Math.abs(function t(r,n){return e(n,0)?r:t(n,r%n)}(n,r));return[Math.round(n/a),Math.round(r/a)]}(i);if(o[1]>=100)e.text=at(s.deg2rad(e.x),t,a,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=L+e.text)}}}}(t,o,r,c,g):function(t,e,r,n,a){\"never\"===a?a=\"\":\"all\"===t.showexponent&&Math.abs(e.x/t.dtick)<1e-6&&(a=\"hide\");e.text=at(e.x,t,a,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},F.hoverLabelText=function(t,e,r){if(r!==P&&r!==e)return F.hoverLabelText(t,e)+\" - \"+F.hoverLabelText(t,r);var n=\"log\"===t.type&&e<=0,a=F.tickText(t,t.c2l(n?-e:e),\"hover\").text;return n?0===e?\"0\":L+a:a};var et=[\"f\",\"p\",\"n\",\"\\u03bc\",\"m\",\"\",\"k\",\"M\",\"G\",\"T\"];function rt(t){return\"SI\"===t||\"B\"===t}function nt(t){return t>14||t<-15}function at(t,e,r,n){var i=t<0,o=e._tickround,l=r||e.exponentformat||\"B\",c=e._tickexponent,u=F.getTickFormat(e),h=e.separatethousands;if(n){var f={exponentformat:l,minexponent:e.minexponent,dtick:\"none\"===e.showexponent?e.dtick:a(t)&&Math.abs(t)||1,range:\"none\"===e.showexponent?e.range.map(e.r2d):[0,t||1]};$(f),o=(Number(f._tickround)||0)+4,c=f._tickexponent,e.hoverformat&&(u=e.hoverformat)}if(u)return e._numFormat(u)(t).replace(/-/g,L);var p,d=Math.pow(10,-o)/2;if(\"none\"===l&&(c=0),(t=Math.abs(t))\"+p+\"\":\"B\"===l&&9===c?t+=\"B\":rt(l)&&(t+=et[c/3+5]));return i?L+t:t}function it(t,e){for(var r=[],n={},a=0;a1&&r=a.min&&t=0,i=u(t,e[1])<=0;return(r||a)&&(n||i)}if(t.tickformatstops&&t.tickformatstops.length>0)switch(t.type){case\"date\":case\"linear\":for(e=0;e=o(a)))){r=n;break}break;case\"log\":for(e=0;e0?r.bottom-u: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?u-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?u-r.left:0,h):(n[l]=e._depth=Math.max(r.height>0?r.right-u: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!==f._dfltTitle[d]&&(n[l]+=st(e)+(e.title.standoff||0)),e.mirror&&\"free\"!==e.anchor&&((a={x:0,y:0,r:0,l:0,t:0,b:0})[c]=e.linewidth,e.mirror&&!0!==e.mirror&&(a[c]+=h),!0===e.mirror||\"ticks\"===e.mirror?a[g]=e._anchorAxis.domain[p[1]]:\"all\"!==e.mirror&&\"allticks\"!==e.mirror||(a[g]=[e._counterDomainMin,e._counterDomainMax][p[1]]))}X&&(s=o.getComponentMethod(\"rangeslider\",\"autoMarginOpts\")(t,e)),i.autoMargin(t,ut(e),n),i.autoMargin(t,ht(e),a),i.autoMargin(t,ft(e),s)})),r.skipTitle||X&&\"bottom\"===e.side||W.push((function(){return function(t,e){var r,n=t._fullLayout,a=e._id,i=a.charAt(0),o=e.title.font.size;if(e.title.hasOwnProperty(\"standoff\"))r=e._depth+e.title.standoff+st(e);else{if(\"multicategory\"===e.type)r=e._depth;else{r=10+1.5*o+(e.linewidth?e.linewidth-1:0)}r+=\"x\"===i?\"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 s,l,u,f,p=F.getPxPosition(t,e);\"x\"===i?(l=e._offset+e._length/2,u=\"top\"===e.side?p-r:p+r):(u=e._offset+e._length/2,l=\"right\"===e.side?p+r:p-r,s={rotate:\"-90\",offset:0});if(\"multicategory\"!==e.type){var d=e._selections[e._id+\"tick\"];if(f={selection:d,side:e.side},d&&d.node()&&d.node().parentNode){var g=h.getTranslate(d.node().parentNode);f.offsetLeft=g.x,f.offsetTop=g.y}e.title.hasOwnProperty(\"standoff\")&&(f.pad=0)}return c.draw(t,a+\"title\",{propContainer:e,propName:e._name+\".title.text\",placeholder:n._dfltTitle[i],avoid:f,transform:s,attributes:{x:l,y:u,\"text-anchor\":\"middle\"}})}(t,e)})),s.syncOrAsync(W)}}function J(t){var r=p+(t||\"tick\");return w[r]||(w[r]=function(t,e){var r,n,a,i;t._selections[e].size()?(r=1/0,n=-1/0,a=1/0,i=-1/0,t._selections[e].each((function(){var t=ct(this),e=h.bBox(t.node().parentNode);r=Math.min(r,e.top),n=Math.max(n,e.bottom),a=Math.min(a,e.left),i=Math.max(i,e.right)}))):(r=0,n=0,a=0,i=0);return{top:r,bottom:n,left:a,right:i,height:n-r,width:i-a}}(e,r)),w[r]}},F.getTickSigns=function(t){var e=t._id.charAt(0),r={x:\"top\",y:\"right\"}[e],n=t.side===r?1:-1,a=[-1,1,n,-n];return\"inside\"!==t.ticks==(\"x\"===e)&&(a=a.map((function(t){return-t}))),t.side&&a.push({l:-1,t:-1,r:1,b:1}[t.side.charAt(0)]),a},F.makeTransFn=function(t){var e=t._id.charAt(0),r=t._offset;return\"x\"===e?function(e){return\"translate(\"+(r+t.l2p(e.x))+\",0)\"}:function(e){return\"translate(0,\"+(r+t.l2p(e.x))+\")\"}},F.makeTransPeriodFn=function(t){var e=t._id.charAt(0),r=t._offset;return\"x\"===e?function(e){return\"translate(\"+(r+t.l2p(e.periodX))+\",0)\"}:function(e){return\"translate(0,\"+(r+t.l2p(e.periodX))+\")\"}},F.makeTickPath=function(t,e,r,n){n=void 0!==n?n:t.ticklen;var a=t._id.charAt(0),i=(t.linewidth||1)/2;return\"x\"===a?\"M0,\"+(e+i*r)+\"v\"+n*r:\"M\"+(e+i*r)+\",0h\"+n*r},F.makeLabelFns=function(t,e,r){var n=t._id.charAt(0),i=\"boundaries\"!==t.tickson&&\"outside\"===t.ticks,o=0,l=0;if(i&&(o+=t.ticklen),r&&\"outside\"===t.ticks){var c=s.deg2rad(r);o=t.ticklen*Math.cos(c)+1,l=t.ticklen*Math.sin(c)}t.showticklabels&&(i||t.showline)&&(o+=.2*t.tickfont.size);var u,h,f,p,d={labelStandoff:o+=(t.linewidth||1)/2,labelShift:l};return\"x\"===n?(p=\"bottom\"===t.side?1:-1,u=l*p,h=e+o*p,f=\"bottom\"===t.side?1:-.2,d.xFn=function(t){return t.dx+u},d.yFn=function(t){return t.dy+h+t.fontSize*f},d.anchorFn=function(t,e){return a(e)&&0!==e&&180!==e?e*p<0?\"end\":\"start\":\"middle\"},d.heightFn=function(e,r,n){return r<-60||r>60?-.5*n:\"top\"===t.side?-n:0}):\"y\"===n&&(p=\"right\"===t.side?1:-1,u=o,h=-l*p,f=90===Math.abs(t.tickangle)?.5:0,d.xFn=function(t){return t.dx+e+(u+t.fontSize*f)*p},d.yFn=function(t){return t.dy+h+t.fontSize*z},d.anchorFn=function(e,r){return a(r)&&90===Math.abs(r)?\"middle\":\"right\"===t.side?\"start\":\"end\"},d.heightFn=function(e,r,n){return(r*=\"left\"===t.side?1:-1)<-30?-n:r<30?-.5*n:0}),d},F.drawTicks=function(t,e,r){r=r||{};var n=e._id+\"tick\",a=r.vals;\"period\"===e.ticklabelmode&&(a=a.slice()).shift();var i=r.layer.selectAll(\"path.\"+n).data(e.ticks?a:[],ot);i.exit().remove(),i.enter().append(\"path\").classed(n,1).classed(\"ticks\",1).classed(\"crisp\",!1!==r.crisp).call(u.stroke,e.tickcolor).style(\"stroke-width\",h.crispRound(t,e.tickwidth,1)+\"px\").attr(\"d\",r.path),i.attr(\"transform\",r.transFn)},F.drawGrid=function(t,e,r){r=r||{};var n=e._id+\"grid\",a=r.vals,i=r.counterAxis;if(!1===e.showgrid)a=[];else if(i&&F.shouldShowZeroLine(t,e,i))for(var o=\"array\"===e.tickmode,s=0;s1)for(n=1;n2*o}(t,e)?\"date\":function(t){for(var e=Math.max(1,(t.length-1)/1e3),r=0,n=0,o={},s=0;s2*r}(t)?\"category\":function(t){if(!t)return!1;for(var e=0;e=2){var l,c,u=\"\";if(2===o.length)for(l=0;l<2;l++)if(c=y(o[l])){u=d;break}var h=a(\"pattern\",u);if(h===d)for(l=0;l<2;l++)(c=y(o[l]))&&(e.bounds[l]=o[l]=c-1);if(h)for(l=0;l<2;l++)switch(c=o[l],h){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 f=r.range;if(f[0]f[1])return void(e.enabled=!1)}else if(o[0]>f[0]&&o[1]n?1:-1:+(t.substr(1)||1)-+(e.substr(1)||1)},r.getAxisGroup=function(t,e){for(var r=t._axisMatchGroups,n=0;n0;o&&(a=\"array\");var s,l=r(\"categoryorder\",a);\"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,a,i=e.dataAttr||t._id.charAt(0),o={};if(e.axData)r=e.axData;else for(r=[],n=0;nl*x)||T)for(r=0;rz&&RP&&(P=R);p/=(P-L)/(2*I),L=c.l2r(L),P=c.l2r(P),c.range=c._input.range=S=0?Math.min(t,.9):1/(1/Math.max(t,-.3)+3.222))}function F(t,e,r,n,a){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\",\"translate(\"+r+\", \"+n+\")\").attr(\"d\",a+\"Z\")}function B(t,e,r){return t.append(\"path\").attr(\"class\",\"zoombox-corners\").style({fill:c.background,stroke:c.defaultLine,\"stroke-width\":1,opacity:0}).attr(\"transform\",\"translate(\"+e+\", \"+r+\")\").attr(\"d\",\"M0,0Z\")}function N(t,e,r,n,a,i){t.attr(\"d\",n+\"M\"+r.l+\",\"+r.t+\"v\"+r.h+\"h\"+r.w+\"v-\"+r.h+\"h-\"+r.w+\"Z\"),j(t,e,a,i)}function j(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 U(t){n.select(t).selectAll(\".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners\").remove()}function V(t){L&&t.data&&t._context.showTips&&(s.notifier(s._(t,\"Double-click to zoom back out\"),\"long\"),L=!1)}function q(t){var e=Math.floor(Math.min(t.b-t.t,t.r-t.l,C)/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 H(t,e,r,n){for(var a,i,o,l,c=!1,u={},h={},f=0;f=0)a._fullLayout._deactivateShape(a);else{var i=a._fullLayout.clickmode;if(U(a),2!==t||dt||Ut(),pt)i.indexOf(\"select\")>-1&&M(r,a,X,J,e.id,Et),i.indexOf(\"event\")>-1&&h.click(a,r,e.id);else if(1===t&&dt){var s=g?j:P,c=\"s\"===g||\"w\"===L?0:1,u=s._name+\".range[\"+c+\"]\",f=function(t,e){var r,a=t.range[e],i=Math.abs(a-t.range[1-e]);return\"date\"===t.type?a:\"log\"===t.type?(r=Math.ceil(Math.max(0,-Math.log(i)/Math.LN10))+3,n.format(\".\"+r+\"g\")(Math.pow(10,a))):(r=Math.floor(Math.log(Math.abs(a))/Math.LN10)-Math.floor(Math.log(i)/Math.LN10)+4,n.format(\".\"+String(r)+\"g\")(a))}(s,c),p=\"left\",d=\"middle\";if(s.fixedrange)return;g?(d=\"n\"===g?\"top\":\"bottom\",\"right\"===s.side&&(p=\"right\")):\"e\"===L&&(p=\"right\"),a._context.showAxisRangeEntryBoxes&&n.select(vt).call(l.makeEditable,{gd:a,immediate:!0,background:a._fullLayout.paper_bgcolor,text:String(f),fill:s.tickfont?s.tickfont.color:\"#444\",horizontalAlign:p,verticalAlign:d}).on(\"edit\",(function(t){var e=s.d2r(t);void 0!==e&&o.call(\"_guiRelayout\",a,u,e)}))}}}function Pt(e,r){if(t._transitioningWithDuration)return!1;var n=Math.max(0,Math.min($,e+yt)),a=Math.max(0,Math.min(tt,r+xt)),i=Math.abs(n-yt),o=Math.abs(a-xt);function s(){kt=\"\",bt.r=bt.l,bt.t=bt.b,At.attr(\"d\",\"M0,0Z\")}if(bt.l=Math.min(yt,n),bt.r=Math.max(yt,n),bt.t=Math.min(xt,a),bt.b=Math.max(xt,a),et.isSubplotConstrained)i>C||o>C?(kt=\"xy\",i/$>o/tt?(o=i*tt/$,xt>a?bt.t=xt-o:bt.b=xt+o):(i=o*$/tt,yt>n?bt.l=yt-i:bt.r=yt+i),At.attr(\"d\",q(bt))):s();else if(rt.isSubplotConstrained)if(i>C||o>C){kt=\"xy\";var l=Math.min(bt.l/$,(tt-bt.b)/tt),c=Math.max(bt.r/$,(tt-bt.t)/tt);bt.l=l*$,bt.r=c*$,bt.b=(1-l)*tt,bt.t=(1-c)*tt,At.attr(\"d\",q(bt))}else s();else!at||og[1]-1/4096&&(e.domain=s),a.noneOrAll(t.domain,e.domain,s)}return r(\"layer\"),e}},{\"../../lib\":749,\"fast-isnumeric\":241}],816:[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 a=[t.r2l(t.range[0]),t.r2l(t.range[1])],i=a[0]+(a[1]-a[0])*r;t.range=t._input.range=[t.l2r(i+(a[0]-i)*e),t.l2r(i+(a[1]-i)*e)]}},{\"../../constants/alignment\":717}],817:[function(t,e,r){\"use strict\";var n=t(\"polybooljs\"),a=t(\"../../registry\"),i=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,h=c.rectMode,f=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,P=C.axValue,I=C.getTransform;function z(t,e,r,n,a,i,o){var s,l,c,u,h,f,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,i);var _=function(t,e){var r,n,a=t[0],i=-1,o=[];for(n=0;n0?function(t,e){var r,n,a,i=[];for(a=0;a0&&i.push(r);if(1===i.length&&i[0]===e.searchInfo&&(n=e.searchInfo.cd[0].trace).selectedpoints.length===e.pointNumbers.length){for(a=0;a1)return!1;if((a+=r.selectedpoints.length)>1)return!1}return 1===a}(s)&&(f=j(_))){for(o&&o.remove(),v=0;v=0&&n._fullLayout._deactivateShape(n),f(e)){var i=n._fullLayout._zoomlayer.selectAll(\".select-outline-\"+r.id);if(i&&n._fullLayout._drawing){var o=v(i,t);o&&a.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 a,i,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(a)>-1}function U(t,e,r){var n,i,o,s;for(n=0;n=0)W._fullLayout._deactivateShape(W);else if(!j){var r=Z.clickmode;b.done(ft).then((function(){if(b.clear(ft),2===t){for(lt.remove(),w=0;w-1&&z(e,W,a.xaxes,a.yaxes,a.subplot,a,lt),\"event\"===r&&W.emit(\"plotly_selected\",void 0);s.click(W,e)})).catch(y.error)}},a.doneFn=function(){ht.remove(),b.done(ft).then((function(){b.clear(ft),a.gd.emit(\"plotly_selected\",E),_&&a.selectionDefs&&(_.subtract=st,a.selectionDefs.push(_),a.mergedPolygons.length=0,[].push.apply(a.mergedPolygons,x)),a.doneFnCompleted&&a.doneFnCompleted(pt)})).catch(y.error),j&&B(a)}},clearSelect:E,clearSelectionsCache:B,selectOnClick:z}},{\"../../components/color\":615,\"../../components/dragelement/helpers\":633,\"../../components/drawing\":637,\"../../components/fx\":655,\"../../components/fx/helpers\":651,\"../../components/shapes/draw_newshape/display_outlines\":700,\"../../components/shapes/draw_newshape/helpers\":701,\"../../components/shapes/draw_newshape/newshapes\":702,\"../../lib\":749,\"../../lib/clear_gl_canvases\":733,\"../../lib/polygon\":761,\"../../lib/throttle\":774,\"../../plot_api/subroutines\":788,\"../../registry\":881,\"./axis_ids\":801,\"./constants\":804,\"./handle_outline\":808,\"./helpers\":809,polybooljs:491}],818:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"d3-time-format\").utcFormat,i=t(\"fast-isnumeric\"),o=t(\"../../lib\"),s=o.cleanNumber,l=o.ms2DateTime,c=o.dateTime2ms,u=o.ensureNumber,h=o.isArrayOrTypedArray,f=t(\"../../constants/numerical\"),p=f.FP_SAFE,d=f.BADNUM,g=f.LOG_CLIP,m=f.ONEWEEK,v=f.ONEDAY,y=f.ONEHOUR,x=f.ONEMIN,b=f.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\",f=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],a=t.range[1];return.5*(n+a-2*g*Math.abs(n-a))}return d}function E(e,r,n,a){if((a||{}).msUTC&&i(e))return+e;var s=c(e,n||t.calendar);if(s===d){if(!i(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 P(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 I(e){if(t._categoriesMap)return t._categoriesMap[e]}function z(t){var e=I(t);return void 0!==e?e:i(t)?+t:void 0}function O(t,e,r){return n.round(r+e*t,2)}function D(t,e,r){return(t-r)/e}var R=function(e){return i(e)?O(e,t._m,t._b):d},F=function(e){return D(e,t._m,t._b)};if(t.rangebreaks){var B=\"y\"===f;R=function(e){if(!i(e))return d;var r=t._rangebreaks.length;if(!r)return O(e,t._m,t._b);var n=B;t.range[0]>t.range[1]&&(n=!n);for(var a=n?-1:1,o=a*e,s=0,l=0;lu)){s=o<(c+u)/2?l:l+1;break}s=l+1}var h=t._B[s]||0;return isFinite(h)?O(e,t._m2,h):0},F=function(e){var r=t._rangebreaks.length;if(!r)return D(e,t._m,t._b);for(var n=0,a=0;at._rangebreaks[a].pmax&&(n=a+1);return D(e,t._m2,t._B[n])}}t.c2l=\"log\"===t.type?S:u,t.l2c=\"log\"===t.type?M:u,t.l2p=R,t.p2l=F,t.c2p=\"log\"===t.type?function(t,e){return R(S(t,e))}:R,t.p2c=\"log\"===t.type?function(t){return M(F(t))}:F,-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=F,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(F(t))},t.r2p=function(e){return t.l2p(s(e))},t.p2r=F,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(F(t),e,r)},t.cleanPos=function(e){return o.cleanDate(e,d,t.calendar)}):\"category\"===t.type?(t.d2c=t.d2l=P,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.l2r=t.c2r=u,t.r2l=z,t.d2p=function(e){return t.l2p(t.r2c(e))},t.p2d=function(t){return L(F(t))},t.r2p=t.d2p,t.p2r=F,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=I,t.l2r=t.c2r=u,t.r2l=z,t.d2p=function(e){return t.l2p(t.r2c(e))},t.p2d=function(t){return L(F(t))},t.r2p=t.d2p,t.p2r=F,t.cleanPos=function(t){return Array.isArray(t)||\"string\"==typeof t&&\"\"!==t?t:u(t)},t.setupMultiCategory=function(n){var a,i,s=t._traceIndices,l=e._axisMatchGroups;if(l&&l.length&&0===t._categories.length)for(a=0;ap&&(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(a)},t.setScale=function(r){var n=e._size;if(t.overlaying){var a=_.getFromId({_fullLayout:e},t.overlaying);t.domain=a.domain}var i=r&&t._r?\"_r\":\"range\",o=t.calendar;t.cleanRange(i);var s,l,c=t.r2l(t[i][0],o),u=t.r2l(t[i][1],o),h=\"y\"===f;if((h?(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*(h?u:c)),s=0;sa&&(a+=7,ia&&(a+=24,i=n&&i=n&&e=s.min&&(ts.max&&(s.max=n),a=!1)}a&&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,a=n.xaxis,l=n.yaxis,c=a._length,u=l._length,h=!!e.xr1,f=!!e.yr1,p=[];if(h){var d=i.simpleMap(e.xr0,a.r2l),g=i.simpleMap(e.xr1,a.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),a.range[0]=a.l2r(d[0]*(1-r)+r*g[0]),a.range[1]=a.l2r(d[1]*(1-r)+r*g[1])}else p[0]=0,p[2]=c;if(f){var y=i.simpleMap(e.yr0,l.r2l),x=i.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]=a.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,a,{skipTitle:!0}),s.drawOne(t,l,{skipTitle:!0}),s.redrawComponents(t,[a._id,l._id]);var w=h?c/p[2]:1,T=f?u/p[3]:1,k=h?p[0]:0,M=f?p[1]:0,A=h?p[0]/p[2]*c:0,S=f?p[1]/p[3]*u:0,E=a._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\":637,\"../../lib\":749,\"../../registry\":881,\"./axes\":798,d3:169}],823:[function(t,e,r){\"use strict\";var n=t(\"../../registry\").traceIs,a=t(\"./axis_autotype\");function i(t){return{v:\"x\",h:\"y\"}[t.orientation||\"v\"]}function o(t,e){var r=i(t),a=n(t,\"box-violin\"),o=n(t._fullInput||{},\"candlestick\");return a&&!o&&e===r&&void 0===t[r]&&void 0===t[r+\"0\"]}e.exports=function(t,e,r,s){\"-\"===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&&(a[\"_\"+r+\"axes\"]||{})[e])return a;if((a[r+\"axis\"]||r)===e){if(o(a,r))return a;if((a[r]||[]).length||a[r+\"0\"])return a}}}(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\",h=c[u],f={noMultiCategory:!n(c,\"cartesian\")||n(c,\"noMultiCategory\")};\"box\"===c.type&&c._hasPreCompStats&&l==={h:\"x\",v:\"y\"}[c.orientation||\"v\"]&&(f.noMultiCategory=!0);if(o(c,l)){var p=i(c),d=[];for(r=0;r0?\".\":\"\")+i;a.isPlainObject(o)?l(o,e,s,n+1):e(s,i,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){i(t,c,s.cache),s.check=function(){if(l){var e=i(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\"],h=0;h0&&a<0&&(a+=360);var s=(a-n)/4;return{type:\"Polygon\",coordinates:[[[n,i],[n,o],[n+s,o],[n+2*s,o],[n+3*s,o],[a,o],[a,i],[a-s,i],[a-2*s,i],[a-3*s,i],[n,i]]]}}e.exports=function(t){return new _(t)},w.plot=function(t,e,r){var n=this,a=e[this.id],i=[],o=!1;for(var s in v.layerNameToAdjective)if(\"frame\"!==s&&a[\"show\"+s]){o=!0;break}for(var l=0;l0&&i._module.calcGeoJSON(a,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),c.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()}},w.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[v.projNames[e]](),a=t._isClipped?v.lonaxisSpan[e]/2:null,i=[\"center\",\"rotate\",\"parallels\",\"clipExtent\"],o=function(t){return t?r:[]},s=0;sa*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],a=t[1][1]-t[0][1],i=r.clipExtent&&r.clipExtent();r.scale(150).translate([0,0]),i&&r.clipExtent(null);var o=r.getBounds(e),s=Math.min(n/(o[1][0]-o[0][0]),a/(o[1][1]-o[0][1])),l=+t[0][0]+(n-s*(o[1][0]+o[0][0]))/2,c=+t[0][1]+(a-s*(o[1][1]+o[0][1]))/2;return i&&r.clipExtent(i),r.scale(150*s).translate([l,c])},r.precision(v.precision),a&&r.clipAngle(a-v.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])]],y=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,k=(d.range[0]+d.range[1])/2;if(o._isScoped)y={lon:w,lat:k};else if(o._isClipped){y={lon:w,lat:k},x={lon:w,lat:k,roll:x.roll};var M=c.type,A=v.lonaxisSpan[M]/2||180,S=v.lataxisSpan[M]/2||90;b=[w-A,w+A],_=[k-S,k+S]}else y={lon:w,lat:k},x={lon:w,lat:x.lat,roll:x.roll}}g.center([y.lon-x.lon,y.lat-x.lat]).rotate([-x.lon,-x.lat,x.roll]).parallels(c.parallels);var E=T(b,_);g.fitExtent(m,E);var C=this.bounds=g.getBounds(E),L=this.fitScale=g.scale(),P=g.translate();if(!isFinite(C[0][0])||!isFinite(C[0][1])||!isFinite(C[1][0])||!isFinite(C[1][1])||isNaN(P[0])||isNaN(P[0])){for(var I=[\"fitbounds\",\"projection.rotation\",\"center\",\"lonaxis.range\",\"lataxis.range\"],z=\"Invalid geo settings, relayout'ing to default view.\",O={},D=0;D-1&&g(n.event,i,[r.xaxis],[r.yaxis],r.id,h),c.indexOf(\"event\")>-1&&l.click(i,n.event))}))}function v(t){return r.projection.invert([t[0]+r.xaxis._offset,t[1]+r.yaxis._offset])}},w.makeFramework=function(){var t=this,e=t.graphDiv,r=e._fullLayout,a=\"clip\"+r._uid+t.id;t.clipDef=r._clips.append(\"clipPath\").attr(\"id\",a),t.clipRect=t.clipDef.append(\"rect\"),t.framework=n.select(t.container).append(\"g\").attr(\"class\",\"geo \"+t.id).call(s.setClipUrl,a,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\"},u.setConvert(t.mockAxis,r)},w.saveViewInitial=function(t){var e,r=t.center||{},n=t.projection,a=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\":a.lon,\"projection.rotation.lat\":a.lat}:{\"center.lon\":r.lon,\"center.lat\":r.lat,\"projection.rotation.lon\":a.lon},i.extendFlat(this.viewInitial,e)},w.render=function(){var t,e=this.projection,r=e.getPath();function n(t){var r=e(t.lonlat);return r?\"translate(\"+r[0]+\",\"+r[1]+\")\":null}function a(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\",a).attr(\"transform\",n)}},{\"../../components/color\":615,\"../../components/dragelement\":634,\"../../components/drawing\":637,\"../../components/fx\":655,\"../../lib\":749,\"../../lib/geo_location_utils\":742,\"../../lib/topojson_utils\":776,\"../../registry\":881,\"../cartesian/autorange\":797,\"../cartesian/axes\":798,\"../cartesian/select\":817,\"../plots\":861,\"./constants\":828,\"./projections\":833,\"./zoom\":834,d3:169,\"topojson-client\":551}],830:[function(t,e,r){\"use strict\";var n=t(\"../../plots/get_data\").getSubplotCalcData,a=t(\"../../lib\").counterRegex,i=t(\"./geo\"),o=\"geo\",s=a(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,a=e._subplots.geo,s=0;s0&&L<0&&(L+=360);var P,I,z,O=(C+L)/2;if(!p){var D=d?h.projRotate:[O,0,0];P=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?(I=-96.6,z=38.7):(I=d?O:P,z=(E[0]+E[1])/2),r(\"center.lon\",I),r(\"center.lat\",z),g)&&r(\"projection.parallels\",h.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){a(t,e,r,{type:\"geo\",attributes:s,handleDefaults:c,fullData:r,partition:\"y\"})}},{\"../../lib\":749,\"../get_data\":835,\"../subplot_defaults\":875,\"./constants\":828,\"./layout_attributes\":831}],833:[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 a=c[e.type];return t.geo.stream(e,n(a)),a.result()}t.geo.project=function(t,e){var a=e.stream;if(!a)throw new Error(\"not yet supported\");return(t&&n.hasOwnProperty(t.type)?n[t.type]:r)(t,a)};var n={Feature:e,FeatureCollection:function(t,r){return{type:\"FeatureCollection\",features:t.features.map((function(t){return e(t,r)}))}}},a=[],i=[],o={point:function(t,e){a.push([t,e])},result:function(){var t=a.length?a.length<2?{type:\"Point\",coordinates:a[0]}:{type:\"MultiPoint\",coordinates:a}:null;return a=[],t}},s={lineStart:u,point:function(t,e){a.push([t,e])},lineEnd:function(){a.length&&(i.push(a),a=[])},result:function(){var t=i.length?i.length<2?{type:\"LineString\",coordinates:i[0]}:{type:\"MultiLineString\",coordinates:i}:null;return i=[],t}},l={polygonStart:u,lineStart:u,point:function(t,e){a.push([t,e])},lineEnd:function(){var t=a.length;if(t){do{a.push(a[0].slice())}while(++t<4);i.push(a),a=[]}},polygonEnd:u,result:function(){if(!i.length)return null;var t=[],e=[];return i.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<(f-c)*(n-u)/(p-u)+c&&(a=!a)}return a}(t[0],r))return t.push(e),!0}))||t.push([e])})),i=[],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 h=1e-6,f=Math.PI,p=f/2,d=(Math.sqrt(f),f/180),g=180/f;function m(t){return t>1?p:t<-1?-p:Math.asin(t)}function v(t){return t>1?0:t<-1?f: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,a=1/0;n<10&&Math.abs(a)>h;n++){var i=Math.cos(e);e-=a=(e+Math.sin(e)*(i+2)-r)/(2*i*(1+i))}return[2/Math.sqrt(f*(4+f))*t*(1+Math.cos(e)),2*Math.sqrt(f/(4+f))*Math.sin(e)]}t.geo.interrupt=function(e){var r,n=[[[[-f,0],[0,p],[f,0]]],[[[-f,0],[0,-p],[f,0]]]];function a(t,r){for(var a=r<0?-1:1,i=n[+(r<0)],o=0,s=i.length-1;oi[o][2][0];++o);var l=e(t-i[o][1][0],r);return l[0]+=e(i[o][1][0],a*r>a*i[o][0][1]?i[o][0][1]:r)[0],l}function i(){r=n.map((function(t){return t.map((function(t){var r,n=e(t[0][0],t[0][1])[0],a=e(t[2][0],t[2][1])[0],i=e(t[1][0],t[0][1])[1],o=e(t[1][0],t[1][1])[1];return i>o&&(r=i,i=o,o=r),[[n,i],[a,o]]}))}))}e.invert&&(a.invert=function(t,i){for(var o=r[+(i<0)],s=n[+(i<0)],l=0,u=o.length;l=0;--a){var p;o=180*(p=n[1][a])[0][0]/f,s=180*p[0][1]/f,c=180*p[1][1]/f,u=180*p[2][0]/f,h=180*p[2][1]/f;r.push(l([[u-e,h-e],[u-e,c+e],[o+e,c+e],[o+e,s-e]],30))}return{type:\"Polygon\",coordinates:[t.merge(r)]}}(),i)},a},o.lobes=function(t){return arguments.length?(n=t.map((function(t){return t.map((function(t){return[[t[0][0]*f/180,t[0][1]*f/180],[t[1][0]*f/180,t[1][1]*f/180],[t[2][0]*f/180,t[2][1]*f/180]]}))})),i(),o):n.map((function(t){return t.map((function(t){return[[180*t[0][0]/f,180*t[0][1]/f],[180*t[1][0]/f,180*t[1][1]/f],[180*t[2][0]/f,180*t[2][1]/f]]}))}))},o},b.invert=function(t,e){var r=.5*e*Math.sqrt((4+f)/f),n=m(r),a=Math.cos(n);return[t/(2/Math.sqrt(f*(4+f))*(1+a)),m((n+r*(a+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 a=_(r/e,n);return a[0]*=t,a}return r.invert=function(r,n){var a=_.invert(r/t,n);return a[0]*=e,a},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*f)*Math.sqrt(f*f/3-e*e),e]}function M(t,e){return[t,1.25*Math.log(Math.tan(f/4+.4*e))]}function A(t){return function(e){var r,n=t*Math.sin(e),a=30;do{e-=r=(e+Math.sin(e)-n)/(1+Math.cos(e))}while(Math.abs(r)>h&&--a>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*f*t/Math.sqrt(f*f/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*f]},(t.geo.miller=function(){return y(M)}).raw=M,A(f);var S=function(t,e,r){var n=A(r);function a(r,a){return[t*r*Math.cos(a=n(a)),e*Math.sin(a)]}return a.invert=function(n,a){var i=m(a/e);return[n/(t*Math.cos(i)),m((2*i+Math.sin(2*i))/r)]},a}(Math.SQRT2/p,Math.SQRT2,f);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,a=25;do{var i=n*n,o=i*i;n-=r=(n*(1.007226+i*(.015085+o*(.028874*i-.044475-.005916*o)))-e)/(1.007226+i*(.045255+o*(.259866*i-.311325-.005916*11*o)))}while(Math.abs(r)>h&&--a>0);return[t/(.8707+(i=n*n)*(i*(i*i*i*(.003971-.001529*i)-.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)/f),a=Math.floor(n),i=n-a,o=(r=C[a])[0],s=r[1],l=(r=C[++a])[0],c=r[1],u=(r=C[Math.min(19,++a)])[0],h=r[1];return[t*(l+i*(u-o)/2+i*i*(u-2*l+o)/2),(e>0?p:-p)*(c+i*(h-s)/2+i*i*(h-2*c+s)/2)]}function P(t,e){return[t*Math.cos(e),e]}function I(t,e){var r,n=Math.cos(e),a=(r=v(n*Math.cos(t/=2)))?r/Math.sin(r):1;return[2*n*Math.sin(t)*a,Math.sin(e)*a]}function z(t,e){var r=I(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,a=Math.min(18,Math.abs(n/5)),i=Math.max(0,Math.floor(a));do{var o=C[i][1],s=C[i+1][1],l=C[Math.min(19,i+2)][1],c=l-o,u=l-2*s+o,h=2*(Math.abs(r)-s)/c,f=u/c,m=h*(1-f*h*(1-2*f*h));if(m>=0||1===i){n=(e>=0?5:-5)*(m+a);var v,y=50;do{m=(a=Math.min(18,Math.abs(n)/5))-(i=Math.floor(a)),o=C[i][1],s=C[i+1][1],l=C[Math.min(19,i+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(--i>=0);var x=C[i][0],b=C[i+1][0],_=C[Math.min(19,i+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,P.invert=function(t,e){return[t/Math.cos(e),e]},(t.geo.sinusoidal=function(){return y(P)}).raw=P,I.invert=function(t,e){if(!(t*t+4*e*e>f*f+h)){var r=t,n=e,a=25;do{var i,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(i=1/y):i=0,b=2*x*u*s-t,_=x*c-e,w=i*(g*m+x*u*l*d),T=i*(.5*o*p-2*x*c*s),k=.25*i*(p*s-x*c*g*o),M=i*(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)>h||Math.abs(E)>h)&&--a>0);return[r,n]}},(t.geo.aitoff=function(){return y(I)}).raw=I,z.invert=function(t,e){var r=t,n=e,a=25;do{var i,o=Math.cos(n),s=Math.sin(n),l=Math.sin(2*n),c=s*s,u=o*o,f=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(i=1/y):i=0,b=.5*(2*x*o*g+r/p)-t,_=.5*(x*s+n)-e,w=.5*i*(u*m+x*o*d*c)+.5/p,T=i*(f*l/4-x*s*g),k=.125*i*(l*g-x*s*u*f),M=.5*i*(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)>h||Math.abs(E)>h)&&--a>0);return[r,n]},(t.geo.winkel3=function(){return y(z)}).raw=z}},{}],834:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\"),i=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 h(t,e,r){var n=t.id,o=t.graphDiv,s=o.layout,l=s[n],c=o._fullLayout,u=c[n],h={},f={};function p(t,e){h[n+\".\"+t]=a.nestedProperty(l,t).get(),i.call(\"_storeDirectGUIEdit\",s,c._preGUI,h);var r=a.nestedProperty(u,t);r.get()!==e&&(r.set(e),a.nestedProperty(l,t).set(e),f[n+\".\"+t]=e)}r(p),p(\"projection.scale\",e.scale()/t.fitScale),p(\"fitbounds\",!1),o.emit(\"plotly_relayout\",f)}function f(t,e){var r=u(0,e);function a(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),h(t,e,a)})),r}function p(t,e){var r,a,i,o,s,f,p,d,g,m=u(0,e);function v(t){return e.invert(t)}function y(r){var n=e.rotate(),a=e.invert(t.midPt);r(\"projection.rotation.lon\",-n[0]),r(\"center.lon\",a[0]),r(\"center.lat\",a[1])}return m.on(\"zoomstart\",(function(){n.select(this).style(l),r=n.mouse(this),a=e.rotate(),i=e.translate(),o=a,s=v(r)})).on(\"zoom\",(function(){if(f=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([i[0],n.event.translate[1]]),s?v(f)&&(d=v(f),p=[o[0]+(d[0]-s[0]),a[1],a[2]],e.rotate(p),o=p):s=v(r=f),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&&h(t,e,y)})),m}function d(t,e){var r,a={r:e.rotate(),k:e.scale()},i=u(0,e),o=function(t){var e=0,r=arguments.length,a=[];for(;++ed?(i=(h>0?90:-90)-p,a=0):(i=Math.asin(h/d)*s-p,a=Math.sqrt(d*d-h*h));var g=180-i-2*p,m=(Math.atan2(f,u)-Math.atan2(c,a))*s,v=(Math.atan2(f,u)-Math.atan2(c,-a))*s;return b(r[0],r[1],i,m)<=b(r[0],r[1],g,v)?[i,m,r[2]]:[g,v,r[2]]}function b(t,e,r,n){var a=_(r-t),i=_(n-e);return Math.sqrt(a*a+i*i)}function _(t){return(t%360+540)%360-180}function w(t,e,r){var n=r*o,a=t.slice(),i=0===e?1:0,s=2===e?1:2,l=Math.cos(n),c=Math.sin(n);return a[i]=t[i]*l-t[s]*c,a[s]=t[s]*l+t[i]*c,a}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,a=t.length;nMath.abs(s)?(c.boxEnd[1]=c.boxStart[1]+Math.abs(i)*_*(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)/_*(i>=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?(i=c.boxStart[0]!==c.boxEnd[0],s=c.boxStart[1]!==c.boxEnd[1],i||s?(i&&(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]=a),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 a=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(!a)return n.validate(t[e],l[e])?t[e]:void 0},paper_bgcolor:e.paper_bgcolor,calendar:e.calendar})}},{\"../../../components/color\":615,\"../../../lib\":749,\"../../../registry\":881,\"../../get_data\":835,\"../../subplot_defaults\":875,\"./axis_defaults\":843,\"./layout_attributes\":846}],846:[function(t,e,r){\"use strict\";var n=t(\"./axis_attributes\"),a=t(\"../../domain\").attributes,i=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:i(s(0,0,1),{}),center:i(s(0,0,0),{}),eye:i(s(1.25,1.25,1.25),{}),projection:{type:{valType:\"enumerated\",values:[\"perspective\",\"orthographic\"],dflt:\"perspective\",editType:\"calc\"},editType:\"calc\"},editType:\"camera\"},domain:a({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\":749,\"../../../lib/extend\":739,\"../../domain\":825,\"./axis_attributes\":842}],847:[function(t,e,r){\"use strict\";var n=t(\"../../../lib/str2rgbarray\"),a=[\"xaxis\",\"yaxis\",\"zaxis\"];function i(){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]}i.prototype.merge=function(t){for(var e=0;e<3;++e){var r=t[a[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 i;return e.merge(t),e}},{\"../../../lib/str2rgbarray\":772}],848:[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[i[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 h=u.tickmode;if(\"auto\"===u.tickmode){u.tickmode=\"linear\";var f=u.nticks||a.constrain(u._length/40,4,9);n.autoTicks(u,Math.abs(u.range[1]-u.range[0])/f)}for(var p=n.calcTicks(u,{msUTC:!0}),d=0;d/g,\" \"));l[c]=p,u.tickmode=h}}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],a=new Array(n.length),i=0;ir.deltaY?1.1:1/1.1,i=t.glplot.getAspectratio();t.glplot.setAspectratio({x:n*i.x,y:n*i.y,z:n*i.z})}a(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,a=e.container.getBoundingClientRect(),i=a.width,o=a.height;n.setAttributeNS(null,\"viewBox\",\"0 0 \"+i+\" \"+o),n.setAttributeNS(null,\"width\",i),n.setAttributeNS(null,\"height\",o),x(e),e.glplot.axes.update(e.axesOptions);for(var s,l=Object.keys(e.traces),c=null,u=e.glplot.selection,d=0;d\")):\"isosurface\"===t.type||\"volume\"===t.type?(w.valueLabel=f.tickText(e._mockAxis,e._mockAxis.d2l(u.traceCoordinate[3]),\"hover\").text,A.push(\"value: \"+w.valueLabel),u.textLabel&&A.push(u.textLabel),y=A.join(\"
\")):y=u.textLabel;var S={x:u.traceCoordinate[0],y:u.traceCoordinate[1],z:u.traceCoordinate[2],data:b._input,fullData:b,curveNumber:b.index,pointNumber:_};p.appendArrayPointValue(S,b,_),t._module.eventData&&(S=b._module.eventData(S,u,b,{},_));var E={points:[S]};e.fullSceneLayout.hovermode&&p.loneHover({trace:b,x:(.5+.5*v[0]/v[3])*i,y:(.5-.5*v[1]/v[3])*o,xLabel:w.xLabel,yLabel:w.yLabel,zLabel:w.zLabel,text:y,name:c.name,color:p.castHoverOption(b,_,\"bgcolor\")||c.color,borderColor:p.castHoverOption(b,_,\"bordercolor\"),fontFamily:p.castHoverOption(b,_,\"font.family\"),fontSize:p.castHoverOption(b,_,\"font.size\"),fontColor:p.castHoverOption(b,_,\"font.color\"),nameLength:p.castHoverOption(b,_,\"namelength\"),textAlign:p.castHoverOption(b,_,\"align\"),hovertemplate:h.castOption(b,_,\"hovertemplate\"),hovertemplateLabels:h.extendFlat({},S,w),eventData:[S]},{container:n,gd:r}),u.buttons&&u.distance<5?r.emit(\"plotly_click\",E):r.emit(\"plotly_hover\",E),s=E}else p.loneUnhover(n),r.emit(\"plotly_unhover\",s);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):h.error(\"Catastrophic and unrecoverable WebGL error. Context lost.\")};requestAnimationFrame(e)};var T=[\"xaxis\",\"yaxis\",\"zaxis\"];function k(t,e,r){for(var n=t.fullSceneLayout,a=0;a<3;a++){var i=T[a],o=i.charAt(0),s=n[i],l=e[o],c=e[o+\"calendar\"],u=e[\"_\"+o+\"length\"];if(h.isArrayOrTypedArray(l))for(var f,p=0;p<(u||l.length);p++)if(h.isArrayOrTypedArray(l[p]))for(var d=0;dm[1][i])m[0][i]=-1,m[1][i]=1;else{var C=m[1][i]-m[0][i];m[0][i]-=C/32,m[1][i]+=C/32}if(\"reversed\"===s.autorange){var L=m[0][i];m[0][i]=m[1][i],m[1][i]=L}}else{var P=s.range;m[0][i]=s.r2l(P[0]),m[1][i]=s.r2l(P[1])}m[0][i]===m[1][i]&&(m[0][i]-=1,m[1][i]+=1),v[i]=m[1][i]-m[0][i],this.glplot.setBounds(i,{min:m[0][i]*f[i],max:m[1][i]*f[i]})}var I=c.aspectmode;if(\"cube\"===I)g=[1,1,1];else if(\"manual\"===I){var z=c.aspectratio;g=[z.x,z.y,z.z]}else{if(\"auto\"!==I&&\"data\"!==I)throw new Error(\"scene.js aspectRatio was not one of the enumerated types\");var O=[1,1,1];for(i=0;i<3;++i){var D=y[l=(s=c[T[i]]).type];O[i]=Math.pow(D.acc,1/D.count)/f[i]}g=\"data\"===I||Math.max.apply(null,O)/Math.min.apply(null,O)<=4?O:[1,1,1]}c.aspectratio.x=u.aspectratio.x=g[0],c.aspectratio.y=u.aspectratio.y=g[1],c.aspectratio.z=u.aspectratio.z=g[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=h.nestedProperty(t,this.id+\".camera\").get();function n(t,e,r,n){var a=[\"up\",\"center\",\"eye\"],i=[\"x\",\"y\",\"z\"];return e[a[r]]&&t[a[r]][i[n]]===e[a[r]][i[n]]}var a=!1;if(void 0===r)a=!0;else{for(var i=0;i<3;i++)for(var o=0;o<3;o++)if(!n(e,r,i,o)){a=!0;break}(!r.projection||e.projection&&e.projection.type!==r.projection.type)&&(a=!0)}return a},w.isAspectChanged=function(t){var e=this.glplot.getAspectratio(),r=h.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,a,i,o,s=this.fullLayout,l=this.isCameraChanged(t),c=this.isAspectChanged(t),f=l||c;if(f){var p={};if(l&&(e=this.getCamera(),n=(r=h.nestedProperty(t,this.id+\".camera\")).get(),p[this.id+\".camera\"]=n),c&&(a=this.glplot.getAspectratio(),o=(i=h.nestedProperty(t,this.id+\".aspectratio\")).get(),p[this.id+\".aspectratio\"]=o),u.call(\"_storeDirectGUIEdit\",t,s._preGUI,p),l)r.set(e),h.nestedProperty(s,this.id+\".camera\").set(e);if(c)i.set(a),h.nestedProperty(s,this.id+\".aspectratio\").set(a),this.glplot.redraw()}return f},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,a=n._fullLayout,i=this.fullSceneLayout.camera,o=i.up.x,s=i.up.y,l=i.up.z;if(l/Math.sqrt(o*o+s*s+l*l)<.999){var c=this.id+\".camera.up\",f={x:0,y:0,z:1},p={};p[c]=f;var d=n.layout;u.call(\"_storeDirectGUIEdit\",d,a._preGUI,p),i.up=f,h.nestedProperty(d,c).set(f)}}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,a=e.drawingBufferHeight;e.bindFramebuffer(e.FRAMEBUFFER,null);var i=new Uint8Array(r*a*4);e.readPixels(0,0,r,a,e.RGBA,e.UNSIGNED_BYTE,i),function(t,e,r){for(var n=0,a=r-1;n0)for(var s=255/o,l=0;l<3;++l)t[i+l]=Math.min(s*t[i+l],255)}}(i,r,a);var o=document.createElement(\"canvas\");o.width=r,o.height=a;var s,l=o.getContext(\"2d\"),c=l.createImageData(r,a);switch(c.data.set(i),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[T[t]];f.setConvert(e,this.fullLayout),e.setScale=h.noop}},w.make4thDimension=function(){var t=this.graphDiv._fullLayout;this._mockAxis={type:\"linear\",showexponent:\"all\",exponentformat:\"B\"},f.setConvert(this._mockAxis,t)},e.exports=_},{\"../../components/fx\":655,\"../../lib\":749,\"../../lib/show_no_webgl_msg\":770,\"../../lib/str2rgbarray\":772,\"../../plots/cartesian/axes\":798,\"../../registry\":881,\"./layout/convert\":844,\"./layout/spikes\":847,\"./layout/tick_marks\":848,\"./project\":849,\"gl-plot3d\":301,\"has-passive-events\":415,\"is-mobile\":441,\"webgl-context\":578}],851:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,n){n=n||t.length;for(var a=new Array(n),i=0;i\\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}]}},a=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:a,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:\",a.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\\')'}}},{}],854:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");e.exports=function(t,e){var r=t.split(\" \"),a=r[0],i=r[1],o=n.isArrayOrTypedArray(e)?n.mean(e):e,s=.5+o/100,l=1.5+o/100,c=[\"\",\"\"],u=[0,0];switch(a){case\"top\":c[0]=\"top\",u[1]=-l;break;case\"bottom\":c[0]=\"bottom\",u[1]=l}switch(i){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\":749}],855:[function(t,e,r){\"use strict\";var n=t(\"mapbox-gl\"),a=t(\"../../lib\"),i=t(\"../../plots/get_data\").getSubplotCalcData,o=t(\"../../constants/xmlns_namespaces\"),s=t(\"d3\"),l=t(\"../../components/drawing\"),c=t(\"../../lib/svg_text_utils\"),u=t(\"./mapbox\"),h=r.constants=t(\"./constants\");function f(t){return\"string\"==typeof t&&(-1!==h.styleValuesMapbox.indexOf(t)||0===t.indexOf(\"mapbox://\"))}r.name=\"mapbox\",r.attr=\"subplot\",r.idRoot=\"mapbox\",r.idRegex=r.attrRegex=a.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,o=e._subplots.mapbox;if(n.version!==h.requiredVersion)throw new Error(h.wrongVersionErrorMsg);var s=function(t,e){var r=t._fullLayout;if(\"\"===t._context.mapboxAccessToken)return\"\";for(var n=[],i=[],o=!1,s=!1,l=0;l1&&a.warn(h.multipleTokensErrorMsg),n[0]):(i.length&&a.log([\"Listed mapbox access token(s)\",i.join(\",\"),\"but did not use a Mapbox map style, ignoring token(s).\"].join(\" \")),\"\")}(t,o);n.accessToken=s;for(var l=0;lx/2){var b=g.split(\"|\").join(\"
\");v.text(b).attr(\"data-unformatted\",b).call(c.convertToTspans,t),y=l.bBox(v.node())}v.attr(\"transform\",\"translate(-3, \"+(8-y.height)+\")\"),m.insert(\"rect\",\".static-attribution\").attr({x:-y.width-6,y:-y.height-3,width:y.width+6,height:y.height+3,fill:\"rgba(255, 255, 255, 0.75)\"});var _=1;y.width+6>x&&(_=x/(y.width+6));var w=[n.l+n.w*u.x[1],n.t+n.h*(1-u.y[0])];m.attr(\"transform\",\"translate(\"+w[0]+\",\"+w[1]+\") scale(\"+_+\")\")}},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 a=t.symbol,o=i(a.textposition,a.iconsize);n.extendFlat(e,{\"icon-image\":a.icon+\"-15\",\"icon-size\":a.iconsize/10,\"text-field\":a.text,\"text-size\":a.textfont.size,\"text-anchor\":o.anchor,\"text-offset\":o.offset,\"symbol-placement\":a.placement}),n.extendFlat(r,{\"icon-color\":t.color,\"text-color\":a.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||this.source!==t.source||this.layerType!==t.type},l.needsNewLayer=function(t){return this.layerType!==t.type||this.below!==this.subplot.belowLookup[\"layout-\"+this.index]},l.updateImage=function(t){this.subplot.map.getSource(this.idSource).updateImage({url:t.source,coordinates:t.coordinates})},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,i={type:r};\"geojson\"===r?e=\"data\":\"vector\"===r?e=\"string\"==typeof n?\"url\":\"tiles\":\"raster\"===r?(e=\"tiles\",i.tileSize=256):\"image\"===r&&(e=\"url\",i.coordinates=t.coordinates);i[e]=n,t.sourceattribution&&(i.attribution=a(t.sourceattribution));return i}(t);e.addSource(this.idSource,r)}},l.updateLayer=function(t){var e,r=this.subplot,n=u(t),a=this.subplot.belowLookup[\"layout-\"+this.index];if(\"traces\"===a)for(var i=r.getMapLayers(),s=0;s1)for(r=0;r-1&&v(e.originalEvent,n,[r.xaxis],[r.yaxis],r.id,t),a.indexOf(\"event\")>-1&&c.click(n,e.originalEvent)}}},_.updateFx=function(t){var e=this,r=e.map,n=e.gd;if(!e.isStatic){var i,o=t.dragmode;i=h(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=a.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:i},xaxes:[e.xaxis],yaxes:[e.yaxis],subplot:e.id}),r.off(\"click\",e.onClickInPanHandler),p(o)||f(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?(i[\"text-anchor\"]=\"start\",i.x=5):(i[\"text-anchor\"]=\"end\",i.x=e._paper.attr(\"width\")-7),r.attr(i);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(\"/\"),a=window.location.search;r.attr({\"xlink:xlink:show\":\"new\",\"xlink:xlink:href\":\"/\"+n[2].split(\".\")[0]+\"/\"+n[1]+a})}}(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\"),a=r.append(\"form\").attr({action:e+\"/external\",method:\"post\",target:\"_blank\"});return a.append(\"input\").attr({type:\"text\",name:\"data\"}).node().value=x.graphJson(t,!1,\"keepdata\"),a.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,n=!1,a={};function i(t){for(var r=!0,i=0;i1&&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(f,l,h,i),x.cleanPlot(f,l,h,i);var N=!(!i._has||!i._has(\"gl2d\")),j=!(!l._has||!l._has(\"gl2d\")),U=!(!i._has||!i._has(\"cartesian\"))||N,V=!(!l._has||!l._has(\"cartesian\"))||j;U&&!V?i._bgLayer.remove():V&&!U&&(l._shouldCreateBgLayer=!0),i._zoomlayer&&!t._dragging&&p({_fullLayout:i}),function(t,e){var r,n=[];e.meta&&(r=e._meta={meta:e.meta,layout:{meta:e.meta}});for(var a=0;a0){var h=1-2*s;n=Math.round(h*n),a=Math.round(h*a)}}var f=x.layoutAttributes.width.min,p=x.layoutAttributes.height.min;n1,g=!e.height&&Math.abs(r.height-a)>1;(g||d)&&(d&&(r.width=n),g&&(r.height=a)),t._initialAutoSize||(t._initialAutoSize={width:n,height:a}),x.sanitizeMargins(r)},x.supplyLayoutModuleDefaults=function(t,e,r,n){var a,i,s,l=o.componentsRegistry,u=e._basePlotModules,h=o.subplotsRegistry.cartesian;for(a in l)(s=l[a]).includeBasePlot&&s.includeBasePlot(t,e);for(var f in u.length||u.push(h),e._has(\"cartesian\")&&(o.getComponentMethod(\"grid\",\"contentDefaults\")(t,e),h.finalizeSubplots(t,e)),e._subplots)e._subplots[f].sort(c.subplotSort);for(i=0;i.5*n.width&&(c.log(\"Margin push\",e,\"is too big in x, dropping\"),r.l=r.r=0),r.b+r.t>.5*n.height&&(c.log(\"Margin push\",e,\"is too big in y, dropping\"),r.b=r.t=0);var l=void 0!==r.xl?r.xl:r.x,u=void 0!==r.xr?r.xr:r.x,h=void 0!==r.yt?r.yt:r.y,f=void 0!==r.yb?r.yb:r.y;a[e]={l:{val:l,size:r.l+o},r:{val:u,size:r.r+o},b:{val:f,size:r.b+o},t:{val:h,size:r.t+o}},i[e]=1}else delete a[e],delete i[e];if(!n._replotting)return x.doAutoMargin(t)}},x.doAutoMargin=function(t){var e=t._fullLayout;e._size||(e._size={}),C(e);var r=e._size,n=e.margin,a=c.extendFlat({},r),s=n.l,l=n.r,u=n.t,h=n.b,f=e.width,p=e.height,d=e._pushmargin,g=e._pushmarginIds;if(!1!==e.margin.autoexpand){for(var m in d)g[m]||delete d[m];for(var v in d.base={l:{val:0,size:s},r:{val:1,size:l},t:{val:1,size:u},b:{val:0,size:h}},d){var y=d[v].l||{},b=d[v].b||{},_=y.val,w=y.size,T=b.val,k=b.size;for(var M in d){if(i(w)&&d[M].r){var A=d[M].r.val,S=d[M].r.size;if(A>_){var E=(w*A+(S-f)*_)/(A-_),L=(S*(1-_)+(w-f)*(1-A))/(A-_);E>=0&&L>=0&&f-(E+L)>0&&E+L>s+l&&(s=E,l=L)}}if(i(k)&&d[M].t){var P=d[M].t.val,I=d[M].t.size;if(P>T){var z=(k*P+(I-p)*T)/(P-T),O=(I*(1-T)+(k-p)*(1-P))/(P-T);z>=0&&O>=0&&p-(O+z)>0&&z+O>h+u&&(h=z,u=O)}}}}}if(r.l=Math.round(s),r.r=Math.round(l),r.t=Math.round(u),r.b=Math.round(h),r.p=Math.round(n.pad),r.w=Math.round(f)-r.l-r.r,r.h=Math.round(p)-r.t-r.b,!e._replotting&&x.didMarginChange(a,r)){\"_redrawFromAutoMarginCount\"in e?e._redrawFromAutoMarginCount++:e._redrawFromAutoMarginCount=1;var D=3*(1+Object.keys(g).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 i=0,s=0;function l(){return i++,function(){s++,n||s!==i||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)}(a)}}r.runFn(l),setTimeout(l())}))}],i=c.syncOrAsync(a,t);return i&&i.then||(i=Promise.resolve()),i.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,a,i){(a&&e&&!t._fullData||a&&!e&&!t._fullLayout)&&x.supplyDefaults(t);var o=a?t._fullData:t.data,s=a?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,a={};return Object.keys(t).sort().forEach((function(i){if(-1===[\"_\",\"[\"].indexOf(i.charAt(0)))if(\"function\"!=typeof t[i]){if(\"keepdata\"===r){if(\"src\"===i.substr(i.length-3))return}else if(\"keepstream\"===r){if(\"string\"==typeof(n=t[i+\"src\"])&&n.indexOf(\":\")>0&&!c.isPlainObject(t.stream))return}else if(\"keepall\"!==r&&\"string\"==typeof(n=t[i+\"src\"])&&n.indexOf(\":\")>0)return;a[i]=u(t[i],e)}else e&&(a[i]=\"_function\")})),a}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 h={data:(o||[]).map((function(t){var r=u(t);return e&&delete r.fit,r}))};return e||(h.layout=u(s)),t.framework&&t.framework.isPolar&&(h=t.framework.getConfig()),l&&(h.frames=u(l)),i&&(h.config=u(t._context,!0)),\"object\"===n?h:JSON.stringify(h)},x.modifyFrames=function(t,e){var r,n,a,i=t._transitionData._frames,o=t._transitionData._frameHash;for(r=0;r=0;i--)if(s[i].enabled){r._indexToPoints=s[i]._indexToPoints;break}n&&n.calc&&(o=n.calc(t,r))}Array.isArray(o)&&o[0]||(o=[{x:h,y:h}]),o[0].t||(o[0].t={}),o[0].trace=r,d[e]=o}}for(z(l,u,p),a=0;a1e-10?t:0}function f(t,e,r){e=e||0,r=r||0;for(var n=t.length,a=new Array(n),i=0;i0?r:1/0})),a=n.mod(r+1,e.length);return[e[r],e[a]]},findIntersectionXY:c,findXYatLength:function(t,e,r,n){var a=-e*r,i=e*e+1,o=2*(e*a-r),s=a*a+r*r-t*t,l=Math.sqrt(o*o-4*i*s),c=(-o+l)/(2*i),u=(-o-l)/(2*i);return[[c,e*c+a+n],[u,e*u+a+n]]},clampTiny:h,pathPolygon:function(t,e,r,n,a,i){return\"M\"+f(u(t,e,r,n),a,i).join(\"L\")},pathPolygonAnnulus:function(t,e,r,n,a,i,o){var s,l;t=0?f.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=f.angularAxis.ticksCount||4;L>8&&(L=L/(L/8)+L%8),f.angularAxis.ticksStep&&(L=(C[1]-C[0])/L);var P=f.angularAxis.ticksStep||(C[1]-C[0])/(L*(f.minorTicks+1));w&&(P=Math.max(Math.round(P),1)),C[2]||(C[2]=P);var I=n.range.apply(this,C);if(I=I.map((function(t,e){return parseFloat(t.toPrecision(12))})),s=n.scale.linear().domain(C.slice(0,2)).range(\"clockwise\"===f.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:f.tickColor},B={\"font-size\":f.font.size,\"font-family\":f.font.family,fill:f.font.color,\"text-shadow\":[\"-1px 0px\",\"1px -1px\",\"-1px 1px\",\"1px 1px\"].map((function(t,e){return\" \"+t+\" 0 \"+f.font.outlineColor})).join(\",\")};if(f.showLegend){D=t.select(\".legend-group\").attr({transform:\"translate(\"+[x,f.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:a({},o.Legend.defaultConfig().legendConfig,{container:D,elements:N,reverseOrder:f.legend.reverseOrder})})();var j=D.node().getBBox();x=Math.min(f.width-j.width-f.margin.left-f.margin.right,f.height-f.margin.top-f.margin.bottom)/2,x=Math.max(10,x),_=[f.margin.left+x,f.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:f.width,height:f.height}).style({opacity:f.opacity}),R.attr(\"transform\",\"translate(\"+_+\")\").style({cursor:\"crosshair\"});var U=[(f.width-(f.margin.left+f.margin.right+2*x+(j?j.width:0)))/2,(f.height-(f.margin.top+f.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+\")\"),f.title&&f.title.text){var V=t.select(\"g.title-group text\").style(B).text(f.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(f.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:f.backgroundColor,stroke:f.stroke});function W(t,e){return s(t)%360+f.orientation}if(f.radialAxis.visible){var Z=n.svg.axis().scale(r).ticks(5).tickSize(5);H.call(Z).attr({transform:\"rotate(\"+f.radialAxis.orientation+\")\"}),H.selectAll(\".domain\").style(F),H.selectAll(\"g>text\").text((function(t,e){return this.textContent+f.radialAxis.ticksSuffix})).style(B).style({\"text-anchor\":\"start\"}).attr({x:0,y:0,dx:0,dy:0,transform:function(t,e){return\"horizontal\"===f.radialAxis.tickOrientation?\"rotate(\"+-f.radialAxis.orientation+\") translate(\"+[0,B[\"font-size\"]]+\")\":\"translate(\"+[0,B[\"font-size\"]]+\")\"}}),H.selectAll(\"g>line\").style({stroke:\"black\"})}var X=t.select(\".angular.axis-group\").selectAll(\"g.angular-tick\").data(I),J=X.enter().append(\"g\").classed(\"angular-tick\",!0);X.attr({transform:function(t,e){return\"rotate(\"+W(t)+\")\"}}).style({display:f.angularAxis.visible?\"block\":\"none\"}),X.exit().remove(),J.append(\"line\").classed(\"grid-line\",!0).classed(\"major\",(function(t,e){return e%(f.minorTicks+1)==0})).classed(\"minor\",(function(t,e){return!(e%(f.minorTicks+1)==0)})).style(F),J.selectAll(\".minor\").style({stroke:f.minorTickColor}),X.select(\"line.grid-line\").attr({x1:f.tickLength?x-f.tickLength:0,x2:x}).style({display:f.angularAxis.gridLinesVisible?\"block\":\"none\"}),J.append(\"text\").classed(\"axis-text\",!0).style(B);var K=X.select(\"text.axis-text\").attr({x:x+f.labelOffset,dy:i+\"em\",transform:function(t,e){var r=W(t),n=x+f.labelOffset,a=f.angularAxis.tickOrientation;return\"horizontal\"==a?\"rotate(\"+-r+\" \"+n+\" 0)\":\"radial\"==a?r<270&&r>90?\"rotate(180 \"+n+\" 0)\":null:\"rotate(\"+(r<=180&&r>0?-90:90)+\" \"+n+\" 0)\"}}).style({\"text-anchor\":\"middle\",display:f.angularAxis.labelsVisible?\"block\":\"none\"}).text((function(t,e){return e%(f.minorTicks+1)!=0?\"\":w?w[t]+f.angularAxis.ticksSuffix:t+f.angularAxis.ticksSuffix})).style(B);f.angularAxis.rewriteTicks&&K.text((function(t,e){return e%(f.minorTicks+1)!=0?\"\":f.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,f.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=f.orientation,n.direction=f.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 a(o[r].defaultConfig(),t)}));o[r]().config(n)()}))}var at,it,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 ht=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;ht.attr({x2:-x,transform:\"rotate(\"+r+\")\"}).style({opacity:.5});var n=(r+180+360-f.orientation)%360;at=s.invert(n);var a=o.util.convertToCartesian(x+12,r+180);lt.text(o.util.round(at)).move([a[0]+_[0],a[1]+_[1]])})).on(\"mouseout.angular-guide\",(function(t,e){ot.select(\"line\").style({opacity:0})}))}var ft=ot.select(\"circle\").style({stroke:\"grey\",fill:\"none\"});R.on(\"mousemove.radial-guide\",(function(t,e){var n=o.util.getMousePos(Y).radius;ft.attr({r:n}).style({opacity:.5}),it=r.invert(o.util.getMousePos(Y).radius);var a=o.util.convertToCartesian(n,f.radialAxis.orientation);ct.text(o.util.round(it)).move([a[0]+_[0],a[1]+_[1]])})).on(\"mouseout.radial-guide\",(function(t,e){ft.style({opacity:0}),ut.hide(),lt.hide(),ct.hide()})),t.selectAll(\".geometry-group .mark\").on(\"mouseover.tooltip\",(function(e,r){var a=n.select(this),i=this.style.fill,s=\"black\",l=this.style.opacity||1;if(a.attr({\"data-opacity\":l}),i&&\"none\"!==i){a.attr({\"data-fill\":i}),s=n.hsl(i).darker().toString(),a.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,h=this.getBoundingClientRect(),f=t.node().getBoundingClientRect(),p=[h.left+h.width/2-U[0]-f.left,h.top+h.height/2-U[1]-f.top];ut.config({color:s}).text(u),ut.move(p)}else i=this.style.stroke||\"black\",a.attr({\"data-stroke\":i}),s=n.hsl(i).darker().toString(),a.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),a=r.attr(\"data-fill\");a?r.style({fill:a,opacity:r.attr(\"data-opacity\")}):r.style({stroke:r.attr(\"data-stroke\"),opacity:r.attr(\"data-opacity\")})}))}))}(c),this},f.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]={}),a(l.data[e],o.Axis.defaultConfig().data[0]),a(l.data[e],t)})),a(l.layout,o.Axis.defaultConfig().layout),a(l.layout,e.layout),this},f.getLiveConfig=function(){return u},f.getinputConfig=function(){return c},f.radialScale=function(t){return r},f.angularScale=function(t){return s},f.svg=function(){return t},n.rebind(f,h,\"on\"),f},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 a=e||6,i=[],o=[];n.range(0,360+a,a).forEach((function(e,r){var n=e*Math.PI/180,a=t(n);i.push(e),o.push(a)}));var s={t:i,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],a=e[1],i={};return i.x=r,i.y=a,i.pos=e,i.angle=180*(Math.atan2(a,r)+Math.PI)/Math.PI,i.radius=Math.sqrt(r*r+a*a),i},o.util.duplicatesCount=function(t){for(var e,r={},n={},a=0,i=t.length;a0)){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,a,i)},\"fill-opacity\":0,stroke:function(t,e){return d.stroke(r,a,i)},\"stroke-width\":function(t,e){return d[\"stroke-width\"](r,a,i)},\"stroke-dasharray\":function(t,e){return d[\"stroke-dasharray\"](r,a,i)},opacity:function(t,e){return d.opacity(r,a,i)},display:function(t,e){return d.display(r,a,i)}})}};var h=e.angularScale.range(),f=Math.abs(h[1]-h[0])/o[0].length*Math.PI/180,p=n.svg.arc().startAngle((function(t){return-f/2})).endAngle((function(t){return f/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,a){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,a){return r[t[a].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 i.config=function(e){return arguments.length?(e.forEach((function(e,r){t[r]||(t[r]={}),a(t[r],o.PolyChart.defaultConfig()),a(t[r],e)})),this):t},i.getColorScale=function(){},n.rebind(i,e,\"on\"),i},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,i=t.data.map((function(t,r){return[].concat(t).map((function(t,n){var i=a({},e.elements[r]);return i.name=t,i.color=[].concat(e.elements[r].color)[n],i}))})),o=n.merge(i);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,h=u?e.height:c*o.length,f=s.classed(\"legend-group\",!0).selectAll(\"svg\").data([0]),p=f.enter().append(\"svg\").attr({width:300,height:h+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,h]);if(u){var v=f.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}}),f.append(\"rect\").classed(\"legend-mark\",!0).attr({height:e.height,width:e.colorBandWidth,fill:\"url(#grad1)\"})}else{var y=f.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,a,i,o=t.symbol;return i=3*(a=c),\"line\"===(r=o)?\"M\"+[[-a/2,-a/12],[a/2,-a/12],[a/2,a/12],[-a/2,a/12]]+\"Z\":-1!=n.svg.symbolTypes.indexOf(r)?n.svg.symbol().type(r).size(i)():n.svg.symbol().type(\"square\").size(i)()},fill:function(t,e){return g(e)}}),y.exit().remove()}var x=n.svg.axis().scale(m).orient(\"right\"),b=f.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?(a(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,i={container:null,hasTick:!1,fontSize:12,color:\"white\",padding:5},s=\"tooltip-\"+o.tooltipPanel.uid++,l=10,c=function(){var n=(t=i.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:i.padding+l,dy:.3*+i.fontSize}),c};return c.text=function(a){var o=n.hsl(i.color).l,s=o>=.5?\"#aaa\":\"white\",u=o>=.5?\"black\":\"white\",h=a||\"\";e.style({fill:u,\"font-size\":i.fontSize+\"px\"}).text(h);var f=i.padding,p=e.node().getBBox(),d={fill:i.color,stroke:s,\"stroke-width\":\"2px\"},g=p.width+2*f+l,m=p.height+2*f;return r.attr({d:\"M\"+[[l,-m/2],[l,-m/4],[i.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*f]+\")\"}),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 a(i,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=a({},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 i=o.util.duplicates(r.data.map((function(t,e){return t.geometry})));r.data.forEach((function(t,e){var n=i.indexOf(t.geometry);-1!=n&&(r.data[e].groupId=n)}))}if(t.layout){var s=a({},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\":717,\"../../../lib\":749,d3:169}],871:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../../lib\"),i=t(\"../../../components/color\"),o=t(\"./micropolar\"),s=t(\"./undo_manager\"),l=a.extendDeepAll,c=e.exports={};c.framework=function(t){var e,r,a,i,u,h=new s;function f(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,a||(a=o.Axis()),i=o.adapter.plotly().convert(e),a.config(i).render(u),t.data=e.data,t.layout=e.layout,c.fillLayout(t),e}return f.isPolar=!0,f.svg=function(){return a.svg()},f.getConfig=function(){return e},f.getLiveConfig=function(){return o.adapter.plotly().convert(a.getLiveConfig(),!0)},f.getLiveScales=function(){return{t:a.angularScale(),r:a.radialScale()}},f.setUndoPoint=function(){var t,n,a=this,i=o.util.cloneJson(e);t=i,n=r,h.add({undo:function(){n&&a(n)},redo:function(){a(t)}}),r=o.util.cloneJson(i)},f.undo=function(){h.undo()},f.redo=function(){h.redo()},f},c.fillLayout=function(t){var e=n.select(t).selectAll(\".plot-container\"),r=e.selectAll(\".svg-container\"),a=t.framework&&t.framework.svg&&t.framework.svg(),o={width:800,height:600,paper_bgcolor:i.background,_container:e,_paperdiv:r,_paper:a};t._fullLayout=l(o,t.layout)}},{\"../../../components/color\":615,\"../../../lib\":749,\"./micropolar\":870,\"./undo_manager\":872,d3:169}],872:[function(t,e,r){\"use strict\";e.exports=function(){var t,e=[],r=-1,n=!1;function a(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?(a(n,\"undo\"),r-=1,t&&t(n.undo),this):this},redo:function(){var n=e[r+1];return n?(a(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&&f<=0?0:Math.max(u,f);e=s<=180&&l>=180||s>180&&l>=540?-1:c>=0&&h>=0?0:Math.min(c,h);r=s<=270&&l>=270||s>270&&l>=630?-1:u>=0&&f>=0?0:Math.min(u,f);n=l>=360?1:c<=0&&h<=0?0:Math.max(c,h);return[e,r,n,a]}(f),x=y[2]-y[0],b=y[3]-y[1],_=h/u,w=Math.abs(b/x);_>w?(p=u,v=(h-(d=u*w))/n.h/2,g=[o[0],o[1]],m=[c[0]+v,c[1]-v]):(d=h,v=(u-(p=h/w))/n.w/2,g=[o[0]+v,o[1]-v],m=[c[0],c[1]]),this.xLength2=p,this.yLength2=d,this.xDomain2=g,this.yDomain2=m;var T=this.xOffset2=n.l+n.w*g[0],k=this.yOffset2=n.t+n.h*(1-m[1]),M=this.radius=p/x,A=this.innerRadius=e.hole*M,S=this.cx=T-M*y[0],L=this.cy=k+M*y[3],P=this.cxx=S-T,I=this.cyy=L-k;this.radialAxis=this.mockAxis(t,e,a,{_id:\"x\",side:{counterclockwise:\"top\",clockwise:\"bottom\"}[a.side],domain:[A/n.w,M/n.w]}),this.angularAxis=this.mockAxis(t,e,i,{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:g}),this.yaxis=this.mockCartesianAxis(t,e,{_id:\"y\",domain:m});var z=this.pathSubplot();this.clipPaths.forTraces.select(\"path\").attr(\"d\",z).attr(\"transform\",R(P,I)),r.frontplot.attr(\"transform\",R(T,k)).call(l.setClipUrl,this._hasClipOnAxisFalse?null:this.clipIds.forTraces,this.gd),r.bg.attr(\"d\",z).attr(\"transform\",R(S,L)).call(s.fill,e.bgcolor)},I.mockAxis=function(t,e,r,n){var a=o.extendFlat({},r,n);return f(a,e,t),a},I.mockCartesianAxis=function(t,e,r){var n=this,a=r._id,i=o.extendFlat({type:\"linear\"},r);h(i,t);var s={x:[0,2],y:[1,3]};return i.setRange=function(){var t=n.sectorBBox,r=s[a],o=n.radialAxis._rl,l=(o[1]-o[0])/(1-e.hole);i.range=[t[r[0]]*l,t[r[1]]*l]},i.isPtWithinRange=\"x\"===a?function(t){return n.isPtInside(t)}:function(){return!0},i.setRange(),i.setScale(),i},I.doAutoRange=function(t,e){var r=this.gd,n=this.radialAxis,a=e.radialaxis;n.setScale(),p(r,n);var i=n.range;a.range=i.slice(),a._input.range=i.slice(),n._rl=[n.r2l(i[0],null,\"gregorian\"),n.r2l(i[1],null,\"gregorian\")]},I.updateRadialAxis=function(t,e){var r=this,n=r.gd,a=r.layers,i=r.radius,l=r.innerRadius,c=r.cx,h=r.cy,f=e.radialaxis,p=E(e.sector[0],360),d=r.radialAxis,g=l90&&p<=270&&(d.tickangle=180);var m=function(t){return\"translate(\"+(d.l2p(t.x)+l)+\",0)\"},v=z(f);if(r.radialTickLayout!==v&&(a[\"radial-axis\"].selectAll(\".xtick\").remove(),r.radialTickLayout=v),g){d.setScale();var y=u.calcTicks(d),x=u.clipEnds(d,y),b=u.getTickSigns(d)[2];u.drawTicks(n,d,{vals:y,layer:a[\"radial-axis\"],path:u.makeTickPath(d,0,b),transFn:m,crisp:!1}),u.drawGrid(n,d,{vals:x,layer:a[\"radial-grid\"],path:function(t){return r.pathArc(d.r2p(t.x)+l)},transFn:o.noop,crisp:!1}),u.drawLabels(n,d,{vals:y,layer:a[\"radial-axis\"],transFn:m,labelFns:u.makeLabelFns(d,0)})}var _=r.radialAxisAngle=r.vangles?L(O(C(f.angle),r.vangles)):f.angle,w=R(c,h),T=w+F(-_);D(a[\"radial-axis\"],g&&(f.showticklabels||f.ticks),{transform:T}),D(a[\"radial-grid\"],g&&f.showgrid,{transform:w}),D(a[\"radial-line\"].select(\"line\"),g&&f.showline,{x1:l,y1:0,x2:i,y2:0,transform:T}).attr(\"stroke-width\",f.linewidth).call(s.stroke,f.linecolor)},I.updateRadialAxisTitle=function(t,e,r){var n=this.gd,a=this.radius,i=this.cx,o=this.cy,s=e.radialaxis,c=this.id+\"title\",u=void 0!==r?r:this.radialAxisAngle,h=C(u),f=Math.cos(h),p=Math.sin(h),d=0;if(s.title){var g=l.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\"]=v.draw(n,c,{propContainer:s,propName:this.id+\".radialaxis.title\",placeholder:S(n,\"Click to enter radial axis title\"),attributes:{x:i+a/2*f+d*p,y:o-a/2*p+d*f,\"text-anchor\":\"middle\"},transform:{rotate:-u}})},I.updateAngularAxis=function(t,e){var r=this,n=r.gd,a=r.layers,i=r.radius,l=r.innerRadius,c=r.cx,h=r.cy,f=e.angularaxis,p=r.angularAxis;r.fillViewInitialKey(\"angularaxis.rotation\",f.rotation),p.setGeometry(),p.setScale();var d=function(t){return p.t2g(t.x)};\"linear\"===p.type&&\"radians\"===p.thetaunit&&(p.tick0=L(p.tick0),p.dtick=L(p.dtick));var g=function(t){return R(c+i*Math.cos(t),h-i*Math.sin(t))},m=u.makeLabelFns(p,0).labelStandoff,v={xFn:function(t){var e=d(t);return Math.cos(e)*m},yFn:function(t){var e=d(t),r=Math.sin(e)>0?.2:1;return-Math.sin(e)*(m+t.fontSize*r)+Math.abs(Math.cos(e))*(t.fontSize*k)},anchorFn:function(t){var e=d(t),r=Math.cos(e);return Math.abs(r)<.1?\"middle\":r>0?\"start\":\"end\"},heightFn:function(t,e,r){var n=d(t);return-.5*(1+Math.sin(n))*r}},y=z(f);r.angularTickLayout!==y&&(a[\"angular-axis\"].selectAll(\".\"+p._id+\"tick\").remove(),r.angularTickLayout=y);var x,b=u.calcTicks(p);if(\"linear\"===e.gridshape?(x=b.map(d),o.angleDelta(x[0],x[1])<0&&(x=x.slice().reverse())):x=null,r.vangles=x,\"category\"===p.type&&(b=b.filter((function(t){return o.isAngleInsideSector(d(t),r.sectorInRad)}))),p.visible){var _=\"inside\"===p.ticks?-1:1,w=(p.linewidth||1)/2;u.drawTicks(n,p,{vals:b,layer:a[\"angular-axis\"],path:\"M\"+_*w+\",0h\"+_*p.ticklen,transFn:function(t){var e=d(t);return g(e)+F(-L(e))},crisp:!1}),u.drawGrid(n,p,{vals:b,layer:a[\"angular-grid\"],path:function(t){var e=d(t),r=Math.cos(e),n=Math.sin(e);return\"M\"+[c+l*r,h-l*n]+\"L\"+[c+i*r,h-i*n]},transFn:o.noop,crisp:!1}),u.drawLabels(n,p,{vals:b,layer:a[\"angular-axis\"],repositionOnUpdate:!0,transFn:function(t){return g(d(t))},labelFns:v})}D(a[\"angular-line\"].select(\"path\"),f.showline,{d:r.pathSubplot(),transform:R(c,h)}).attr(\"stroke-width\",f.linewidth).call(s.stroke,f.linecolor)},I.updateFx=function(t,e){this.gd._context.staticPlot||(this.updateAngularDrag(t),this.updateRadialDrag(t,e,0),this.updateRadialDrag(t,e,1),this.updateMainDrag(t))},I.updateMainDrag=function(t){var e=this,r=e.gd,o=e.layers,s=t._zoomlayer,l=M.MINZOOM,c=M.OFFEDGE,u=e.radius,h=e.innerRadius,f=e.cx,p=e.cy,v=e.cxx,_=e.cyy,w=e.sectorInRad,T=e.vangles,k=e.radialAxis,S=A.clampTiny,E=A.findXYatLength,C=A.findEnclosingVertexAngles,L=M.cornerHalfWidth,P=M.cornerLen/2,I=d.makeDragger(o,\"path\",\"maindrag\",\"crosshair\");n.select(I).attr(\"d\",e.pathSubplot()).attr(\"transform\",R(f,p));var z,O,D,F,B,N,j,U,V,q={element:I,gd:r,subplot:e.id,plotinfo:{id:e.id,xaxis:e.xaxis,yaxis:e.yaxis},xaxes:[e.xaxis],yaxes:[e.yaxis]};function H(t,e){return Math.sqrt(t*t+e*e)}function G(t,e){return H(t-v,e-_)}function Y(t,e){return Math.atan2(_-e,t-v)}function W(t,e){return[t*Math.cos(e),t*Math.sin(-e)]}function Z(t,r){if(0===t)return e.pathSector(2*L);var n=P/t,a=r-n,i=r+n,o=Math.max(0,Math.min(t,u)),s=o-L,l=o+L;return\"M\"+W(s,a)+\"A\"+[s,s]+\" 0,0,0 \"+W(s,i)+\"L\"+W(l,i)+\"A\"+[l,l]+\" 0,0,1 \"+W(l,a)+\"Z\"}function X(t,r,n){if(0===t)return e.pathSector(2*L);var a,i,o=W(t,r),s=W(t,n),l=S((o[0]+s[0])/2),c=S((o[1]+s[1])/2);if(l&&c){var u=c/l,h=-1/u,f=E(L,u,l,c);a=E(P,h,f[0][0],f[0][1]),i=E(P,h,f[1][0],f[1][1])}else{var p,d;c?(p=P,d=L):(p=L,d=P),a=[[l-p,c-d],[l+p,c-d]],i=[[l-p,c+d],[l+p,c+d]]}return\"M\"+a.join(\"L\")+\"L\"+i.reverse().join(\"L\")+\"Z\"}function J(t,e){return e=Math.max(Math.min(e,u),h),tl?(t-1&&1===t&&x(n,r,[e.xaxis],[e.yaxis],e.id,q),a.indexOf(\"event\")>-1&&m.click(r,n,e.id)}q.prepFn=function(t,n,i){var o=r._fullLayout.dragmode,l=I.getBoundingClientRect();if(z=n-l.left,O=i-l.top,T){var c=A.findPolygonOffset(u,w[0],w[1],T);z+=v+c[0],O+=_+c[1]}switch(o){case\"zoom\":q.moveFn=T?tt:Q,q.clickFn=nt,q.doneFn=et,function(){D=null,F=null,B=e.pathSubplot(),N=!1;var t=r._fullLayout[e.id];j=a(t.bgcolor).getLuminance(),(U=d.makeZoombox(s,j,f,p,B)).attr(\"fill-rule\",\"evenodd\"),V=d.makeCorners(s,f,p),b(r)}();break;case\"select\":case\"lasso\":y(t,n,i,q,o)}},I.onmousemove=function(t){m.hover(r,t,e.id),r._fullLayout._lasthover=I,r._fullLayout._hoversubplot=e.id},I.onmouseout=function(t){r._dragging||g.unhover(r,t)},g.init(q)},I.updateRadialDrag=function(t,e,r){var a=this,s=a.gd,l=a.layers,c=a.radius,u=a.innerRadius,h=a.cx,f=a.cy,p=a.radialAxis,m=M.radialDragBoxSize,v=m/2;if(p.visible){var y,x,_,k=C(a.radialAxisAngle),A=p._rl,S=A[0],E=A[1],P=A[r],I=.75*(A[1]-A[0])/(1-e.hole)/c;r?(y=h+(c+v)*Math.cos(k),x=f-(c+v)*Math.sin(k),_=\"radialdrag\"):(y=h+(u-v)*Math.cos(k),x=f-(u-v)*Math.sin(k),_=\"radialdrag-inner\");var z,B,N,j=d.makeRectDragger(l,_,\"crosshair\",-v,-v,m,m),U={element:j,gd:s};D(n.select(j),p.visible&&u0==(r?N>S: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*i},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 a=t.d2c,s=t.c2d;t.d2c=function(t,e){return function(t,e){return\"degrees\"===e?i(t):t}(a(t),e)},t.c2d=function(t,e){return s(function(t,e){return\"degrees\"===e?o(t):t}(t,e))}}t.makeCalcdata=function(e,a){var i,o,s=e[a],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(i=new Array(l),o=0;o0){for(var n=[],a=0;a=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 a=h[e._name];function o(r,n){return i.coerce(t,e,a,r,n)}o(\"uirevision\",n.uirevision),e.type=\"linear\";var f=o(\"color\"),p=f!==a.color.dflt?f:r.font.color,d=e._name.charAt(0).toUpperCase(),g=\"Component \"+d,m=o(\"title.text\",g);e._hovertitle=m===g?m:d,i.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\")&&(i.coerceFont(o,\"tickfont\",{family:r.font.family,size:r.font.size,color:p}),o(\"tickangle\"),o(\"tickformat\")),u(t,e,o,{dfltColor:f,bgColor:r.bgColor,blend:60,showLine:!0,showGrid:!0,noZeroLine:!0,attributes:a}),o(\"hoverformat\"),o(\"layer\")}e.exports=function(t,e,r){o(t,e,r,{type:\"ternary\",attributes:h,handleDefaults:p,font:e.font,paper_bgcolor:e.paper_bgcolor})}},{\"../../components/color\":615,\"../../lib\":749,\"../../plot_api/plot_template\":787,\"../cartesian/line_grid_defaults\":814,\"../cartesian/tick_label_defaults\":819,\"../cartesian/tick_mark_defaults\":820,\"../cartesian/tick_value_defaults\":821,\"../subplot_defaults\":875,\"./layout_attributes\":878}],880:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"tinycolor2\"),i=t(\"../../registry\"),o=t(\"../../lib\"),s=o._,l=t(\"../../components/color\"),c=t(\"../../components/drawing\"),u=t(\"../cartesian/set_convert\"),h=t(\"../../lib/extend\").extendFlat,f=t(\"../plots\"),p=t(\"../cartesian/axes\"),d=t(\"../../components/dragelement\"),g=t(\"../../components/fx\"),m=t(\"../../components/dragelement/helpers\"),v=m.freeMode,y=m.rectMode,x=t(\"../../components/titles\"),b=t(\"../cartesian/select\").prepSelect,_=t(\"../cartesian/select\").selectOnClick,w=t(\"../cartesian/select\").clearSelect,T=t(\"../cartesian/select\").clearSelectionsCache,k=t(\"../cartesian/constants\");function M(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=M;var A=M.prototype;A.init=function(t){this.container=t._ternarylayer,this.defs=t._defs,this.layoutId=t._uid,this.traceHash={},this.layers={}},A.plot=function(t,e){var r=e[this.id],n=e._size;this._hasClipOnAxisFalse=!1;for(var a=0;aS*x?a=(i=x)*S:i=(a=y)/S,o=m*a/y,s=v*i/x,r=e.l+e.w*d-a/2,n=e.t+e.h*(1-g)-i/2,f.x0=r,f.y0=n,f.w=a,f.h=i,f.sum=b,f.xaxis={type:\"linear\",range:[_+2*T-b,b-_-2*w],domain:[d-o/2,d+o/2],_id:\"x\"},u(f.xaxis,f.graphDiv._fullLayout),f.xaxis.setScale(),f.xaxis.isPtWithinRange=function(t){return t.a>=f.aaxis.range[0]&&t.a<=f.aaxis.range[1]&&t.b>=f.baxis.range[1]&&t.b<=f.baxis.range[0]&&t.c>=f.caxis.range[1]&&t.c<=f.caxis.range[0]},f.yaxis={type:\"linear\",range:[_,b-w-T],domain:[g-s/2,g+s/2],_id:\"y\"},u(f.yaxis,f.graphDiv._fullLayout),f.yaxis.setScale(),f.yaxis.isPtWithinRange=function(){return!0};var k=f.yaxis.domain[0],M=f.aaxis=h({},t.aaxis,{range:[_,b-w-T],side:\"left\",tickangle:(+t.aaxis.tickangle||0)-30,domain:[k,k+s*S],anchor:\"free\",position:0,_id:\"y\",_length:a});u(M,f.graphDiv._fullLayout),M.setScale();var A=f.baxis=h({},t.baxis,{range:[b-_-T,w],side:\"bottom\",domain:f.xaxis.domain,anchor:\"free\",position:0,_id:\"x\",_length:a});u(A,f.graphDiv._fullLayout),A.setScale();var E=f.caxis=h({},t.caxis,{range:[b-_-w,T],side:\"right\",tickangle:(+t.caxis.tickangle||0)+30,domain:[k,k+s*S],anchor:\"free\",position:0,_id:\"y\",_length:a});u(E,f.graphDiv._fullLayout),E.setScale();var C=\"M\"+r+\",\"+(n+i)+\"h\"+a+\"l-\"+a/2+\",-\"+i+\"Z\";f.clipDef.select(\"path\").attr(\"d\",C),f.layers.plotbg.select(\"path\").attr(\"d\",C);var L=\"M0,\"+i+\"h\"+a+\"l-\"+a/2+\",-\"+i+\"Z\";f.clipDefRelative.select(\"path\").attr(\"d\",L);var P=\"translate(\"+r+\",\"+n+\")\";f.plotContainer.selectAll(\".scatterlayer,.maplayer\").attr(\"transform\",P),f.clipDefRelative.select(\"path\").attr(\"transform\",null);var I=\"translate(\"+(r-A._offset)+\",\"+(n+i)+\")\";f.layers.baxis.attr(\"transform\",I),f.layers.bgrid.attr(\"transform\",I);var z=\"translate(\"+(r+a/2)+\",\"+n+\")rotate(30)translate(0,\"+-M._offset+\")\";f.layers.aaxis.attr(\"transform\",z),f.layers.agrid.attr(\"transform\",z);var O=\"translate(\"+(r+a/2)+\",\"+n+\")rotate(-30)translate(0,\"+-E._offset+\")\";f.layers.caxis.attr(\"transform\",O),f.layers.cgrid.attr(\"transform\",O),f.drawAxes(!0),f.layers.aline.select(\"path\").attr(\"d\",M.showline?\"M\"+r+\",\"+(n+i)+\"l\"+a/2+\",-\"+i:\"M0,0\").call(l.stroke,M.linecolor||\"#000\").style(\"stroke-width\",(M.linewidth||0)+\"px\"),f.layers.bline.select(\"path\").attr(\"d\",A.showline?\"M\"+r+\",\"+(n+i)+\"h\"+a:\"M0,0\").call(l.stroke,A.linecolor||\"#000\").style(\"stroke-width\",(A.linewidth||0)+\"px\"),f.layers.cline.select(\"path\").attr(\"d\",E.showline?\"M\"+(r+a/2)+\",\"+n+\"l\"+a/2+\",\"+i:\"M0,0\").call(l.stroke,E.linecolor||\"#000\").style(\"stroke-width\",(E.linewidth||0)+\"px\"),f.graphDiv._context.staticPlot||f.initInteractions(),c.setClipUrl(f.layers.frontplot,f._hasClipOnAxisFalse?null:f.clipId,f.graphDiv)},A.drawAxes=function(t){var e=this.graphDiv,r=this.id.substr(7)+\"title\",n=this.layers,a=this.aaxis,i=this.baxis,o=this.caxis;if(this.drawAx(a),this.drawAx(i),this.drawAx(o),t){var l=Math.max(a.showticklabels?a.tickfont.size/2:0,(o.showticklabels?.75*o.tickfont.size:0)+(\"outside\"===o.ticks?.87*o.ticklen:0)),c=(i.showticklabels?i.tickfont.size:0)+(\"outside\"===i.ticks?i.ticklen:0)+3;n[\"a-title\"]=x.draw(e,\"a\"+r,{propContainer:a,propName:this.id+\".aaxis.title\",placeholder:s(e,\"Click to enter Component A title\"),attributes:{x:this.x0+this.w/2,y:this.y0-a.title.font.size/3-l,\"text-anchor\":\"middle\"}}),n[\"b-title\"]=x.draw(e,\"b\"+r,{propContainer:i,propName:this.id+\".baxis.title\",placeholder:s(e,\"Click to enter Component B title\"),attributes:{x:this.x0-c,y:this.y0+this.h+.83*i.title.font.size+c,\"text-anchor\":\"middle\"}}),n[\"c-title\"]=x.draw(e,\"c\"+r,{propContainer:o,propName:this.id+\".caxis.title\",placeholder:s(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\"}})}},A.drawAx=function(t){var e,r=this.graphDiv,n=t._name,a=n.charAt(0),i=t._id,s=this.layers[n],l=a+\"tickLayout\",c=(e=t).ticks+String(e.ticklen)+String(e.showticklabels);this[l]!==c&&(s.selectAll(\".\"+i+\"tick\").remove(),this[l]=c),t.setScale();var u=p.calcTicks(t),h=p.clipEnds(t,u),f=p.makeTransFn(t),d=p.getTickSigns(t)[2],g=o.deg2rad(30),m=d*(t.linewidth||1)/2,v=d*t.ticklen,y=this.w,x=this.h,b=\"b\"===a?\"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}[a];p.drawTicks(r,t,{vals:\"inside\"===t.ticks?h:u,layer:s,path:b,transFn:f,crisp:!1}),p.drawGrid(r,t,{vals:h,layer:this.layers[a+\"grid\"],path:_,transFn:f,crisp:!1}),p.drawLabels(r,t,{vals:u,layer:s,transFn:f,labelFns:p.makeLabelFns(t,0,30)})};var E=k.MINZOOM/2+.87,C=\"m-0.87,.5h\"+E+\"v3h-\"+(E+5.2)+\"l\"+(E/2+2.6)+\",-\"+(.87*E+4.5)+\"l2.6,1.5l-\"+E/2+\",\"+.87*E+\"Z\",L=\"m0.87,.5h-\"+E+\"v3h\"+(E+5.2)+\"l-\"+(E/2+2.6)+\",-\"+(.87*E+4.5)+\"l-2.6,1.5l\"+E/2+\",\"+.87*E+\"Z\",P=\"m0,1l\"+E/2+\",\"+.87*E+\"l2.6,-1.5l-\"+(E/2+2.6)+\",-\"+(.87*E+4.5)+\"l-\"+(E/2+2.6)+\",\"+(.87*E+4.5)+\"l2.6,1.5l\"+E/2+\",-\"+.87*E+\"Z\",I=!0;function z(t){n.select(t).selectAll(\".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners\").remove()}A.clearSelect=function(){T(this.dragOptions),w(this.dragOptions.gd)},A.initInteractions=function(){var t,e,r,n,u,h,f,p,m,x,w=this,T=w.layers.plotbg.select(\"path\").node(),M=w.graphDiv,A=M._fullLayout._zoomlayer;function E(t){var e={};return e[w.id+\".aaxis.min\"]=t.a,e[w.id+\".baxis.min\"]=t.b,e[w.id+\".caxis.min\"]=t.c,e}function O(t,e){var r=M._fullLayout.clickmode;z(M),2===t&&(M.emit(\"plotly_doubleclick\",null),i.call(\"_guiRelayout\",M,E({a:0,b:0,c:0}))),r.indexOf(\"select\")>-1&&1===t&&_(e,M,[w.xaxis],[w.yaxis],w.id,w.dragOptions),r.indexOf(\"event\")>-1&&g.click(M,e,w.id)}function D(t,e){return 1-e/w.h}function R(t,e){return 1-(t+(w.h-e)/Math.sqrt(3))/w.w}function F(t,e){return(t-(w.h-e)/Math.sqrt(3))/w.w}function B(a,i){var o=t+a,s=e+i,l=Math.max(0,Math.min(1,D(0,e),D(0,s))),c=Math.max(0,Math.min(1,R(t,e),R(o,s))),d=Math.max(0,Math.min(1,F(t,e),F(o,s))),g=(l/2+d)*w.w,v=(1-l/2-c)*w.w,y=(g+v)/2,b=v-g,_=(1-l)*w.h,T=_-b/S;b.2?\"rgba(0,0,0,0.4)\":\"rgba(255,255,255,0.3)\").duration(200),x.transition().style(\"opacity\",1).duration(200),p=!0),M.emit(\"plotly_relayouting\",E(u))}function N(){z(M),u!==r&&(i.call(\"_guiRelayout\",M,E(u)),I&&M.data&&M._context.showTips&&(o.notifier(s(M,\"Double-click to zoom back out\"),\"long\"),I=!1))}function j(t,e){var n=t/w.xaxis._m,a=e/w.yaxis._m,i=[(u={a:r.a-a,b:r.b+(n+a)/2,c:r.c-(n-a)/2}).a,u.b,u.c].sort(o.sorterAsc),s=i.indexOf(u.a),l=i.indexOf(u.b),h=i.indexOf(u.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),u={a:i[s],b:i[l],c:i[h]},e=(r.a-u.a)*w.yaxis._m,t=(r.c-u.c-r.b+u.b)*w.xaxis._m);var f=\"translate(\"+(w.x0+t)+\",\"+(w.y0+e)+\")\";w.plotContainer.selectAll(\".scatterlayer,.maplayer\").attr(\"transform\",f);var p=\"translate(\"+-t+\",\"+-e+\")\";w.clipDefRelative.select(\"path\").attr(\"transform\",p),w.aaxis.range=[u.a,w.sum-u.b-u.c],w.baxis.range=[w.sum-u.a-u.c,u.b],w.caxis.range=[w.sum-u.a-u.b,u.c],w.drawAxes(!1),w._hasClipOnAxisFalse&&w.plotContainer.select(\".scatterlayer\").selectAll(\".trace\").call(c.hideOutsideRangePoints,w),M.emit(\"plotly_relayouting\",E(u))}function U(){i.call(\"_guiRelayout\",M,E(u))}this.dragOptions={element:T,gd:M,plotinfo:{id:w.id,domain:M._fullLayout[w.id].domain,xaxis:w.xaxis,yaxis:w.yaxis},subplot:w.id,prepFn:function(i,o,s){w.dragOptions.xaxes=[w.xaxis],w.dragOptions.yaxes=[w.yaxis];var c=w.dragOptions.dragmode=M._fullLayout.dragmode;v(c)?w.dragOptions.minDrag=1:w.dragOptions.minDrag=void 0,\"zoom\"===c?(w.dragOptions.moveFn=B,w.dragOptions.clickFn=O,w.dragOptions.doneFn=N,function(i,o,s){var c=T.getBoundingClientRect();t=o-c.left,e=s-c.top,r={a:w.aaxis.range[0],b:w.baxis.range[1],c:w.caxis.range[1]},u=r,n=w.aaxis.range[1]-r.a,h=a(w.graphDiv._fullLayout[w.id].bgcolor).getLuminance(),f=\"M0,\"+w.h+\"L\"+w.w/2+\", 0L\"+w.w+\",\"+w.h+\"Z\",p=!1,m=A.append(\"path\").attr(\"class\",\"zoombox\").attr(\"transform\",\"translate(\"+w.x0+\", \"+w.y0+\")\").style({fill:h>.2?\"rgba(0,0,0,0)\":\"rgba(255,255,255,0)\",\"stroke-width\":0}).attr(\"d\",f),x=A.append(\"path\").attr(\"class\",\"zoombox-corners\").attr(\"transform\",\"translate(\"+w.x0+\", \"+w.y0+\")\").style({fill:l.background,stroke:l.defaultLine,\"stroke-width\":1,opacity:0}).attr(\"d\",\"M0,0Z\"),w.clearSelect(M)}(0,o,s)):\"pan\"===c?(w.dragOptions.moveFn=j,w.dragOptions.clickFn=O,w.dragOptions.doneFn=U,r={a:w.aaxis.range[0],b:w.baxis.range[1],c:w.caxis.range[1]},u=r,w.clearSelect(M)):(y(c)||v(c))&&b(i,o,s,w.dragOptions,c)}},T.onmousemove=function(t){g.hover(M,t,w.id),M._fullLayout._lasthover=T,M._fullLayout._hoversubplot=w.id},T.onmouseout=function(t){M._dragging||d.unhover(M,t)},d.init(this.dragOptions)}},{\"../../components/color\":615,\"../../components/dragelement\":634,\"../../components/dragelement/helpers\":633,\"../../components/drawing\":637,\"../../components/fx\":655,\"../../components/titles\":710,\"../../lib\":749,\"../../lib/extend\":739,\"../../registry\":881,\"../cartesian/axes\":798,\"../cartesian/constants\":804,\"../cartesian/select\":817,\"../cartesian/set_convert\":818,\"../plots\":861,d3:169,tinycolor2:548}],881:[function(t,e,r){\"use strict\";var n=t(\"./lib/loggers\"),a=t(\"./lib/noop\"),i=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\"),h=l.extendFlat,f=l.extendDeepAll;function p(t){var e=t.name,a=t.categories,i=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 a in v(t),r.subplotsRegistry[e]=t,r.componentsRegistry)b(a,t.name)}(t.basePlotModule);for(var o={},l=0;l-1&&(h[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,\"'\"),a.isIE()&&(T=(T=(T=T.replace(/\"/gi,\"'\")).replace(/(\\('#)([^']*)('\\))/gi,'(\"#$2\")')).replace(/(\\\\')/gi,'\"')),T}},{\"../components/color\":615,\"../components/drawing\":637,\"../constants/xmlns_namespaces\":725,\"../lib\":749,d3:169}],890:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");e.exports=function(t,e){for(var r=0;rh+c||!n(u))}for(var p=0;pi))return e}return void 0!==r?r:t.dflt},r.coerceColor=function(t,e,r){return a(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?a+=i:e<0&&(a-=i)}return n.inbox(r-e,a-e,b+(a-e)/(a-r)-1)}\"h\"===m.orientation?(i=r,s=e,u=\"y\",h=\"x\",f=S,p=A):(i=e,s=r,u=\"x\",h=\"y\",p=S,f=A);var E=t[u+\"a\"],C=t[h+\"a\"];d=Math.abs(E.r2c(E.range[1])-E.r2c(E.range[0]));var L=n.getDistanceFunction(a,f,p,(function(t){return(f(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 P=g[t.index],I=m.base?P.b+P.s:P.s;t[h+\"0\"]=t[h+\"1\"]=C.c2p(P[h],!0),t[h+\"LabelVal\"]=I;var z=v.extents[v.extents.round(P.p)];t[u+\"0\"]=E.c2p(y?T(P):z[0],!0),t[u+\"1\"]=E.c2p(y?k(P):z[1],!0);var O=void 0!==P.orig_p;return t[u+\"LabelVal\"]=O?P.orig_p:P.p,t.labelLabel=l(E,t[u+\"LabelVal\"]),t.valueLabel=l(C,t[h+\"LabelVal\"]),t.spikeDistance=(S(P)+function(t){return M(_(t),w(t))}(P))/2-b,t[u+\"Spike\"]=E.c2p(P.p,!0),o(P,m,t),t.hovertemplate=m.hovertemplate,t}}function h(t,e){var r=e.mcc||t.marker.color,n=e.mlcc||t.marker.line.color,a=s(t,e);return i.opacity(r)?r:i.opacity(n)&&a?n:void 0}e.exports={hoverPoints:function(t,e,r,n){var i=u(t,e,r,n);if(i){var o=i.cd,s=o[0].trace,l=o[i.index];return i.color=h(s,l),a.getComponentMethod(\"errorbars\",\"hoverInfo\")(l,s,i),[i]}},hoverOnBars:u,getTraceColor:h}},{\"../../components/color\":615,\"../../components/fx\":655,\"../../constants/numerical\":724,\"../../lib\":749,\"../../plots/cartesian/axes\":798,\"../../registry\":881,\"./helpers\":897}],899:[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\":811,\"../scatter/marker_colorbar\":1174,\"./arrays_to_calcdata\":890,\"./attributes\":891,\"./calc\":892,\"./cross_trace_calc\":894,\"./defaults\":895,\"./event_data\":896,\"./hover\":898,\"./layout_attributes\":900,\"./layout_defaults\":901,\"./plot\":902,\"./select\":903,\"./style\":905}],900:[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\"}}},{}],901:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),a=t(\"../../plots/cartesian/axes\"),i=t(\"../../lib\"),o=t(\"./layout_attributes\");e.exports=function(t,e,r){function s(r,n){return i.coerce(t,e,o,r,n)}for(var l=!1,c=!1,u=!1,h={},f=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)),a=Math.abs(Math.cos(r));return{x:t.width*a+t.height*n,y:t.width*n+t.height*a}}function C(t,e,r,n,a,i){var o=!!i.isHorizontal,s=!!i.constrained,l=i.angle||0,c=i.anchor||\"end\",u=\"end\"===c,h=\"start\"===c,f=((i.leftToRight||0)+1)/2,p=1-f,d=a.width,g=a.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(i.ensureSingle(I,\"path\"),P,m,v);if(Y.style(\"vector-effect\",\"non-scaling-stroke\").attr(\"d\",isNaN((N-B)*(U-j))?\"M0,0Z\":\"M\"+B+\",\"+j+\"V\"+U+\"H\"+N+\"V\"+j+\"Z\").call(l.setClipUrl,e.layerClipId,t),!P.uniformtext.mode&&R){var W=l.makePointStyleFns(h);l.singlePointStyle(c,Y,h,W,t)}!function(t,e,r,n,a,s,c,h,p,m,v){var w,T=e.xaxis,A=e.yaxis,L=t._fullLayout;function P(e,r,n){return i.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 I=n[0].trace,z=\"h\"===I.orientation,O=function(t,e,r,n,a){var o,s=e[0].trace;o=s.texttemplate?function(t,e,r,n,a){var o=e[0].trace,s=i.castOption(o,r,\"texttemplate\");if(!s)return\"\";var l,c,h,f,p=\"waterfall\"===o.type,d=\"funnel\"===o.type;\"h\"===o.orientation?(l=\"y\",c=a,h=\"x\",f=n):(l=\"x\",c=n,h=\"y\",f=a);function g(t){return u(f,+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=i.castOption(o,m.i,\"text\");(0===x||x)&&(v.text=x);v.value=m.s,v.valueLabel=v[h+\"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=i.formatPercent(m.begR),v.percentPrevious=m.difR,v.percentPreviousLabel=i.formatPercent(m.difR),v.percentTotal=m.sumR,v.percenTotalLabel=i.formatPercent(m.sumR));var w=i.castOption(o,m.i,\"customdata\");w&&(v.customdata=w);return i.texttemplateString(s,v,t._d3locale,_,v,o._meta||{})}(t,e,r,n,a):s.textinfo?function(t,e,r,n){var a=t[0].trace,o=\"h\"===a.orientation,s=\"waterfall\"===a.type,l=\"funnel\"===a.type;function c(t){return u(o?r:n,+t,!0).text}var h,f=a.textinfo,p=t[e],d=f.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===(h=i.castOption(a,p.i,\"text\"))||h)&&g.push(h);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\")&&(h=i.formatPercent(p.begR),w&&(h+=\" of initial\"),g.push(h)),m(\"percent previous\")&&(h=i.formatPercent(p.difR),w&&(h+=\" of previous\"),g.push(h)),m(\"percent total\")&&(h=i.formatPercent(p.sumR),w&&(h+=\" of total\"),g.push(h))}return g.join(\"
\")}(e,r,n,a):g.getValue(s.text,r);return g.coerceString(y,o)}(L,n,a,T,A);w=function(t,e){var r=g.getValue(t.textposition,e);return g.coerceEnumerated(x,r)}(I,a);var D=\"stack\"===m.mode||\"relative\"===m.mode,R=n[a],F=!D||R._outmost;if(!O||\"none\"===w||(R.isBlank||s===c||h===p)&&(\"auto\"===w||\"inside\"===w))return void r.select(\"text\").remove();var B=L.font,N=d.getBarColor(n[a],I),j=d.getInsideTextFont(I,a,B,N),U=d.getOutsideTextFont(I,a,B),V=r.datum();z?\"log\"===T.type&&V.s0<=0&&(s=T.range[0]=G*(X/Y):X>=Y*(Z/G);G>0&&Y>0&&(J||K||Q)?w=\"inside\":(w=\"outside\",q.remove(),q=null)}else w=\"inside\";if(!q){W=i.ensureUniformFontSize(t,\"outside\"===w?U:j);var $=(q=P(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=I.textangle;\"outside\"===w?(et=\"both\"===I.constraintext||\"outside\"===I.constraintext,tt=function(t,e,r,n,a,i){var o,s=!!i.isHorizontal,l=!!i.constrained,c=i.angle||0,u=a.width,h=a.height,f=Math.abs(e-t),p=Math.abs(n-r);o=s?p>2*_?_:0:f>2*_?_:0;var d=1;l&&(d=s?Math.min(1,p/h):Math.min(1,f/u));var g=S(c),m=E(a,g),v=(s?m.x:m.y)/2,y=(a.left+a.right)/2,x=(a.top+a.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,h,p,H,{isHorizontal:z,constrained:et,angle:rt})):(et=\"both\"===I.constraintext||\"inside\"===I.constraintext,tt=C(s,c,h,p,H,{isHorizontal:z,constrained:et,angle:rt,anchor:I.insidetextanchor}));tt.fontSize=W.size,f(I.type,tt,L),R.transform=tt,M(q,L,m,v).attr(\"transform\",i.getTextTransform(tt))}(t,e,I,r,p,B,N,j,U,m,v),e.layerClipId&&l.hideOutsideRangePoint(c,I.select(\"text\"),w,L,h.xcalendar,h.ycalendar)}));var j=!1===h.cliponaxis;l.setClipUrl(c,j?null:e.layerClipId,t)}));c.getComponentMethod(\"errorbars\",\"plot\")(t,I,e,m)},toMoveInsideBar:C}},{\"../../components/color\":615,\"../../components/drawing\":637,\"../../components/fx/helpers\":651,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../../plots/cartesian/axes\":798,\"../../registry\":881,\"./attributes\":891,\"./constants\":893,\"./helpers\":897,\"./style\":905,\"./uniform_text\":907,d3:169,\"fast-isnumeric\":241}],903:[function(t,e,r){\"use strict\";function n(t,e,r,n,a){var i=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 a?[(i+o)/2,(s+l)/2]:n?[o,(s+l)/2]:[(i+o)/2,l]}e.exports=function(t,e){var r,a=t.cd,i=t.xaxis,o=t.yaxis,s=a[0].trace,l=\"funnel\"===s.type,c=\"h\"===s.orientation,u=[];if(!1===e)for(r=0;r1||0===a.bargap&&0===a.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 a=e[0].trace;a.selectedpoints?function(t,e,r){i.selectedPointStyle(t.selectAll(\"path\"),e),function(t,e,r){t.each((function(t){var a,s=n.select(this);if(t.selected){a=o.ensureUniformFontSize(r,m(s,t,e,r));var l=e.selected.textfont&&e.selected.textfont.color;l&&(a.color=l),i.font(s,a)}else i.selectedTextStyle(s,e)}))}(t.selectAll(\"text\"),e,r)}(r,a,t):(d(r,a,t),s.getComponentMethod(\"errorbars\",\"style\")(r))},getInsideTextFont:y,getOutsideTextFont:x,getBarColor:_,resizeText:l}},{\"../../components/color\":615,\"../../components/drawing\":637,\"../../lib\":749,\"../../registry\":881,\"./attributes\":891,\"./helpers\":897,\"./uniform_text\":907,d3:169}],906:[function(t,e,r){\"use strict\";var n=t(\"../../components/color\"),a=t(\"../../components/colorscale/helpers\").hasColorscale,i=t(\"../../components/colorscale/defaults\");e.exports=function(t,e,r,o,s){r(\"marker.color\",o),a(t,\"marker\")&&i(t,e,s,r,{prefix:\"marker.\",cLetter:\"c\"}),r(\"marker.line.color\",n.defaultLine),a(t,\"marker.line\")&&i(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\":615,\"../../components/colorscale/defaults\":625,\"../../components/colorscale/helpers\":626}],907:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\");function i(t){return\"_\"+t+\"Text_minsize\"}e.exports={recordMinTextSize:function(t,e,r){if(r.uniformtext.mode){var n=i(t),a=r.uniformtext.minsize,o=e.scale*e.fontSize;e.hide=o g.point\"}e.selectAll(s).each((function(t){var e=t.transform;e&&(e.scale=l&&e.hide?0:o/e.fontSize,n.select(this).select(\"text\").attr(\"transform\",a.getTextTransform(e)))}))}}}},{\"../../lib\":749,d3:169}],908:[function(t,e,r){\"use strict\";var n=t(\"../../plots/template_attributes\").hovertemplateAttrs,a=t(\"../../lib/extend\").extendFlat,i=t(\"../scatterpolar/attributes\"),o=t(\"../bar/attributes\");e.exports={r:i.r,theta:i.theta,r0:i.r0,dr:i.dr,theta0:i.theta0,dtheta:i.dtheta,thetaunit:i.thetaunit,base:a({},o.base,{}),offset:a({},o.offset,{}),width:a({},o.width,{}),text:a({},o.text,{}),hovertext:a({},o.hovertext,{}),marker:o.marker,hoverinfo:i.hoverinfo,hovertemplate:n(),selected:o.selected,unselected:o.unselected}},{\"../../lib/extend\":739,\"../../plots/template_attributes\":876,\"../bar/attributes\":891,\"../scatterpolar/attributes\":1230}],909:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/helpers\").hasColorscale,a=t(\"../../components/colorscale/calc\"),i=t(\"../bar/arrays_to_calcdata\"),o=t(\"../bar/cross_trace_calc\").setGroupPositions,s=t(\"../scatter/calc_selection\"),l=t(\"../../registry\").traceIs,c=t(\"../../lib\").extendFlat;e.exports={calc:function(t,e){for(var r=t._fullLayout,o=e.subplot,l=r[o].radialaxis,c=r[o].angularaxis,u=l.makeCalcdata(e,\"r\"),h=c.makeCalcdata(e,\"theta\"),f=e._length,p=new Array(f),d=u,g=h,m=0;mf.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 _=a.extendFlat({},b,{r:b.s,theta:b.p});return o(b,u,t),s(_,u,h,t),t.hovertemplate=u.hovertemplate,t.color=i(u,b),t.xLabelVal=t.yLabelVal=void 0,b.s<0&&(t.idealAlign=\"left\"),[t]}}},{\"../../components/fx\":655,\"../../lib\":749,\"../../plots/polar/helpers\":863,\"../bar/hover\":898,\"../scatterpolar/hover\":1234}],912:[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\":864,\"../bar/select\":903,\"../bar/style\":905,\"../scatter/marker_colorbar\":1174,\"../scatterpolar/format_labels\":1233,\"./attributes\":908,\"./calc\":909,\"./defaults\":910,\"./hover\":911,\"./layout_attributes\":913,\"./layout_defaults\":914,\"./plot\":915}],913:[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\"}}},{}],914:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./layout_attributes\");e.exports=function(t,e,r){var i,o={};function s(r,o){return n.coerce(t[i]||{},e[i],a,r,o)}for(var l=0;l0?(c=o,u=l):(c=l,u=o);var h=[s.findEnclosingVertexAngles(c,t.vangles)[0],(c+u)/2,s.findEnclosingVertexAngles(u,t.vangles)[1]];return s.pathPolygonAnnulus(n,a,c,u,h,e,r)};return function(t,n,a,o){return i.pathAnnulus(t,n,a,o,e,r)}}(e),p=e.layers.frontplot.select(\"g.barlayer\");i.makeTraceGroups(p,r,\"trace bars\").each((function(){var r=n.select(this),s=i.ensureSingle(r,\"g\",\"points\").selectAll(\"g.point\").data(i.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=h.c2g(t.p0),d=t.thetag1=h.c2g(t.p1);if(a(o)&&a(s)&&a(p)&&a(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=f(o,s,p,d)}else e=\"M0,0Z\";i.ensureSingle(r,\"path\").attr(\"d\",e)})),o.setClipUrl(r,e._hasClipOnAxisFalse?e.clipIds.forTraces:null,t)}))}},{\"../../components/drawing\":637,\"../../lib\":749,\"../../plots/polar/helpers\":863,d3:169,\"fast-isnumeric\":241}],916:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\"),a=t(\"../bar/attributes\"),i=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:i.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:a.offsetgroup,alignmentgroup:a.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\":614,\"../../lib/extend\":739,\"../../plots/template_attributes\":876,\"../bar/attributes\":891,\"../scatter/attributes\":1156}],917:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"../../plots/cartesian/axes\"),i=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=a.getFromId(t,e.xaxis||\"x\"),M=a.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,P,I,z,O=function(t,e,r,a){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[i(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:a;for(var h=\"multicategory\"===r.type?r.r2c_just_indices(s):r.d2c(s,0,t[e+\"calendar\"]),f=t._length,p=new Array(f),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,P);var W=V(\"upperfence\");E.uf=W!==s&&W>=E.q3?W:d(E,L,P);var Z=V(\"mean\");E.mean=Z!==s?Z:P?o.mean(L,P):(E.q1+E.q3)/2;var X=V(\"sd\");E.sd=Z!==s&&X>=0?X:P?o.stdev(L,P,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,P),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[P-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]=a.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),a=0;a=0&&at0){var ut,ht;if((E={}).pos=E[_]=B[r],C=E.pts=nt[r].sort(h),P=(L=E[x]=C.map(f)).length,E.min=L[0],E.max=L[P-1],E.mean=o.mean(L,P),E.sd=o.stdev(L,P,E.mean),E.med=o.interp(L,.5),P%2&&(lt||ct))lt?(ut=L.slice(0,P/2),ht=L.slice(P/2+1)):ct&&(ut=L.slice(0,P/2+1),ht=L.slice(P/2)),E.q1=o.interp(ut,.5),E.q3=o.interp(ht,.5);else E.q1=o.interp(L,.25),E.q3=o.interp(L,.75);E.lf=p(E,L,P),E.uf=d(E,L,P),E.lo=g(E),E.uo=m(E);var ft=v(E,P);E.ln=E.med-ft,E.un=E.med+ft,it=Math.min(it,E.ln),ot=Math.max(ot,E.un),E.pts2=C.filter(j),A.push(E)}e._extremes[y._id]=a.findExtremes(y,e.notched?tt.concat([it,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 h(t,e){return t.v-e.v}function f(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\":724,\"../../lib\":749,\"../../plots/cartesian/align_period\":795,\"../../plots/cartesian/axes\":798,\"fast-isnumeric\":241}],918:[function(t,e,r){\"use strict\";var n=t(\"../../plots/cartesian/axes\"),a=t(\"../../lib\"),i=t(\"../../plots/cartesian/axis_ids\").getAxisGroup,o=[\"v\",\"h\"];function s(t,e,r,o){var s,l,c,u=e.calcdata,h=e._fullLayout,f=o._id,p=f.charAt(0),d=[],g=0;for(s=0;s1,b=1-h[t+\"gap\"],_=1-h[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 Z=0;H-G<=0&&((Z=-V*(H-G))>S?(q=!0,U=Y,N=Z):Z>F&&(U=Y,N=S)),Z<=S&&(N=S)}else B=A,N=S;var X=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 M=r(\"orientation\",m);e._hasPreCompStats?\"v\"===M&&0===x?(r(\"x0\",0),r(\"dx\",1)):\"h\"===M&&0===y&&(r(\"y0\",0),r(\"dy\",1)):\"v\"===M&&0===x?r(\"x0\"):\"h\"===M&&0===y&&r(\"y0\"),a.getComponentMethod(\"calendars\",\"handleTraceDefaults\")(t,e,[\"x\",\"y\"],i)}else e.visible=!1}function h(t,e,r,a){var i=a.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(i+\"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 h=r(\"hoveron\");\"all\"!==h&&-1===h.indexOf(\"points\")||r(\"hovertemplate\"),n.coerceSelectionMarkerOpacity(e,r)}e.exports={supplyDefaults:function(t,e,r,a){function s(r,a){return n.coerce(t,e,c,r,a)}if(u(t,e,s,a),!1!==e.visible){o(t,e,a,s);var l=e._hasPreCompStats;l&&(s(\"lowerfence\"),s(\"upperfence\")),s(\"line.color\",(t.marker||{}).color||r),s(\"line.width\"),s(\"fillcolor\",i.addOpacity(e.line.color,.5));var f=!1;if(l){var p=s(\"mean\"),d=s(\"sd\");p&&p.length&&(f=!0,d&&d.length&&(f=\"sd\"))}s(\"boxmean\",f),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\"),h(t,e,s,{prefix:\"box\"})}},crossTraceDefaults:function(t,e){var r,a;function i(t){return n.coerce(a._input,a,c,t)}for(var o=0;ot.lo&&(x.so=!0)}return i}));f.enter().append(\"path\").classed(\"point\",!0),f.exit().remove(),f.call(i.translatePoints,o,s)}function l(t,e,r,i){var o,s,l=e.val,c=e.pos,u=!!c.rangebreaks,h=i.bPos,f=i.bPosPxOffset||0,p=r.boxmean||(r.meanline||{}).visible;Array.isArray(i.bdPos)?(o=i.bdPos[0],s=i.bdPos[1]):(o=i.bdPos,s=i.bdPos);var d=t.selectAll(\"path.mean\").data(\"box\"===r.type&&r.boxmean||\"violin\"===r.type&&r.box.visible&&r.meanline.visible?a.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+h,!0),a=c.l2p(e-o)+f,i=c.l2p(e+s)+f,d=u?(a+i)/2:c.l2p(e)+f,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+\",\"+a+\"V\"+i+(\"sd\"===p?\"m0,0L\"+m+\",\"+d+\"L\"+g+\",\"+a+\"L\"+v+\",\"+d+\"Z\":\"\")):n.select(this).attr(\"d\",\"M\"+a+\",\"+g+\"H\"+i+(\"sd\"===p?\"m0,0L\"+d+\",\"+m+\"L\"+a+\",\"+g+\"L\"+d+\",\"+v+\"Z\":\"\"))}))}e.exports={plot:function(t,e,r,i){var c=e.xaxis,u=e.yaxis;a.makeTraceGroups(i,r,\"trace boxes\").each((function(t){var e,r,a=n.select(this),i=t[0],h=i.t,f=i.trace;(h.wdPos=h.bdPos*f.whiskerwidth,!0!==f.visible||h.empty)?a.remove():(\"h\"===f.orientation?(e=u,r=c):(e=c,r=u),o(a,{pos:e,val:r},f,h),s(a,{x:c,y:u},f,h),l(a,{pos:e,val:r},f,h))}))},plotBoxAndWhiskers:o,plotPoints:s,plotBoxMean:l}},{\"../../components/drawing\":637,\"../../lib\":749,d3:169}],926:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r,n,a=t.cd,i=t.xaxis,o=t.yaxis,s=[];if(!1===e)for(r=0;r=10)return null;for(var a=1/0,i=-1/0,o=e.length,s=0;s0?Math.floor:Math.ceil,I=C>0?Math.ceil:Math.floor,z=C>0?Math.min:Math.max,O=C>0?Math.max:Math.min,D=P(S+L),R=I(E-L),F=[[h=A(S)]];for(i=D;i*C=0;a--)i[u-a]=t[h][a],o[u-a]=e[h][a];for(s.push({x:i,y:o,bicubic:l}),a=h,i=[],o=[];a>=0;a--)i[h-a]=t[a][0],o[h-a]=e[a][0];return s.push({x:i,y:o,bicubic:c}),s}},{}],940:[function(t,e,r){\"use strict\";var n=t(\"../../plots/cartesian/axes\"),a=t(\"../../lib/extend\").extendFlat;e.exports=function(t,e,r){var i,o,s,l,c,u,h,f,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,P=t._b.length;n.prepTicks(b),\"array\"===b.tickmode&&delete b.tickvals;var I=b.smoothing?3:1;function z(n){var a,i,o,s,l,c,u,h,p,d,g,m,v=[],y=[],x={};if(\"b\"===e)for(i=t.b2j(n),o=Math.floor(Math.max(0,Math.min(P-2,i))),s=i-o,x.length=P,x.crossLength=L,x.xy=function(e){return t.evalxy([],e,i)},x.dxy=function(e,r){return t.dxydi([],e,o,r,s)},a=0;a0&&(p=t.dxydi([],a-1,o,0,s),v.push(l[0]+p[0]/3),y.push(l[1]+p[1]/3),d=t.dxydi([],a-1,o,1,s),v.push(h[0]-d[0]/3),y.push(h[1]-d[1]/3)),v.push(h[0]),y.push(h[1]),l=h;else for(a=t.a2i(n),c=Math.floor(Math.max(0,Math.min(L-2,a))),u=a-c,x.length=L,x.crossLength=P,x.xy=function(e){return t.evalxy([],a,e)},x.dxy=function(e,r){return t.dxydj([],c,e,u,r)},i=0;i0&&(g=t.dxydj([],c,i-1,u,0),v.push(l[0]+g[0]/3),y.push(l[1]+g[1]/3),m=t.dxydj([],c,i-1,u,1),v.push(h[0]-m[0]/3),y.push(h[1]-m[1]/3)),v.push(h[0]),y.push(h[1]),l=h;return x.axisLetter=e,x.axis=b,x.crossAxis=M,x.value=n,x.constvar=r,x.index=f,x.x=v,x.y=y,x.smoothing=M.smoothing,x}function O(n){var a,i,o,s,l,c=[],u=[],h={};if(h.length=x.length,h.crossLength=k.length,\"b\"===e)for(o=Math.max(0,Math.min(P-2,n)),l=Math.min(1,Math.max(0,n-o)),h.xy=function(e){return t.evalxy([],e,n)},h.dxy=function(e,r){return t.dxydi([],e,o,r,l)},a=0;ax.length-1||_.push(a(O(o),{color:b.gridcolor,width:b.gridwidth}));for(f=u;fx.length-1||g<0||g>x.length-1))for(m=x[s],v=x[g],i=0;ix[x.length-1]||w.push(a(z(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&T.push(a(O(0),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&T.push(a(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],h=c[1],f=u;f<=h;f++)p=b.tick0+b.dtick*f,_.push(a(z(p),{color:b.gridcolor,width:b.gridwidth}));for(f=u-1;fx[x.length-1]||w.push(a(z(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&T.push(a(z(x[0]),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&T.push(a(z(x[x.length-1]),{color:b.endlinecolor,width:b.endlinewidth}))}}},{\"../../lib/extend\":739,\"../../plots/cartesian/axes\":798}],941:[function(t,e,r){\"use strict\";var n=t(\"../../plots/cartesian/axes\"),a=t(\"../../lib/extend\").extendFlat;e.exports=function(t,e){var r,i,o,s=e._labels=[],l=e._gridlines;for(r=0;re.length&&(t=t.slice(0,e.length)):t=[],a=0;a90&&(p-=180,l=-l),{angle:p,flip:l,p:t.c2p(n,e,r),offsetMultplier:c}}},{}],955:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../components/drawing\"),i=t(\"./map_1d_array\"),o=t(\"./makepath\"),s=t(\"./orient_text\"),l=t(\"../../lib/svg_text_utils\"),c=t(\"../../lib\"),u=t(\"../../constants/alignment\");function h(t,e,r,a,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 a=r,s=a.x,l=a.y,c=i([],s,t.c2p),u=i([],l,e.c2p),h=\"M\"+o(c,u,a.smoothing);n.select(this).attr(\"d\",h).style(\"stroke-width\",a.width).style(\"stroke\",a.color).style(\"fill\",\"none\")})),u.exit().remove()}function f(t,e,r,i,o,c,u,h){var f=c.selectAll(\"text.\"+h).data(u);f.enter().append(\"text\").classed(h,!0);var p=0,d={};return f.each((function(o,c){var u;if(\"auto\"===o.axis.tickangle)u=s(i,e,r,o.xy,o.dxy);else{var h=(o.axis.tickangle+180)*Math.PI/180;u=s(i,e,r,o.xy,[Math.cos(h),Math.sin(h)])}c||(d={angle:u.angle,flip:u.flip});var f=(o.endAnchor?-1:1)*u.flip,g=n.select(this).attr({\"text-anchor\":f>0?\"start\":\"end\",\"data-notex\":1}).call(a.font,o.font).text(o.text).call(l.convertToTspans,t),m=a.bBox(this);g.attr(\"transform\",\"translate(\"+u.p[0]+\",\"+u.p[1]+\") rotate(\"+u.angle+\")translate(\"+o.axis.labelpadding*f+\",\"+.3*m.height+\")\"),p=Math.max(p,m.width+o.axis.labelpadding)})),f.exit().remove(),d.maxExtent=p,d}e.exports=function(t,e,r,a){var l=e.xaxis,u=e.yaxis,p=t._fullLayout._clips;c.makeTraceGroups(a,r,\"trace\").each((function(e){var r=n.select(this),a=e[0],d=a.trace,m=d.aaxis,v=d.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\",d.opacity),h(l,u,x,m,\"a\",m._gridlines),h(l,u,x,v,\"b\",v._gridlines),h(l,u,y,m,\"a\",m._minorgridlines),h(l,u,y,v,\"b\",v._minorgridlines),h(l,u,b,m,\"a-boundary\",m._boundarylines),h(l,u,b,v,\"b-boundary\",v._boundarylines);var w=f(t,l,u,d,a,_,m._labels,\"a-label\"),T=f(t,l,u,d,a,_,v._labels,\"b-label\");!function(t,e,r,n,a,i,o,l){var u,h,f,p,d=c.aggNums(Math.min,null,r.a),m=c.aggNums(Math.max,null,r.a),v=c.aggNums(Math.min,null,r.b),y=c.aggNums(Math.max,null,r.b);u=.5*(d+m),h=v,f=r.ab2xy(u,h,!0),p=r.dxyda_rough(u,h),void 0===o.angle&&c.extendFlat(o,s(r,a,i,f,r.dxydb_rough(u,h)));g(t,e,r,n,f,p,r.aaxis,a,i,o,\"a-title\"),u=d,h=.5*(v+y),f=r.ab2xy(u,h,!0),p=r.dxydb_rough(u,h),void 0===l.angle&&c.extendFlat(l,s(r,a,i,f,r.dxyda_rough(u,h)));g(t,e,r,n,f,p,r.baxis,a,i,l,\"b-title\")}(t,_,d,a,l,u,w,T),function(t,e,r,n,a){var s,l,u,h,f=r.select(\"#\"+t._clipPathId);f.size()||(f=r.append(\"clipPath\").classed(\"carpetclip\",!0));var p=c.ensureSingle(f,\"path\",\"carpetboundary\"),d=e.clipsegments,g=[];for(h=0;h90&&m<270,y=n.select(this);y.text(u.title.text).call(l.convertToTspans,t),v&&(x=(-l.lineCount(y)+d)*p*i-x),y.attr(\"transform\",\"translate(\"+e.p[0]+\",\"+e.p[1]+\") rotate(\"+e.angle+\") translate(0,\"+x+\")\").attr(\"text-anchor\",\"middle\").call(a.font,u.title.font)})),y.exit().remove()}},{\"../../components/drawing\":637,\"../../constants/alignment\":717,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"./makepath\":952,\"./map_1d_array\":953,\"./orient_text\":954,d3:169}],956:[function(t,e,r){\"use strict\";var n=t(\"./constants\"),a=t(\"../../lib/search\").findBin,i=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,h=t.aaxis,f=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=i(t._xctrl,t._yctrl,e,r,h.smoothing,f.smoothing);t._xctrl=n[0],t._yctrl=n[1],t.evalxy=o([t._xctrl,t._yctrl],c,u,h.smoothing,f.smoothing),t.dxydi=s([t._xctrl,t._yctrl],h.smoothing,f.smoothing),t.dxydj=l([t._xctrl,t._yctrl],h.smoothing,f.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(a(t,e),c-2)),n=e[r],i=e[r+1];return Math.max(0,Math.min(c-1,r+(t-n)/(i-n)))},t.b2j=function(t){var e=Math.max(0,Math.min(a(t,r),u-2)),n=r[e],i=r[e+1];return Math.max(0,Math.min(u-1,e+(t-n)/(i-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,a,i){if(!i&&(ne[c-1]|ar[u-1]))return[!1,!1];var o=t.a2i(n),s=t.b2j(a),l=t.evalxy([],o,s);if(i){var h,f,p,d,g=0,m=0,v=[];ne[c-1]?(h=c-2,f=1,g=(n-e[c-1])/(e[c-1]-e[c-2])):f=o-(h=Math.max(0,Math.min(c-2,Math.floor(o)))),ar[u-1]?(p=u-2,d=1,m=(a-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,h,p,f,d),l[0]+=v[0]*g,l[1]+=v[1]*g),m&&(t.dxydj(v,h,p,f,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,a){var i=t.dxydi(null,e,r,n,a),o=t.dadi(e,n);return[i[0]/o,i[1]/o]},t.dxydb=function(e,r,n,a){var i=t.dxydj(null,e,r,n,a),o=t.dbdj(r,a);return[i[0]/o,i[1]/o]},t.dxyda_rough=function(e,r,n){var a=v*(n||.1),i=t.ab2xy(e+a,r,!0),o=t.ab2xy(e-a,r,!0);return[.5*(i[0]-o[0])/a,.5*(i[1]-o[1])/a]},t.dxydb_rough=function(e,r,n){var a=y*(n||.1),i=t.ab2xy(e,r+a,!0),o=t.ab2xy(e,r-a,!0);return[.5*(i[0]-o[0])/a,.5*(i[1]-o[1])/a]},t.dpdx=function(t){return t._m},t.dpdy=function(t){return t._m}}},{\"../../lib/search\":768,\"./compute_control_points\":944,\"./constants\":945,\"./create_i_derivative_evaluator\":946,\"./create_j_derivative_evaluator\":947,\"./create_spline_evaluator\":948}],957:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");e.exports=function(t,e,r){var a,i,o,s=[],l=[],c=t[0].length,u=t.length;function h(e,r){var n,a=0,i=0;return e>0&&void 0!==(n=t[r][e-1])&&(i++,a+=n),e0&&void 0!==(n=t[r-1][e])&&(i++,a+=n),r0&&i0&&a1e-5);return n.log(\"Smoother converged to\",k,\"after\",M,\"iterations\"),t}},{\"../../lib\":749}],958:[function(t,e,r){\"use strict\";var n=t(\"../../lib\").isArray1D;e.exports=function(t,e,r){var a=r(\"x\"),i=a&&a.length,o=r(\"y\"),s=o&&o.length;if(!i&&!s)return!1;if(e._cheater=!a,i&&!n(a)||s&&!n(o))e._length=null;else{var l=i?a.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\":749}],959:[function(t,e,r){\"use strict\";var n=t(\"../../plots/template_attributes\").hovertemplateAttrs,a=t(\"../scattergeo/attributes\"),i=t(\"../../components/colorscale/attributes\"),o=t(\"../../plots/attributes\"),s=t(\"../../components/color/attributes\").defaultLine,l=t(\"../../lib/extend\").extendFlat,c=a.marker.line;e.exports=l({locations:{valType:\"data_array\",editType:\"calc\"},locationmode:a.locationmode,z:{valType:\"data_array\",editType:\"calc\"},geojson:l({},a.geojson,{}),featureidkey:a.featureidkey,text:l({},a.text,{}),hovertext:l({},a.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:a.selected.marker.opacity,editType:\"plot\"},editType:\"plot\"},unselected:{marker:{opacity:a.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})},i(\"\",{cLetter:\"z\",editTypeOverride:\"calc\"}))},{\"../../components/color/attributes\":614,\"../../components/colorscale/attributes\":622,\"../../lib/extend\":739,\"../../plots/attributes\":794,\"../../plots/template_attributes\":876,\"../scattergeo/attributes\":1198}],960:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"../../constants/numerical\").BADNUM,i=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 h=0;h\")}(t,h,o,f.mockAxis),[t]}},{\"../../lib\":749,\"../../plots/cartesian/axes\":798,\"./attributes\":959}],964:[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\":830,\"../heatmap/colorbar\":1038,\"./attributes\":959,\"./calc\":960,\"./defaults\":961,\"./event_data\":962,\"./hover\":963,\"./plot\":965,\"./select\":966,\"./style\":967}],965:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\"),i=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],a=n._subplot,l=r.locationmode,c=r._length,u=\"geojson-id\"===l?i.extractTraceFeature(t):o(r,a.topojson),h=[],f=[],p=0;p=0;n--){var a=r[n].id;if(\"string\"==typeof a&&0===a.indexOf(\"water\"))for(var i=n+1;i=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,a=new o(t,r.uid),i=a.sourceId,s=n(e),l=a.below=t.belowLookup[\"trace-\"+r.uid];return t.map.addSource(i,{type:\"geojson\",data:s.geojson}),a._addLayers(s,l),e[0].trace._glTrace=a,a}},{\"../../plots/mapbox/constants\":853,\"./convert\":969}],973:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/attributes\"),a=t(\"../../plots/template_attributes\").hovertemplateAttrs,i=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:a({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]=i[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\":622,\"../../lib/extend\":739,\"../../plots/attributes\":794,\"../../plots/template_attributes\":876,\"../mesh3d/attributes\":1097}],974:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/calc\");e.exports=function(t,e){for(var r=e.u,a=e.v,i=e.w,o=Math.min(e.x.length,e.y.length,e.z.length,r.length,a.length,i.length),s=-1/0,l=1/0,c=0;co.level||o.starts.length&&i===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&&f===u)&&(n.prefixBoundary=!0);break;case\"][\":h=Math.min(p[0],p[1]),f=Math.max(p[0],p[1]),hc&&(n.prefixBoundary=!0)}}}},{}],981:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale\"),a=t(\"./make_color_map\"),i=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=a(e,{isColorbar:!0});if(\"heatmap\"===c){var h=n.extractOpts(e);r._fillgradient=h.reversescale?n.flipScale(h.colorscale):h.colorscale,r._zrange=[h.min,h.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:i(o),size:l}}}},{\"../../components/colorscale\":627,\"./end_plus\":989,\"./make_color_map\":994}],982:[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}}},{}],983:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"./label_defaults\"),i=t(\"../../components/color\"),o=i.addOpacity,s=i.opacity,l=t(\"../../constants/filter_ops\"),c=l.CONSTRAINT_REDUCTION,u=l.COMPARISON_OPS2;e.exports=function(t,e,r,i,l,h){var f,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?f=g.showlines=!0:(f=r(\"contours.showlines\"),d=r(\"fillcolor\",o((t.line||{}).color||l,.5))),f)&&(p=r(\"line.color\",d&&s(d)?o(e.fillcolor,1):l),r(\"line.width\",2),r(\"line.dash\"));r(\"line.smoothing\"),a(r,i,p,h)}},{\"../../components/color\":615,\"../../constants/filter_ops\":720,\"./label_defaults\":993,\"fast-isnumeric\":241}],984:[function(t,e,r){\"use strict\";var n=t(\"../../constants/filter_ops\"),a=t(\"fast-isnumeric\");function i(t,e){var r,i=Array.isArray(e);function o(t){return a(t)?+t:null}return-1!==n.COMPARISON_OPS2.indexOf(t)?r=o(i?e[0]:e):-1!==n.INTERVAL_OPS.indexOf(t)?r=i?[o(e[0]),o(e[1])]:[o(e),o(e)]:-1!==n.SET_OPS.indexOf(t)&&(r=i?e.map(o):[o(e)]),r}function o(t){return function(e){e=i(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=i(t,e),end:1/0,size:1/0}}}e.exports={\"[]\":o(\"[]\"),\"][\":o(\"][\"),\">\":s(\">\"),\"<\":s(\"<\"),\"=\":s(\"=\")}},{\"../../constants/filter_ops\":720,\"fast-isnumeric\":241}],985:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,n){var a=n(\"contours.start\"),i=n(\"contours.end\"),o=!1===a||!1===i,s=r(\"contours.size\");!(o?e.autocontour=!0:r(\"autocontour\",!1))&&s||r(\"ncontours\")}},{}],986:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");function a(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,i,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.\"),i=t[0],r=0;r1e3){n.warn(\"Too many contours, clipping at 1000\",t);break}return l}},{\"../../lib\":749,\"./constraint_mapping\":984,\"./end_plus\":989}],989:[function(t,e,r){\"use strict\";e.exports=function(t){return t.end+t.size/1e6}},{}],990:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./constants\");function i(t,e,r,n){return Math.abs(t[0]-e[0])20&&e?208===t||1114===t?n=0===r[0]?1:-1:i=0===r[1]?1:-1:-1!==a.BOTTOMSTART.indexOf(t)?i=1:-1!==a.LEFTSTART.indexOf(t)?n=1:-1!==a.TOPSTART.indexOf(t)?i=-1:n=-1;return[n,i]}(h,r,e),p=[s(t,e,[-f[0],-f[1]])],d=t.z.length,g=t.z[0].length,m=e.slice(),v=f.slice();for(c=0;c<1e4;c++){if(h>20?(h=a.CHOOSESADDLE[h][(f[0]||f[1])<0?0:1],t.crossings[u]=a.SADDLEREMAINDER[h]):delete t.crossings[u],!(f=a.NEWDELTA[h])){n.log(\"Found bad marching index:\",h,e,t.level);break}p.push(s(t,e,f)),e[0]+=f[0],e[1]+=f[1],u=e.join(\",\"),i(p[p.length-1],p[p.length-2],o,l)&&p.pop();var y=f[0]&&(e[0]<0||e[0]>g-2)||f[1]&&(e[1]<0||e[1]>d-2);if(e[0]===m[0]&&e[1]===m[1]&&f[0]===v[0]&&f[1]===v[1]||r&&y)break;h=t.crossings[u]}1e4===c&&n.log(\"Infinite loop in contour?\");var x,b,_,w,T,k,M,A,S,E,C,L,P,I,z,O=i(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,i,o,s,l,c,u,h,f=t[0].z,p=f.length,d=f[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):a.log(\"endpt to newendpt is not vert. or horz.\",r,n,y)}if(r=n,s>=0)break;h+=\"L\"+n}if(s===t.edgepaths.length){a.log(\"unclosed perimeter path\");break}f=s,(d=-1===p.indexOf(f))&&(f=p[0],h+=\"Z\")}for(f=0;fn.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(h)+Math.cos(c)*o);if(f<1||p<1)return 1/0;var d=v.EDGECOST*(1/(f-1)+1/(p-1));d+=v.ANGLECOST*c*c;for(var g=s-u,m=l-h,y=s+u,x=l+h,b=0;b2*v.MAXCOST)break;p&&(s/=2),l=(o=c-s/2)+1.5*s}if(f<=v.MAXCOST)return u},r.addLabelData=function(t,e,r,n){var a=e.fontSize,i=e.width+a/3,o=Math.max(0,e.height-a/3),s=t.x,l=t.y,c=t.theta,u=Math.sin(c),h=Math.cos(c),f=function(t,e){return[s+t*h-e*u,l+t*u+e*h]},p=[f(-i/2,-o/2),f(-i/2,o/2),f(i/2,o/2),f(i/2,-o/2)];r.push({text:e.text,x:s,y:l,dy:e.dy,theta:c,level:e.level,width:i,height:o}),n.push(p)},r.drawLabels=function(t,e,r,i,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,a=t.y-Math.cos(t.theta)*t.dy;n.select(this).text(t.text).attr({x:e,y:a,transform:\"rotate(\"+180*t.theta/Math.PI+\" \"+e+\" \"+a+\")\"}).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={}),a.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,h=r.end,f=t._input.contours;if(u>h&&(r.start=f.start=h,h=r.end=f.end=u,u=r.start),!(r.size>0))c=u===h?1:i(u,h,t.ncontours).dtick,f.size=r.size=c}}},{\"../../lib\":749,\"../../plots/cartesian/axes\":798}],998:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../components/drawing\"),i=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,i=r.contours,s=r.line,l=i.size||1,c=i.start,u=\"constraint\"===i.type,h=!u&&\"lines\"===i.coloring,f=!u&&\"fill\"===i.coloring,p=h||f?o(r):null;e.selectAll(\"g.contourlevel\").each((function(t){n.select(this).selectAll(\"path\").call(a.lineGroupStyle,s.width,h?p(t.level):s.color,s.dash)}));var d=i.labelfont;if(e.selectAll(\"g.contourlabels text\").each((function(t){a.font(n.select(this),{family:d.family,size:d.size,color:d.color||(h?p(t.level):s.color)})})),u)e.selectAll(\"g.contourfill path\").style(\"fill\",r.fillcolor);else if(f){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))}})),i(t)}},{\"../../components/drawing\":637,\"../heatmap/style\":1047,\"./make_color_map\":994,d3:169}],999:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/defaults\"),a=t(\"./label_defaults\");e.exports=function(t,e,r,i,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,i,r,{prefix:\"\",cLetter:\"z\"})),r(\"line.smoothing\"),a(r,i,c,o)}},{\"../../components/colorscale/defaults\":625,\"./label_defaults\":993}],1e3:[function(t,e,r){\"use strict\";var n=t(\"../heatmap/attributes\"),a=t(\"../contour/attributes\"),i=t(\"../../components/colorscale/attributes\"),o=t(\"../../lib/extend\").extendFlat,s=a.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:a.fillcolor,autocontour:a.autocontour,ncontours:a.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:a.line.color,width:a.line.width,dash:a.line.dash,smoothing:a.line.smoothing,editType:\"plot\"},transforms:void 0},i(\"\",{cLetter:\"z\",autoColorDflt:!1}))},{\"../../components/colorscale/attributes\":622,\"../../lib/extend\":739,\"../contour/attributes\":978,\"../heatmap/attributes\":1035}],1001:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/calc\"),a=t(\"../../lib\"),i=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\"),h=t(\"../carpet/lookup_carpetid\"),f=t(\"../contour/set_contours\");e.exports=function(t,e){var r=e._carpetTrace=h(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,h,f,p,d,g,m=e._carpetTrace,v=m.aaxis,y=m.baxis;v._minDtick=0,y._minDtick=0,a.isArray1D(e.z)&&i(e,v,y,\"a\",\"b\",[\"z\"]);r=e._a=e._a||e.a,f=e._b=e._b||e.b,r=r?v.makeCalcdata(e,\"_a\"):[],f=f?y.makeCalcdata(e,\"_b\"):[],u=e.a0||0,h=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=a.maxRowLength(g),b=\"scaled\"===e.xtype?\"\":r,_=c(e,b,u,h,x,v),w=\"scaled\"===e.ytype?\"\":f,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 f(e,e._z),g}}},{\"../../components/colorscale/calc\":623,\"../../lib\":749,\"../carpet/lookup_carpetid\":951,\"../contour/set_contours\":997,\"../heatmap/clean_2d_array\":1037,\"../heatmap/convert_column_xyz\":1039,\"../heatmap/find_empties\":1041,\"../heatmap/interp2d\":1044,\"../heatmap/make_bound_array\":1045,\"./defaults\":1002}],1002:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../heatmap/xyz_defaults\"),i=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,a){return n.coerce(t,e,i,r,a)}if(u(\"carpet\"),t.a&&t.b){if(!a(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,i,r)})),l(t,e,u,c,{hasHover:!1}))}else e._defaultColor=r,e._length=null}},{\"../../lib\":749,\"../contour/constraint_defaults\":983,\"../contour/contours_defaults\":985,\"../contour/style_defaults\":999,\"../heatmap/xyz_defaults\":1049,\"./attributes\":1e3}],1003:[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\":811,\"../contour/colorbar\":981,\"../contour/style\":998,\"./attributes\":1e3,\"./calc\":1001,\"./defaults\":1002,\"./plot\":1004}],1004:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../carpet/map_1d_array\"),i=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\"),h=t(\"../contour/constants\"),f=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),a=t.getPointAtLength(r),i=a.x-n.x,o=a.y-n.y,s=Math.sqrt(i*i+o*o);return[i/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),P=\"constraint\"===C.type,I=C._operation,z=P?\"=\"===I?\"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=f(L,I)),function(t,e){var r,n,a,i,o,s,l,c,u;for(r=0;r=0;j--)F=A.clipsegments[j],B=a([],F.x,_.c2p),N=a([],F.y,w.c2p),B.reverse(),N.reverse(),V.push(i(B,N,F.bicubic));var q=\"M\"+V.join(\"L\")+\"Z\";!function(t,e,r,n,o,l){var c,u,h,f,p=s.ensureSingle(t,\"g\",\"contourbg\").selectAll(\"path\").data(\"fill\"!==l||o?[]:[0]);p.enter().append(\"path\"),p.exit().remove();var d=[];for(f=0;f=0&&(f=C,d=g):Math.abs(h[1]-f[1])=0&&(f=C,d=g):s.log(\"endpt to newendpt is not vert. or horz.\",h,f,C)}if(d>=0)break;y+=S(h,f),h=f}if(d===e.edgepaths.length){s.log(\"unclosed perimeter path\");break}u=d,(b=-1===x.indexOf(u))&&(u=x[0],y+=S(h,f)+\"Z\",h=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)*h.LABELMIN)))for(var a=Math.min(Math.ceil(n.len/I),h.LABELMAX),i=0;i0?+p[u]:0),h.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,i.opacity(w)<1?w:i.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 a.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:h},c.heatmap.layout.visibility=\"visible\",c}},{\"../../components/color\":615,\"../../components/colorscale\":627,\"../../constants/numerical\":724,\"../../lib\":749,\"../../lib/geojson_utils\":743,\"fast-isnumeric\":241}],1008:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../components/colorscale/defaults\"),i=t(\"./attributes\");e.exports=function(t,e,r,o){function s(r,a){return n.coerce(t,e,i,r,a)}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\"),a(t,e,o,s,{prefix:\"\",cLetter:\"z\"})):e.visible=!1}},{\"../../components/colorscale/defaults\":625,\"../../lib\":749,\"./attributes\":1005}],1009:[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}},{}],1010:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../plots/cartesian/axes\"),i=t(\"../scattermapbox/hover\");e.exports=function(t,e,r){var o=i(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 h=s.subplot.mockAxis;s.z=u.z,s.zLabel=a.tickText(h,h.c2l(u.z),\"hover\").text}return s.extraText=function(t,e,r){if(t.hovertemplate)return;var a=(e.hi||t.hoverinfo).split(\"+\"),i=-1!==a.indexOf(\"all\"),o=-1!==a.indexOf(\"lon\"),s=-1!==a.indexOf(\"lat\"),l=e.lonlat,c=[];function u(t){return t+\"\\xb0\"}i||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]));(i||-1!==a.indexOf(\"text\"))&&n.fillText(e,t,c);return c.join(\"
\")}(c,u,l[0].t.labels),[s]}}},{\"../../lib\":749,\"../../plots/cartesian/axes\":798,\"../scattermapbox/hover\":1226}],1011:[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,a=new i(t,r.uid),o=a.sourceId,s=n(e),l=a.below=t.belowLookup[\"trace-\"+r.uid];return t.map.addSource(o,{type:\"geojson\",data:s.geojson}),a._addLayers(s,l),a}},{\"../../plots/mapbox/constants\":853,\"./convert\":1007}],1013:[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,a=e.mc||r.color,i=e.mlc||r.line.color,o=e.mlw||r.line.width;if(n(a))return a;if(n(i)&&o)return i}(c,h),[s]}}},{\"../../components/color\":615,\"../../lib\":749,\"../bar/hover\":898}],1021:[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\":811,\"../bar/select\":903,\"./attributes\":1014,\"./calc\":1015,\"./cross_trace_calc\":1017,\"./defaults\":1018,\"./event_data\":1019,\"./hover\":1020,\"./layout_attributes\":1022,\"./layout_defaults\":1023,\"./plot\":1024,\"./style\":1025}],1022:[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\"}}},{}],1023:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./layout_attributes\");e.exports=function(t,e,r){var i=!1;function o(r,i){return n.coerce(t,e,a,r,i)}for(var s=0;s path\").each((function(t){if(!t.isBlank){var e=s.marker;n.select(this).call(i.fill,t.mc||e.color).call(i.stroke,t.mlc||e.line.color).call(a.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(i.fill,s.connector.fillcolor)})),r.selectAll(\".lines\").each((function(){var t=s.connector.line;a.lineGroupStyle(n.select(this).selectAll(\"path\"),t.width,t.color,t.dash)}))}))}}},{\"../../components/color\":615,\"../../components/drawing\":637,\"../../constants/interactions\":723,\"../bar/style\":905,\"../bar/uniform_text\":907,d3:169}],1026:[function(t,e,r){\"use strict\";var n=t(\"../pie/attributes\"),a=t(\"../../plots/attributes\"),i=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({},a.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:i({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\":739,\"../../plots/attributes\":794,\"../../plots/domain\":825,\"../../plots/template_attributes\":876,\"../pie/attributes\":1130}],1027:[function(t,e,r){\"use strict\";var n=t(\"../../plots/plots\");r.name=\"funnelarea\",r.plot=function(t,e,a,i){n.plotBasePlot(r.name,t,e,a,i)},r.clean=function(t,e,a,i){n.cleanBasePlot(r.name,t,e,a,i)}},{\"../../plots/plots\":861}],1028:[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\":1132}],1029:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./attributes\"),i=t(\"../../plots/domain\").defaults,o=t(\"../bar/defaults\").handleText,s=t(\"../pie/defaults\").handleLabelsAndValues;e.exports=function(t,e,r,l){function c(r,i){return n.coerce(t,e,a,r,i)}var u=c(\"labels\"),h=c(\"values\"),f=s(u,h),p=f.len;if(e._hasLabels=f.hasLabels,e._hasValues=f.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})}i(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\":749,\"../../plots/domain\":825,\"../bar/defaults\":895,\"../pie/defaults\":1133,\"./attributes\":1026}],1030:[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\":1141,\"./attributes\":1026,\"./base_plot\":1027,\"./calc\":1028,\"./defaults\":1029,\"./layout_attributes\":1031,\"./layout_defaults\":1032,\"./plot\":1033,\"./style\":1034}],1031:[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\":1137}],1032:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./layout_attributes\");e.exports=function(t,e){function r(r,i){return n.coerce(t,e,a,r,i)}r(\"hiddenlabels\"),r(\"funnelareacolorway\",e.colorway),r(\"extendfunnelareacolors\")}},{\"../../lib\":749,\"./layout_attributes\":1031}],1033:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../components/drawing\"),i=t(\"../../lib\"),o=t(\"../../lib/svg_text_utils\"),s=t(\"../bar/plot\").toMoveInsideBar,l=t(\"../bar/uniform_text\"),c=l.recordMinTextSize,u=l.clearMinTextSize,h=t(\"../pie/helpers\"),f=t(\"../pie/plot\"),p=f.attachFxHandlers,d=f.determineInsideTextFont,g=f.layoutAreas,m=f.prerenderTitles,v=f.positionTitleOutside,y=f.formatSliceLabel;function x(t,e){return\"l\"+(e[0]-t[0])+\",\"+(e[1]-t[1])}e.exports=function(t,e){var r=t._fullLayout;u(\"funnelarea\",r),m(e,t),g(e,r._size),i.makeTraceGroups(r._funnelarealayer,e,\"trace\").each((function(e){var l=n.select(this),u=e[0],f=u.trace;!function(t){if(!t.length)return;var e=t[0],r=e.trace,n=r.aspectratio,a=r.baseratio;a>.999&&(a=.999);var i,o=Math.pow(a,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 h,f,p=[];for(p.push(u()),h=t.length-1;h>-1;h--)if(!(f=t[h]).hidden){var d=f.v/l;c+=d,p.push(u())}var g=1/0,m=-1/0;for(h=0;h-1;h--)if(!(f=t[h]).hidden){var M=p[k+=1][0],A=p[k][1];f.TL=[-M,A],f.TR=[M,A],f.BL=w,f.BR=T,f.pxmid=(S=f.TR,E=f.BR,[.5*(S[0]+E[0]),.5*(S[1]+E[1])]),w=f.TL,T=f.TR}var S,E}(e),l.each((function(){var l=n.select(this).selectAll(\"g.slice\").data(e);l.enter().append(\"g\").classed(\"slice\",!0),l.exit().remove(),l.each((function(l,g){if(l.hidden)n.select(this).selectAll(\"path,g\").remove();else{l.pointNumber=l.i,l.curveNumber=f.index;var m=u.cx,v=u.cy,b=n.select(this),_=b.selectAll(\"path.surface\").data([l]);_.enter().append(\"path\").classed(\"surface\",!0).style({\"pointer-events\":\"all\"}),b.call(p,t,e);var w=\"M\"+(m+l.TR[0])+\",\"+(v+l.TR[1])+x(l.TR,l.BR)+x(l.BR,l.BL)+x(l.BL,l.TL)+\"Z\";_.attr(\"d\",w),y(t,l,u);var T=h.castOption(f.textposition,l.pts),k=b.selectAll(\"g.slicetext\").data(l.text&&\"none\"!==T?[0]:[]);k.enter().append(\"g\").classed(\"slicetext\",!0),k.exit().remove(),k.each((function(){var u=i.ensureSingle(n.select(this),\"text\",\"\",(function(t){t.attr(\"data-notex\",1)})),h=i.ensureUniformFontSize(t,d(f,l,r.font));u.text(l.text).attr({class:\"slicetext\",transform:\"\",\"text-anchor\":\"middle\"}).call(a.font,h).call(o.convertToTspans,t);var p,y,x,b=a.bBox(u.node()),_=Math.min(l.BL[1],l.BR[1])+v,w=Math.max(l.TL[1],l.TR[1])+v;y=Math.max(l.TL[0],l.BL[0])+m,x=Math.min(l.TR[0],l.BR[0])+m,(p=s(y,x,_,w,b,{isHorizontal:!0,constrained:!0,angle:0,anchor:\"middle\"})).fontSize=h.size,c(f.type,p,r),e[g].transform=p,u.attr(\"transform\",i.getTextTransform(p))}))}}));var g=n.select(this).selectAll(\"g.titletext\").data(f.title.text?[0]:[]);g.enter().append(\"g\").classed(\"titletext\",!0),g.exit().remove(),g.each((function(){var e=i.ensureSingle(n.select(this),\"text\",\"\",(function(t){t.attr(\"data-notex\",1)})),s=f.title.text;f._meta&&(s=i.templateString(s,f._meta)),e.text(s).attr({class:\"titletext\",transform:\"\",\"text-anchor\":\"middle\"}).call(a.font,f.title.font).call(o.convertToTspans,t);var l=v(u,r._size);e.attr(\"transform\",\"translate(\"+l.x+\",\"+l.y+\")\"+(l.scale<1?\"scale(\"+l.scale+\")\":\"\")+\"translate(\"+l.tx+\",\"+l.ty+\")\")}))}))}))}},{\"../../components/drawing\":637,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../bar/plot\":902,\"../bar/uniform_text\":907,\"../pie/helpers\":1135,\"../pie/plot\":1139,d3:169}],1034:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../pie/style_one\"),i=t(\"../bar/uniform_text\").resizeText;e.exports=function(t){var e=t._fullLayout._funnelarealayer.selectAll(\".trace\");i(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(a,t,e)}))}))}},{\"../bar/uniform_text\":907,\"../pie/style_one\":1141,d3:169}],1035:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\"),a=t(\"../../plots/attributes\"),i=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:i(),showlegend:s({},a.showlegend,{dflt:!1})},{transforms:void 0},o(\"\",{cLetter:\"z\",autoColorDflt:!1}))},{\"../../components/colorscale/attributes\":622,\"../../constants/docs\":719,\"../../lib/extend\":739,\"../../plots/attributes\":794,\"../../plots/template_attributes\":876,\"../scatter/attributes\":1156}],1036:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),a=t(\"../../lib\"),i=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\"),h=t(\"./interp2d\"),f=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\"===P){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=a.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]=i.findExtremes(A,j),e._extremes[S._id]=i.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\":623,\"../../constants/numerical\":724,\"../../lib\":749,\"../../plots/cartesian/align_period\":795,\"../../plots/cartesian/axes\":798,\"../../registry\":881,\"../histogram2d/calc\":1068,\"./clean_2d_array\":1037,\"./convert_column_xyz\":1039,\"./find_empties\":1041,\"./interp2d\":1044,\"./make_bound_array\":1045}],1037:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"../../lib\"),i=t(\"../../constants/numerical\").BADNUM;e.exports=function(t,e,r,o){var s,l,c,u,h,f;function p(t){if(n(t))return+t}if(e&&e.transpose){for(s=0,h=0;h=0;o--)(s=((h[[(r=(i=f[o])[0])-1,a=i[1]]]||g)[2]+(h[[r+1,a]]||g)[2]+(h[[r,a-1]]||g)[2]+(h[[r,a+1]]||g)[2])/20)&&(l[i]=[r,a,s],f.splice(o,1),c=!0);if(!c)throw\"findEmpties iterated with no new neighbors\";for(i in l)h[i]=l[i],u.push(l[i])}return u.sort((function(t,e){return e[2]-t[2]}))}},{\"../../lib\":749}],1042:[function(t,e,r){\"use strict\";var n=t(\"../../components/fx\"),a=t(\"../../lib\"),i=t(\"../../plots/cartesian/axes\"),o=t(\"../../components/colorscale\").extractOpts;e.exports=function(t,e,r,s,l,c){var u,h,f,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{f=Math.round(t.index[1]),p=Math.round(t.index[0])}catch(e){return void a.error(\"Error hovering on heatmap, pointNumber must be [row,col], found:\",t.index)}if(f<0||f>=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[i][o]-d)/(m-g))))}return v}e.exports=function(t,e){var r,a=1;for(o(t,e),r=0;r.01;r++)a=o(t,e,i(a));return a>.01&&n.log(\"interp2d didn't converge quickly\",a),t}},{\"../../lib\":749}],1045:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),a=t(\"../../lib\").isArrayOrTypedArray;e.exports=function(t,e,r,i,o,s){var l,c,u,h=[],f=n.traceIs(t,\"contour\"),p=n.traceIs(t,\"histogram\"),d=n.traceIs(t,\"gl2d\");if(a(e)&&e.length>1&&!p&&\"category\"!==s.type){var g=e.length;if(!(g<=o))return f?e.slice(0,o):e.slice(0,o+1);if(f||d)h=e.slice(0,o);else if(1===o)h=[e[0]-.5,e[0]+.5];else{for(h=[1.5*e[0]-.5*e[1]],u=1;u0;)f=p.c2p(T[y]),y--;for(f0;)v=d.c2p(k[y]),y--;if(v0&&(i=!0);for(var l=0;li){var o=i-r[t];return r[t]=i,o}}return 0},max:function(t,e,r,a){var i=a[e];if(n(i)){if(i=Number(i),!n(r[t]))return r[t]=i,i;if(r[t]c?t>o?t>1.1*a?a:t>1.1*i?i:o:t>s?s:t>l?l:c:Math.pow(10,Math.floor(Math.log(t)/Math.LN10))}function p(t,e,r,n,i,s){if(n&&t>o){var l=d(e,i,s),c=d(r,i,s),u=t===a?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,a,r).split(\"-\");return\"\"===n[0]&&(n.unshift(),n[0]=\"-\"+n[0]),n}e.exports=function(t,e,r,n,i){var s,l,c=-1.1*e,f=-.1*e,p=t-f,d=r[0],g=r[1],m=Math.min(h(d+f,d+p,n,i),h(g+f,g+p,n,i)),v=Math.min(h(d+c,d+f,n,i),h(g+c,g+f,n,i));if(m>v&&vo){var y=s===a?1:6,x=s===a?\"M12\":\"M1\";return function(e,r){var o=n.c2d(e,a,i),s=o.indexOf(\"-\",y);s>0&&(o=o.substr(0,s));var c=n.d2c(o,0,i);if(cr.r2l(B)&&(j=o.tickIncrement(j,b.size,!0,p)),O.start=r.l2r(j),F||a.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:a.aggNums(Math.max,null,d);O.end=r.l2r(H),q||a.nestedProperty(e,v+\".start\").set(O.end)}var G=\"autobin\"+s;return!1===e._input[G]&&(e._input[v]=a.extendFlat({},e[v]||{}),delete e._input[G],delete e[G]),[O,d]}e.exports={calc:function(t,e){var r,i,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=f(t,e,v,y),T=w[0],k=w[1],M=\"string\"==typeof T.size,A=[],S=M?A:T,E=[],C=[],L=[],P=0,I=e.histnorm,z=e.histfunc,O=-1!==I.indexOf(\"density\");_.enabled&&O&&(I=I.replace(/ ?density$/,\"\"),O=!1);var D,R=\"max\"===z||\"min\"===z?null:0,F=l.count,B=c[I],N=!1,j=function(t){return v.r2c(t,0,b)};for(a.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),a.isArrayOrTypedArray(e.selectedpoints)&&a.tagSelected(K,e,Z),K},calcAllAutoBins:f}},{\"../../lib\":749,\"../../plots/cartesian/axes\":798,\"../../registry\":881,\"../bar/arrays_to_calcdata\":890,\"./average\":1055,\"./bin_functions\":1057,\"./bin_label_vals\":1058,\"./norm_functions\":1066,\"fast-isnumeric\":241}],1060:[function(t,e,r){\"use strict\";e.exports={eventDataKeys:[\"binNumber\"]}},{}],1061:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../plots/cartesian/axis_ids\"),i=t(\"../../registry\").traceIs,o=t(\"../bar/defaults\").handleGroupingDefaults,s=n.nestedProperty,l=a.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,h,f,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,i){var o=t.uid+\"__\"+i;r||(r=o);var s=function(t,r){return a.getFromTrace({_fullLayout:e},t,r).type}(t,i),l=t[i+\"calendar\"]||\"\",c=v[r],u=!0;c&&(s===c.axType&&l===c.calendar?(u=!1,c.traces.push(t),c.dirs.push(i)):(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:[i],axType:s,calendar:t[i+\"calendar\"]||\"\"}),t[\"_\"+i+\"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=[],P=\"string\"==typeof w.size,I=\"string\"==typeof M.size,z=[],O=[],D=P?z:w,R=I?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=i.count,G=o[j],Y=!1,W=[],Z=[],X=\"z\"in e?e.z:\"marker\"in e&&Array.isArray(e.marker.color)?e.marker.color:\"\";X&&\"count\"!==U&&(Y=\"avg\"===U,H=i[U]);var J=w.size,K=x(w.start),Q=x(w.end)+(K-a.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,h=Math.floor((e-o.x0)/s.dx),f=Math.floor(Math.abs(r-o.y0)/s.dy);if(s._hasZ?u=o.z[f][h]:s._hasSource&&(u=s._canvas.el.getContext(\"2d\").getImageData(h,f,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=i.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[f])?m=s.hovertext[f][h]:Array.isArray(s.text)&&Array.isArray(s.text[f])&&(m=s.text[f][h]);var T=c.c2p(o.y0+(f+.5)*s.dy),k=o.x0+(h+.5)*s.dx,M=o.y0+(f+.5)*s.dy,A=\"[\"+u.slice(0,s.colormodel.length).join(\", \")+\"]\";return[a.extendFlat(t,{index:[f,h],x0:l.c2p(o.x0+h*s.dx),x1:l.c2p(o.x0+(h+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\":655,\"../../lib\":749,\"./constants\":1078}],1082:[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\":811,\"./attributes\":1076,\"./calc\":1077,\"./defaults\":1079,\"./event_data\":1080,\"./hover\":1081,\"./plot\":1083,\"./style\":1084}],1083:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\"),i=t(\"../../constants/xmlns_namespaces\"),o=t(\"./constants\"),s=a.isIOS()||a.isSafari()||a.isIE();function l(t){return\"linear\"===t.type&&t.range[1]>t.range[0]==(\"x\"===t._id.charAt(0))}e.exports=function(t,e,r,c){var u=e.xaxis,h=e.yaxis,f=!(s||t._context._exportedPlot);a.makeTraceGroups(c,r,\"im\").each((function(e){var r=n.select(this),s=e[0],c=s.trace,p=f&&!c._hasZ&&c._hasSource&&l(u)&&l(h);c._fastImage=p;var d,g,m,v,y,x,b=s.z,_=s.x0,w=s.y0,T=s.w,k=s.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=h.c2p(w+x*A),x--;if(g0}function x(t){t.each((function(t){d.stroke(n.select(this),t.line.color)})).each((function(t){d.fill(n.select(this),t.color)})).style(\"stroke-width\",(function(t){return t.line.width}))}function b(t,e,r){var n=t._fullLayout,i=a.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 a.coerce(i,o,p,t,e)}return h(i,o,l,s,n),f(i,o,l,s),o}function _(t,e){return\"translate(\"+t+\",\"+e+\")\"}function w(t,e,r){return[Math.min(e/t.width,r/t.height),t,e+\"x\"+r]}function T(t,e,r,a){var i=document.createElementNS(\"http://www.w3.org/2000/svg\",\"text\"),o=n.select(i);return o.text(t).attr(\"x\",0).attr(\"y\",0).attr(\"text-anchor\",r).attr(\"data-unformatted\",t).call(c.convertToTspans,a).call(s.font,e),s.bBox(o.node())}function k(t,e,r,n,i,o){var s=\"_cache\"+e;t[s]&&t[s].key===i||(t[s]={key:i,value:r});var l=a.aggNums(o,null,[t[s].value,n],2);return t[s].value=l,l}e.exports=function(t,e,r,h){var f,p=t._fullLayout;y(r)&&h&&(f=h()),a.makeTraceGroups(p._indicatorlayer,e,\"trace\").each((function(e){var h,M,A,S,E,C=e[0].trace,L=n.select(this),P=C._hasGauge,I=C._isAngular,z=C._isBullet,O=C.domain,D={w:p._size.w*(O.x[1]-O.x[0]),h:p._size.h*(O.y[1]-O.y[0]),l:p._size.l+p._size.w*O.x[0],r:p._size.r+p._size.w*(1-O.x[1]),t:p._size.t+p._size.h*(1-O.y[1]),b:p._size.b+p._size.h*O.y[0]},R=D.l+D.w/2,F=D.t+D.h/2,B=Math.min(D.w/2,D.h),N=l.innerRadius*B,j=C.align||\"center\";if(M=F,P){if(I&&(h=R,M=F+B/2,A=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*N)}),z){var U=l.bulletPadding,V=1-l.bulletNumberDomainSize+U;h=D.l+(V+(1-V)*m[j])*D.w,A=function(t){return w(t,(l.bulletNumberDomainSize-U)*D.w,D.h)}}}else h=D.l+m[j]*D.w,A=function(t){return w(t,D.w,D.h)};!function(t,e,r,i){var o,l,h,f=r[0].trace,p=i.numbersX,x=i.numbersY,w=f.align||\"center\",M=g[w],A=i.transitionOpts,S=i.onComplete,E=a.ensureSingle(e,\"g\",\"numbers\"),C=[];f._hasNumber&&C.push(\"number\");f._hasDelta&&(C.push(\"delta\"),\"left\"===f.delta.position&&C.reverse());var L=E.selectAll(\"text\").data(C);function P(e,r,n,a){if(!e.match(\"s\")||n>=0==a>=0||r(n).slice(-1).match(v)||r(a).slice(-1).match(v))return r;var i=e.slice().replace(\"s\",\"f\").replace(/\\d+/,(function(t){return parseInt(t)-1})),o=b(t,{tickformat:i});return function(t){return Math.abs(t)<1?u.tickText(o,t).text:r(t)}}L.enter().append(\"text\"),L.attr(\"text-anchor\",(function(){return M})).attr(\"class\",(function(t){return t})).attr(\"x\",null).attr(\"y\",null).attr(\"dx\",null).attr(\"dy\",null),L.exit().remove();var I,z=f.mode+f.align;f._hasDelta&&(I=function(){var e=b(t,{tickformat:f.delta.valueformat},f._range);e.setScale(),u.prepTicks(e);var a=function(t){return u.tickText(e,t).text},i=function(t){return f.delta.relative?t.relativeDelta:t.delta},o=function(t,e){return 0===t||\"number\"!=typeof t||isNaN(t)?\"-\":(t>0?f.delta.increasing.symbol:f.delta.decreasing.symbol)+e(t)},h=function(t){return t.delta>=0?f.delta.increasing.color:f.delta.decreasing.color};void 0===f._deltaLastValue&&(f._deltaLastValue=i(r[0]));var p=E.select(\"text.delta\");function g(){p.text(o(i(r[0]),a)).call(d.fill,h(r[0])).call(c.convertToTspans,t)}return p.call(s.font,f.delta.font).call(d.fill,h({delta:f._deltaLastValue})),y(A)?p.transition().duration(A.duration).ease(A.easing).tween(\"text\",(function(){var t=n.select(this),e=i(r[0]),s=f._deltaLastValue,l=P(f.delta.valueformat,a,s,e),c=n.interpolateNumber(s,e);return f._deltaLastValue=e,function(e){t.text(o(c(e),l)),t.call(d.fill,h({delta:c(e)}))}})).each(\"end\",(function(){g(),S&&S()})).each(\"interrupt\",(function(){g(),S&&S()})):g(),l=T(o(i(r[0]),a),f.delta.font,M,t),p}(),z+=f.delta.position+f.delta.font.size+f.delta.font.family+f.delta.valueformat,z+=f.delta.increasing.symbol+f.delta.decreasing.symbol,h=l);f._hasNumber&&(!function(){var e=b(t,{tickformat:f.number.valueformat},f._range);e.setScale(),u.prepTicks(e);var a=function(t){return u.tickText(e,t).text},i=f.number.suffix,l=f.number.prefix,h=E.select(\"text.number\");function p(){var e=\"number\"==typeof r[0].y?l+a(r[0].y)+i:\"-\";h.text(e).call(s.font,f.number.font).call(c.convertToTspans,t)}y(A)?h.transition().duration(A.duration).ease(A.easing).each(\"end\",(function(){p(),S&&S()})).each(\"interrupt\",(function(){p(),S&&S()})).attrTween(\"text\",(function(){var t=n.select(this),e=n.interpolateNumber(r[0].lastY,r[0].y);f._lastValue=r[0].y;var o=P(f.number.valueformat,a,r[0].lastY,r[0].y);return function(r){t.text(l+o(e(r))+i)}})):p(),o=T(l+a(r[0].y)+i,f.number.font,M,t)}(),z+=f.number.font.size+f.number.font.family+f.number.valueformat+f.number.suffix+f.number.prefix,h=o);if(f._hasDelta&&f._hasNumber){var O,D,R=[(o.left+o.right)/2,(o.top+o.bottom)/2],F=[(l.left+l.right)/2,(l.top+l.bottom)/2],B=.75*f.delta.font.size;\"left\"===f.delta.position&&(O=k(f,\"deltaPos\",0,-1*(o.width*m[f.align]+l.width*(1-m[f.align])+B),z,Math.min),D=R[1]-F[1],h={width:o.width+l.width+B,height:Math.max(o.height,l.height),left:l.left+O,right:o.right,top:Math.min(o.top,l.top+D),bottom:Math.max(o.bottom,l.bottom+D)}),\"right\"===f.delta.position&&(O=k(f,\"deltaPos\",0,o.width*(1-m[f.align])+l.width*m[f.align]+B,z,Math.max),D=R[1]-F[1],h={width:o.width+l.width+B,height:Math.max(o.height,l.height),left:o.left,right:l.right+O,top:Math.min(o.top,l.top+D),bottom:Math.max(o.bottom,l.bottom+D)}),\"bottom\"===f.delta.position&&(O=null,D=l.height,h={width:Math.max(o.width,l.width),height:o.height+l.height,left:Math.min(o.left,l.left),right:Math.max(o.right,l.right),top:o.bottom-o.height,bottom:o.bottom+l.height}),\"top\"===f.delta.position&&(O=null,D=o.top,h={width:Math.max(o.width,l.width),height:o.height+l.height,left:Math.min(o.left,l.left),right:Math.max(o.right,l.right),top:o.bottom-o.height-l.height,bottom:o.bottom}),I.attr({dx:O,dy:D})}(f._hasNumber||f._hasDelta)&&E.attr(\"transform\",(function(){var t=i.numbersScaler(h);z+=t[2];var e,r=k(f,\"numbersScale\",1,t[0],z,Math.min);f._scaleNumbers||(r=1),e=f._isAngular?x-r*h.bottom:x-r*(h.top+h.bottom)/2,f._numbersTop=r*h.top+e;var n=h[w];\"center\"===w&&(n=(h.left+h.right)/2);var a=p-r*n;return _(a=k(f,\"numbersTranslate\",0,a,z,Math.max),e)+\" scale(\"+r+\")\"}))}(t,L,e,{numbersX:h,numbersY:M,numbersScaler:A,transitionOpts:r,onComplete:f}),P&&(S={range:C.gauge.axis.range,color:C.gauge.bgcolor,line:{color:C.gauge.bordercolor,width:0},thickness:1},E={range:C.gauge.axis.range,color:\"rgba(0, 0, 0, 0)\",line:{color:C.gauge.bordercolor,width:C.gauge.borderwidth},thickness:1});var q=L.selectAll(\"g.angular\").data(I?e:[]);q.exit().remove();var H=L.selectAll(\"g.angularaxis\").data(I?e:[]);H.exit().remove(),I&&function(t,e,r,a){var s,l,c,h,f=r[0].trace,p=a.size,d=a.radius,g=a.innerRadius,m=a.gaugeBg,v=a.gaugeOutline,w=[p.l+p.w/2,p.t+p.h/2+d/2],T=a.gauge,k=a.layer,M=a.transitionOpts,A=a.onComplete,S=Math.PI/2;function E(t){var e=f.gauge.axis.range[0],r=(t-e)/(f.gauge.axis.range[1]-e)*Math.PI-S;return r<-S?-S:r>S?S:r}function C(t){return n.svg.arc().innerRadius((g+d)/2-t/2*(d-g)).outerRadius((g+d)/2+t/2*(d-g)).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\",_(w[0],w[1])),k.enter().append(\"g\").classed(\"angularaxis\",!0).classed(\"crisp\",!0),k.selectAll(\"g.xangularaxistick,path,text\").remove(),(s=b(t,f.gauge.axis)).type=\"linear\",s.range=f.gauge.axis.range,s._id=\"xangularaxis\",s.setScale();var P=function(t){return(s.range[0]-t.x)/(s.range[1]-s.range[0])*Math.PI+Math.PI},I={},z=u.makeLabelFns(s,0).labelStandoff;I.xFn=function(t){var e=P(t);return Math.cos(e)*z},I.yFn=function(t){var e=P(t),r=Math.sin(e)>0?.2:1;return-Math.sin(e)*(z+t.fontSize*r)+Math.abs(Math.cos(e))*(t.fontSize*o)},I.anchorFn=function(t){var e=P(t),r=Math.cos(e);return Math.abs(r)<.1?\"middle\":r>0?\"start\":\"end\"},I.heightFn=function(t,e,r){var n=P(t);return-.5*(1+Math.sin(n))*r};var O=function(t){return _(w[0]+d*Math.cos(t),w[1]-d*Math.sin(t))};c=function(t){return O(P(t))};if(l=u.calcTicks(s),h=u.getTickSigns(s)[2],s.visible){h=\"inside\"===s.ticks?-1:1;var D=(s.linewidth||1)/2;u.drawTicks(t,s,{vals:l,layer:k,path:\"M\"+h*D+\",0h\"+h*s.ticklen,transFn:function(t){var e=P(t);return O(e)+\"rotate(\"+-i(e)+\")\"}}),u.drawLabels(t,s,{vals:l,layer:k,transFn:c,labelFns:I})}var R=[m].concat(f.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(x),F.exit().remove();var B=C(f.gauge.bar.thickness),N=T.selectAll(\"g.value-arc\").data([f.gauge.bar]);N.enter().append(\"g\").classed(\"value-arc\",!0).append(\"path\");var j=N.select(\"path\");y(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))()}})),f._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(x),N.exit().remove(),R=[];var H=f.gauge.threshold.value;H&&R.push({range:[H,H],color:f.gauge.threshold.color,line:{color:f.gauge.threshold.line.color,width:f.gauge.threshold.line.width},thickness:f.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(x),G.exit().remove();var Y=T.selectAll(\"g.gauge-outline\").data([v]);Y.enter().append(\"g\").classed(\"gauge-outline\",!0).append(\"path\"),Y.select(\"path\").call(L).call(x),Y.exit().remove()}(t,0,e,{radius:B,innerRadius:N,gauge:q,layer:H,size:D,gaugeBg:S,gaugeOutline:E,transitionOpts:r,onComplete:f});var G=L.selectAll(\"g.bullet\").data(z?e:[]);G.exit().remove();var Y=L.selectAll(\"g.bulletaxis\").data(z?e:[]);Y.exit().remove(),z&&function(t,e,r,n){var a,i,o,s,c,h=r[0].trace,f=n.gauge,p=n.layer,g=n.gaugeBg,m=n.gaugeOutline,v=n.size,_=h.domain,w=n.transitionOpts,T=n.onComplete;f.enter().append(\"g\").classed(\"bullet\",!0),f.attr(\"transform\",\"translate(\"+v.l+\", \"+v.t+\")\"),p.enter().append(\"g\").classed(\"bulletaxis\",!0).classed(\"crisp\",!0),p.selectAll(\"g.xbulletaxistick,path,text\").remove();var k=v.h,M=h.gauge.bar.thickness*k,A=_.x[0],S=_.x[0]+(_.x[1]-_.x[0])*(h._hasNumber||h._hasDelta?1-l.bulletNumberDomainSize:1);(a=b(t,h.gauge.axis))._id=\"xbulletaxis\",a.domain=[A,S],a.setScale(),i=u.calcTicks(a),o=u.makeTransFn(a),s=u.getTickSigns(a)[2],c=v.t+v.h,a.visible&&(u.drawTicks(t,a,{vals:\"inside\"===a.ticks?u.clipEnds(a,i):i,layer:p,path:u.makeTickPath(a,c,s),transFn:o}),u.drawLabels(t,a,{vals:i,layer:p,transFn:o,labelFns:u.makeLabelFns(a,c)}));function E(t){t.attr(\"width\",(function(t){return Math.max(0,a.c2p(t.range[1])-a.c2p(t.range[0]))})).attr(\"x\",(function(t){return a.c2p(t.range[0])})).attr(\"y\",(function(t){return.5*(1-t.thickness)*k})).attr(\"height\",(function(t){return t.thickness*k}))}var C=[g].concat(h.gauge.steps),L=f.selectAll(\"g.bg-bullet\").data(C);L.enter().append(\"g\").classed(\"bg-bullet\",!0).append(\"rect\"),L.select(\"rect\").call(E).call(x),L.exit().remove();var P=f.selectAll(\"g.value-bullet\").data([h.gauge.bar]);P.enter().append(\"g\").classed(\"value-bullet\",!0).append(\"rect\"),P.select(\"rect\").attr(\"height\",M).attr(\"y\",(k-M)/2).call(x),y(w)?P.select(\"rect\").transition().duration(w.duration).ease(w.easing).each(\"end\",(function(){T&&T()})).each(\"interrupt\",(function(){T&&T()})).attr(\"width\",Math.max(0,a.c2p(Math.min(h.gauge.axis.range[1],r[0].y)))):P.select(\"rect\").attr(\"width\",\"number\"==typeof r[0].y?Math.max(0,a.c2p(Math.min(h.gauge.axis.range[1],r[0].y))):0);P.exit().remove();var I=r.filter((function(){return h.gauge.threshold.value})),z=f.selectAll(\"g.threshold-bullet\").data(I);z.enter().append(\"g\").classed(\"threshold-bullet\",!0).append(\"line\"),z.select(\"line\").attr(\"x1\",a.c2p(h.gauge.threshold.value)).attr(\"x2\",a.c2p(h.gauge.threshold.value)).attr(\"y1\",(1-h.gauge.threshold.thickness)/2*k).attr(\"y2\",(1-(1-h.gauge.threshold.thickness)/2)*k).call(d.stroke,h.gauge.threshold.line.color).style(\"stroke-width\",h.gauge.threshold.line.width),z.exit().remove();var O=f.selectAll(\"g.gauge-outline\").data([m]);O.enter().append(\"g\").classed(\"gauge-outline\",!0).append(\"rect\"),O.select(\"rect\").call(E).call(x),O.exit().remove()}(t,0,e,{gauge:G,layer:Y,size:D,gaugeBg:S,gaugeOutline:E,transitionOpts:r,onComplete:f});var W=L.selectAll(\"text.title\").data(e);W.exit().remove(),W.enter().append(\"text\").classed(\"title\",!0),W.attr(\"text-anchor\",(function(){return z?g.right:g[C.title.align]})).text(C.title.text).call(s.font,C.title.font).call(c.convertToTspans,t),W.attr(\"transform\",(function(){var t,e=D.l+D.w*m[C.title.align],r=l.titlePadding,n=s.bBox(W.node());if(P){if(I)if(C.gauge.axis.visible)t=s.bBox(H.node()).top-r-n.bottom;else t=D.t+D.h/2-B/2-n.bottom-r;z&&(t=M-(n.top+n.bottom)/2,e=D.l-l.bulletPadding*D.w)}else t=C._numbersTop-r-n.bottom;return _(e,t)}))}))}},{\"../../components/color\":615,\"../../components/drawing\":637,\"../../constants/alignment\":717,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../../plots/cartesian/axes\":798,\"../../plots/cartesian/axis_defaults\":800,\"../../plots/cartesian/layout_attributes\":812,\"../../plots/cartesian/position_defaults\":815,\"./constants\":1088,d3:169}],1092:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/attributes\"),a=t(\"../../plots/template_attributes\").hovertemplateAttrs,i=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:a(),showlegend:s({},o.showlegend,{dflt:!1})},n(\"\",{colorAttr:\"`value`\",showScaleDflt:!0,editTypeOverride:\"calc\"}),{opacity:i.opacity,lightposition:i.lightposition,lighting:i.lighting,flatshading:i.flatshading,contour:i.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\":622,\"../../lib/extend\":739,\"../../plot_api/edit_types\":780,\"../../plots/attributes\":794,\"../../plots/template_attributes\":876,\"../mesh3d/attributes\":1097}],1093:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/calc\"),a=t(\"../streamtube/calc\").processGrid,i=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=i(e.x,e._len),e._y=i(e.y,e._len),e._z=i(e.z,e._len),e._value=i(e.value,e._len);var r=a(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]),a=Math.max(e[r],e[r-1]);if(a>n&&n-1}function R(t,e){return null===t?e:t}function F(e,r,n){L();var a,i,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],a=t[2],i=function(t,e,r){for(var n=[],a=0;a-1?n[p]:C(d,g,v);f[p]=x>-1?x:I(d,g,v,R(e,y))}a=f[0],i=f[1],o=f[2],t._meshI.push(a),t._meshJ.push(i),t._meshK.push(o),++m}}function B(t,e,r,n){var a=t[3];an&&(a=n);for(var i=(t[3]-a)/(t[3]-e[3]+1e-9),o=[],s=0;s<4;s++)o[s]=(1-i)*t[s]+i*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 a=e[n];r.push([t._x[a],t._y[a],t._z[a],t._value[a]])}return r}function V(t,e,r,n,a,i){i||(i=1),r=[-1,-1,-1];var o=!1,s=[N(e[0][3],n,a),N(e[1][3],n,a),N(e[2][3],n,a)];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):i<3&&V(t,e,r,S,E,++i)};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(i){if(s[i[0]]&&s[i[1]]&&!s[i[2]]){var u=e[i[0]],h=e[i[1]],f=e[i[2]],p=B(f,u,n,a),d=B(f,h,n,a);o=l(t,[d,p,u],[-1,-1,r[i[0]]])||o,o=l(t,[u,h,d],[r[i[0]],r[i[1]],-1])||o,c=!0}})),c||[[0,1,2],[1,2,0],[2,0,1]].forEach((function(i){if(s[i[0]]&&!s[i[1]]&&!s[i[2]]){var u=e[i[0]],h=e[i[1]],f=e[i[2]],p=B(h,u,n,a),d=B(f,u,n,a);o=l(t,[d,p,u],[-1,-1,r[i[0]]])||o,c=!0}})),o}function q(t,e,r,n){var a=!1,i=U(e),o=[N(i[0][3],r,n),N(i[1][3],r,n),N(i[2][3],r,n),N(i[3][3],r,n)];if(!(o[0]||o[1]||o[2]||o[3]))return a;if(o[0]&&o[1]&&o[2]&&o[3])return g&&(a=function(t,e,r){var n=function(n,a,i){F(t,[e[n],e[a],e[i]],[r[n],r[a],r[i]])};n(0,1,2),n(3,0,1),n(2,3,0),n(1,2,3)}(t,i,e)||a),a;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=i[l[0]],u=i[l[1]],h=i[l[2]],f=i[l[3]];if(g)a=F(t,[c,u,h],[e[l[0]],e[l[1]],e[l[2]]])||a;else{var p=B(f,c,r,n),d=B(f,u,r,n),m=B(f,h,r,n);a=F(null,[p,d,m],[-1,-1,-1])||a}s=!0}})),s?a:([[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=i[l[0]],u=i[l[1]],h=i[l[2]],f=i[l[3]],p=B(h,c,r,n),d=B(h,u,r,n),m=B(f,u,r,n),v=B(f,c,r,n);g?(a=F(t,[c,v,p],[e[l[0]],-1,-1])||a,a=F(t,[u,d,m],[e[l[1]],-1,-1])||a):a=function(t,e,r){var n=function(n,a,i){F(t,[e[n],e[a],e[i]],[r[n],r[a],r[i]])};n(0,1,2),n(2,3,0)}(null,[p,d,m,v],[-1,-1,-1,-1])||a,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=i[l[0]],u=i[l[1]],h=i[l[2]],f=i[l[3]],p=B(u,c,r,n),d=B(h,c,r,n),m=B(f,c,r,n);g?(a=F(t,[c,p,d],[e[l[0]],-1,-1])||a,a=F(t,[c,d,m],[e[l[0]],-1,-1])||a,a=F(t,[c,m,p],[e[l[0]],-1,-1])||a):a=F(null,[p,d,m],[-1,-1,-1])||a,s=!0}})),a)}function H(t,e,r,n,a,i,o,s,l,c,u){var h=!1;return d&&(D(t,\"A\")&&(h=q(null,[e,r,n,i],c,u)||h),D(t,\"B\")&&(h=q(null,[r,n,a,l],c,u)||h),D(t,\"C\")&&(h=q(null,[r,i,o,l],c,u)||h),D(t,\"D\")&&(h=q(null,[n,i,s,l],c,u)||h),D(t,\"E\")&&(h=q(null,[r,n,i,l],c,u)||h)),g&&(h=q(t,[r,n,i,l],c,u)||h),h}function G(t,e,r,n,a,i,o,s){return[!0===s[0]||V(t,U([e,r,n]),[e,r,n],i,o),!0===s[1]||V(t,U([n,a,e]),[n,a,e],i,o)]}function Y(t,e,r,n,a,i,o,s,l){return s?G(t,e,r,a,n,i,o,l):G(t,r,a,n,e,i,o,l)}function W(t,e,r,n,a,i,o){var s,l,c,u,h=!1,f=function(){h=V(t,[s,l,c],[-1,-1,-1],a,i)||h,h=V(t,[c,u,s],[-1,-1,-1],a,i)||h},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),f()),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),f()),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),f()),h}function Z(t,e,r,n,a,i,o,s,l,c,u,h){var f=t;return h?(d&&\"even\"===t&&(f=null),H(f,e,r,n,a,i,o,s,l,c,u)):(d&&\"odd\"===t&&(f=null),H(f,l,s,o,i,a,n,r,e,c,u))}function X(t,e,r,n,a){for(var i=[],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?h.push([p.distRatio,0,0]):\"y\"===e?h.push([0,p.distRatio,0]):h.push([0,0,p.distRatio]))}else c=nt(1,\"x\"===e?b-1:\"y\"===e?_-1:w-1);u.length>0&&(r[a]=\"x\"===e?tt(null,u,i,o,h,r[a]):\"y\"===e?et(null,u,i,o,h,r[a]):rt(null,u,i,o,h,r[a]),a++),c.length>0&&(r[a]=\"x\"===e?X(null,c,i,o,r[a]):\"y\"===e?J(null,c,i,o,r[a]):K(null,c,i,o,r[a]),a++)}var d=t.caps[e];d.show&&d.fill&&(O(d.fill),r[a]=\"x\"===e?X(null,[0,b-1],i,o,r[a]):\"y\"===e?J(null,[0,_-1],i,o,r[a]):K(null,[0,w-1],i,o,r[a]),a++)}})),0===m&&P(),t._meshX=n,t._meshY=a,t._meshZ=i,t._meshIntensity=o,t._Xs=v,t._Ys=y,t._Zs=x}(),t}e.exports={findNearestOnAxis:l,generateIsoMeshes:f,createIsosurfaceTrace:function(t,e){var r=t.glplot.gl,a=n({gl:r}),i=new c(t,a,e.uid);return a._trace=i,i.update(e),t.glplot.add(a),i}}},{\"../../components/colorscale\":627,\"../../lib/gl_format_color\":745,\"../../lib/str2rgbarray\":772,\"../../plots/gl3d/zip3\":851,\"gl-mesh3d\":292}],1095:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../registry\"),i=t(\"./attributes\"),o=t(\"../../components/colorscale/defaults\");function s(t,e,r,n,i){var s=i(\"isomin\"),l=i(\"isomax\");null!=l&&null!=s&&s>l&&(e.isomin=null,e.isomax=null);var c=i(\"x\"),u=i(\"y\"),h=i(\"z\"),f=i(\"value\");c&&c.length&&u&&u.length&&h&&h.length&&f&&f.length?(a.getComponentMethod(\"calendars\",\"handleTraceDefaults\")(t,e,[\"x\",\"y\",\"z\"],n),[\"x\",\"y\",\"z\"].forEach((function(t){var e=\"caps.\"+t;i(e+\".show\")&&i(e+\".fill\");var r=\"slices.\"+t;i(r+\".show\")&&(i(r+\".fill\"),i(r+\".locations\"))})),i(\"spaceframe.show\")&&i(\"spaceframe.fill\"),i(\"surface.show\")&&(i(\"surface.count\"),i(\"surface.fill\"),i(\"surface.pattern\")),i(\"contour.show\")&&(i(\"contour.color\"),i(\"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){i(t)})),o(t,e,n,i,{prefix:\"\",cLetter:\"c\"}),e._length=null):e.visible=!1}e.exports={supplyDefaults:function(t,e,r,a){s(t,e,r,a,(function(r,a){return n.coerce(t,e,i,r,a)}))},supplyIsoDefaults:s}},{\"../../components/colorscale/defaults\":625,\"../../lib\":749,\"../../registry\":881,\"./attributes\":1092}],1096:[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\":840,\"./attributes\":1092,\"./calc\":1093,\"./convert\":1094,\"./defaults\":1095}],1097:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/attributes\"),a=t(\"../../plots/template_attributes\").hovertemplateAttrs,i=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:a({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:i.opacity,flatshading:{valType:\"boolean\",dflt:!1,editType:\"calc\"},contour:{show:s({},i.contours.x.show,{}),color:i.contours.x.color,width:i.contours.x.width,editType:\"calc\"},lightposition:{x:s({},i.lightposition.x,{dflt:1e5}),y:s({},i.lightposition.y,{dflt:1e5}),z:s({},i.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\"},i.lighting),hoverinfo:s({},o.hoverinfo,{editType:\"calc\"}),showlegend:s({},o.showlegend,{dflt:!1})})},{\"../../components/colorscale/attributes\":622,\"../../lib/extend\":739,\"../../plots/attributes\":794,\"../../plots/template_attributes\":876,\"../surface/attributes\":1280}],1098:[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\":623}],1099:[function(t,e,r){\"use strict\";var n=t(\"gl-mesh3d\"),a=t(\"delaunay-triangulate\"),i=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 h(t,e,r){this.scene=t,this.uid=r,this.mesh=e,this.name=\"\",this.color=\"#fff\",this.data=null,this.showContour=!1}var f=h.prototype;function p(t){for(var e=[],r=t.length,n=0;n=e-.5)return!1;return!0}f.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}},f.update=function(t){var e=this.scene,r=e.fullSceneLayout;this.data=t;var n,h=t.x.length,f=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,h)||!m(t.j,h)||!m(t.k,h))return;n=u(g(t.i),g(t.j),g(t.k))}else n=0===t.alphahull?o(f):t.alphahull>0?i(t.alphahull,f):function(t,e){for(var r=[\"x\",\"y\",\"z\"].indexOf(t),n=[],i=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]=i.findExtremes(l,n.concat(f,h),{padded:!0}),x.length&&(x[0].t={labels:{open:a(t,\"open:\")+\" \",high:a(t,\"high:\")+\" \",low:a(t,\"low:\")+\" \",close:a(t,\"close:\")+\" \"}}),x}e.exports={calc:function(t,e){var r=i.getFromId(t,e.xaxis),a=i.getFromId(t,e.yaxis),s=function(t,e,r){var a=r._minDiff;if(!a){var i,s=t._fullData,l=[];for(a=1/0,i=0;i\"+c.labels[x]+n.hoverLabelText(s,b):((y=a.extendFlat({},f)).y0=y.y1=_,y.yLabelVal=b,y.yLabel=c.labels[x]+n.hoverLabelText(s,b),y.name=\"\",h.push(y),m[b]=y)}return h}function f(t,e,r,a){var i=t.cd,o=t.ya,l=i[0].trace,h=i[0].t,f=u(t,e,r,a);if(!f)return[];var p=i[f.index],d=f.index=p.i,g=p.dir;function m(t){return h.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),f.extraText=w.join(\"
\"),f.y0=f.y1=o.c2p(p.yc,!0),[f]}e.exports={hoverPoints:function(t,e,r,n){return t.cd[0].trace.hoverlabel.split?h(t,e,r,n):f(t,e,r,n)},hoverSplit:h,hoverOnPoints:f}},{\"../../components/color\":615,\"../../components/fx\":655,\"../../constants/delta.js\":718,\"../../lib\":749,\"../../plots/cartesian/axes\":798}],1106:[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\":811,\"./attributes\":1102,\"./calc\":1103,\"./defaults\":1104,\"./hover\":1105,\"./plot\":1108,\"./select\":1109,\"./style\":1110}],1107:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),a=t(\"../../lib\");e.exports=function(t,e,r,i){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\"],i),s&&l&&c&&u){var h=Math.min(s.length,l.length,c.length,u.length);return o&&(h=Math.min(h,a.minRowLength(o))),e._length=h,h}}},{\"../../lib\":749,\"../../registry\":881}],1108:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\");e.exports=function(t,e,r,i){var o=e.yaxis,s=e.xaxis,l=!!s.rangebreaks;a.makeTraceGroups(i,r,\"trace ohlc\").each((function(t){var e=n.select(this),r=t[0],i=r.t;if(!0!==r.trace.visible||i.empty)e.remove();else{var c=i.tickLen,u=e.selectAll(\"path\").data(a.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\":749,d3:169}],1109:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r,n=t.cd,a=t.xaxis,i=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,h){function f(r,a){return n.coerce(t,e,l,r,a)}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(a(t,\"line\")&&n.isArrayOrTypedArray(l)){if(l.length)return s(\"line.colorscale\"),i(t,e,o,s,{prefix:\"line.\",cLetter:\"c\"}),l.length;e.line.color=r}return 1/0}(t,e,r,h,f);o(e,h,f),Array.isArray(p)&&p.length||(e.visible=!1),c(e,p,\"values\",d),f(\"hoveron\"),f(\"hovertemplate\"),f(\"arrangement\"),f(\"bundlecolors\"),f(\"sortpaths\"),f(\"counts\");var g={family:h.font.family,size:Math.round(h.font.size),color:h.font.color};n.coerceFont(f,\"labelfont\",g);var m={family:h.font.family,size:Math.round(h.font.size/1.2),color:h.font.color};n.coerceFont(f,\"tickfont\",m)}},{\"../../components/colorscale/defaults\":625,\"../../components/colorscale/helpers\":626,\"../../lib\":749,\"../../plots/array_container_defaults\":793,\"../../plots/domain\":825,\"../parcoords/merge_length\":1127,\"./attributes\":1111}],1115:[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\":1111,\"./base_plot\":1112,\"./calc\":1113,\"./defaults\":1114,\"./plot\":1117}],1116:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../plot_api/plot_api\"),i=t(\"../../components/fx\"),o=t(\"../../lib\"),s=t(\"../../components/drawing\"),l=t(\"tinycolor2\"),c=t(\"../../lib/svg_text_utils\");function u(t,e,r,a){var i=t.map(D.bind(0,e,r)),l=a.selectAll(\"g.parcatslayer\").data([null]);l.enter().append(\"g\").attr(\"class\",\"parcatslayer\").style(\"pointer-events\",\"all\");var u=l.selectAll(\"g.trace.parcats\").data(i,h),m=u.enter().append(\"g\").attr(\"class\",\"trace parcats\");u.attr(\"transform\",(function(t){return\"translate(\"+t.x+\", \"+t.y+\")\"})),m.append(\"g\").attr(\"class\",\"paths\");var v=u.select(\"g.paths\").selectAll(\"path.path\").data((function(t){return t.paths}),h);v.attr(\"fill\",(function(t){return t.model.color}));var b=v.enter().append(\"path\").attr(\"class\",\"path\").attr(\"stroke-opacity\",0).attr(\"fill\",(function(t){return t.model.color})).attr(\"fill-opacity\",0);x(b),v.attr(\"d\",(function(t){return t.svgD})),b.empty()||v.sort(p),v.exit().remove(),v.on(\"mouseover\",d).on(\"mouseout\",g).on(\"click\",y),m.append(\"g\").attr(\"class\",\"dimensions\");var T=u.select(\"g.dimensions\").selectAll(\"g.dimension\").data((function(t){return t.dimensions}),h);T.enter().append(\"g\").attr(\"class\",\"dimension\"),T.attr(\"transform\",(function(t){return\"translate(\"+t.x+\", 0)\"})),T.exit().remove();var k=T.selectAll(\"g.category\").data((function(t){return t.categories}),h),M=k.enter().append(\"g\").attr(\"class\",\"category\");k.attr(\"transform\",(function(t){return\"translate(0, \"+t.y+\")\"})),M.append(\"rect\").attr(\"class\",\"catrect\").attr(\"pointer-events\",\"none\"),k.select(\"rect.catrect\").attr(\"fill\",\"none\").attr(\"width\",(function(t){return t.width})).attr(\"height\",(function(t){return t.height})),_(M);var A=k.selectAll(\"rect.bandrect\").data((function(t){return t.bands}),h);A.each((function(){o.raiseToTop(this)})),A.attr(\"fill\",(function(t){return t.color}));var I=A.enter().append(\"rect\").attr(\"class\",\"bandrect\").attr(\"stroke-opacity\",0).attr(\"fill\",(function(t){return t.color})).attr(\"fill-opacity\",0);A.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\"})),w(I),A.exit().remove(),M.append(\"text\").attr(\"class\",\"catlabel\").attr(\"pointer-events\",\"none\");var z=e._fullLayout.paper_bgcolor;k.select(\"text.catlabel\").attr(\"text-anchor\",(function(t){return f(t)?\"start\":\"end\"})).attr(\"alignment-baseline\",\"middle\").style(\"text-shadow\",z+\" -1px 1px 2px, \"+z+\" 1px 1px 2px, \"+z+\" 1px -1px 2px, \"+z+\" -1px -1px 2px\").style(\"fill\",\"rgb(0, 0, 0)\").attr(\"x\",(function(t){return f(t)?t.width+5:-5})).attr(\"y\",(function(t){return t.height/2})).text((function(t){return t.model.categoryLabel})).each((function(t){s.font(n.select(this),t.parcatsViewModel.categorylabelfont),c.convertToTspans(n.select(this),e)})),M.append(\"text\").attr(\"class\",\"dimlabel\"),k.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){s.font(n.select(this),t.parcatsViewModel.labelfont)})),k.selectAll(\"rect.bandrect\").on(\"mouseover\",S).on(\"mouseout\",E),k.exit().remove(),T.call(n.behavior.drag().origin((function(t){return{x:t.x,y:0}})).on(\"dragstart\",C).on(\"drag\",L).on(\"dragend\",P)),u.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\")})),u.exit().remove()}function h(t){return t.key}function f(t){var e=t.parcatsViewModel.dimensions.length,r=t.parcatsViewModel.dimensions[e-1].model.dimensionInd;return t.model.dimensionInd===r}function p(t,e){return t.model.rawColor>e.model.rawColor?1:t.model.rawColor\"),C=n.mouse(h)[0];i.loneHover({trace:f,x:_-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:C<_?\"right\":\"left\",hovertemplate:(f.line||{}).hovertemplate,hovertemplateLabels:A,eventData:[{data:f._input,fullData:f,count:k,probability:M}]},{container:p._hoverlayer.node(),outerContainer:p._paper.node(),gd:h})}}}function g(t){if(!t.parcatsViewModel.dragDimension&&(x(n.select(this)),i.loneUnhover(t.parcatsViewModel.graphDiv._fullLayout._hoverlayer.node()),t.parcatsViewModel.pathSelection.sort(p),-1===t.parcatsViewModel.hoverinfoItems.indexOf(\"skip\"))){var e=m(t),r=v(t);t.parcatsViewModel.graphDiv.emit(\"plotly_unhover\",{points:e,event:n.event,constraints:r})}}function m(t){for(var e=[],r=I(t.parcatsViewModel),n=0;n1&&c.displayInd===l.dimensions.length-1?(r=o.left,a=\"left\"):(r=o.left+o.width,a=\"right\");var f=s.model.count,p=s.model.categoryLabel,d=f/s.parcatsViewModel.model.count,g={countLabel:f,categoryLabel:p,probabilityLabel:d.toFixed(3)},m=[];-1!==s.parcatsViewModel.hoverinfoItems.indexOf(\"count\")&&m.push([\"Count:\",g.countLabel].join(\" \")),-1!==s.parcatsViewModel.hoverinfoItems.indexOf(\"probability\")&&m.push([\"P(\"+g.categoryLabel+\"):\",g.probabilityLabel].join(\" \"));var v=m.join(\"
\");return{trace:u,x:r-t.left,y:h-t.top,text:v,color:\"lightgray\",borderColor:\"black\",fontFamily:'Monaco, \"Courier New\", monospace',fontSize:12,fontColor:\"black\",idealAlign:a,hovertemplate:u.hovertemplate,hovertemplateLabels:g,eventData:[{data:u._input,fullData:u,count:f,category:p,probability:d}]}}function S(t){if(!t.parcatsViewModel.dragDimension&&-1===t.parcatsViewModel.hoverinfoItems.indexOf(\"skip\")){if(n.mouse(this)[1]<-1)return;var e,r=t.parcatsViewModel.graphDiv,a=r._fullLayout,s=a._paperdiv.node().getBoundingClientRect(),c=t.parcatsViewModel.hoveron;if(\"color\"===c?(!function(t){var e=n.select(t).datum(),r=T(e);b(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),M(this,\"plotly_hover\",n.event)):(!function(t){n.select(t.parentNode).selectAll(\"rect.bandrect\").each((function(t){var e=T(t);b(e),e.each((function(){o.raiseToTop(this)}))})),n.select(t.parentNode).select(\"rect.catrect\").attr(\"stroke\",\"black\").attr(\"stroke-width\",2.5)}(this),k(this,\"plotly_hover\",n.event)),-1===t.parcatsViewModel.hoverinfoItems.indexOf(\"none\"))\"category\"===c?e=A(s,this):\"color\"===c?e=function(t,e){var r,a,i=e.getBoundingClientRect(),o=n.select(e).datum(),s=o.categoryViewModel,c=s.parcatsViewModel,u=c.model.dimensions[s.model.dimensionInd],h=c.trace,f=i.y+i.height/2;c.dimensions.length>1&&u.displayInd===c.dimensions.length-1?(r=i.left,a=\"left\"):(r=i.left+i.width,a=\"right\");var p=s.model.categoryLabel,d=o.parcatsViewModel.model.count,g=0;o.categoryViewModel.bands.forEach((function(t){t.color===o.color&&(g+=t.count)}));var m=s.model.count,v=0;c.pathSelection.each((function(t){t.model.color===o.color&&(v+=t.model.count)}));var y=g/d,x=g/v,b=g/m,_={countLabel:d,categoryLabel:p,probabilityLabel:y.toFixed(3)},w=[];-1!==s.parcatsViewModel.hoverinfoItems.indexOf(\"count\")&&w.push([\"Count:\",_.countLabel].join(\" \")),-1!==s.parcatsViewModel.hoverinfoItems.indexOf(\"probability\")&&(w.push(\"P(color \\u2229 \"+p+\"): \"+_.probabilityLabel),w.push(\"P(\"+p+\" | color): \"+x.toFixed(3)),w.push(\"P(color | \"+p+\"): \"+b.toFixed(3)));var T=w.join(\"
\"),k=l.mostReadable(o.color,[\"black\",\"white\"]);return{trace:h,x:r-t.left,y:f-t.top,text:T,color:o.color,borderColor:\"black\",fontFamily:'Monaco, \"Courier New\", monospace',fontColor:k,fontSize:10,idealAlign:a,hovertemplate:h.hovertemplate,hovertemplateLabels:_,eventData:[{data:h._input,fullData:h,category:p,count:d,probability:y,categorycount:m,colorcount:v,bandcolorcount:g}]}}(s,this):\"dimension\"===c&&(e=function(t,e){var r=[];return n.select(e.parentNode.parentNode).selectAll(\"g.category\").select(\"rect.catrect\").each((function(){r.push(A(t,this))})),r}(s,this)),e&&i.loneHover(e,{container:a._hoverlayer.node(),outerContainer:a._paper.node(),gd:r})}}function E(t){var e=t.parcatsViewModel;if(!e.dragDimension&&(x(e.pathSelection),_(e.dimensionSelection.selectAll(\"g.category\")),w(e.dimensionSelection.selectAll(\"g.category\").selectAll(\"rect.bandrect\")),i.loneUnhover(e.graphDiv._fullLayout._hoverlayer.node()),e.pathSelection.sort(p),-1===e.hoverinfoItems.indexOf(\"skip\"))){\"color\"===t.parcatsViewModel.hoveron?M(this,\"plotly_unhover\",n.event):k(this,\"plotly_unhover\",n.event)}}function C(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],a=n.mouse(this)[1];-2<=r&&r<=e.width+2&&-2<=a&&a<=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.yh.y+h.height/2&&(o.model.displayInd=h.model.displayInd,h.model.displayInd=l),t.dragCategoryDisplayInd=o.model.displayInd}if(null===t.dragCategoryDisplayInd||\"freeform\"===t.parcatsViewModel.arrangement){i.model.dragX=n.event.x;var f=t.parcatsViewModel.dimensions[r],p=t.parcatsViewModel.dimensions[a];void 0!==f&&i.model.dragXp.x&&(i.model.displayInd=p.model.displayInd,p.model.displayInd=t.dragDimensionDisplayInd),t.dragDimensionDisplayInd=i.model.displayInd}B(t.parcatsViewModel),F(t.parcatsViewModel),O(t.parcatsViewModel),z(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=I(t.parcatsViewModel),i=t.parcatsViewModel.model.dimensions.map((function(t){return t.displayInd})),o=t.initialDragDimensionDisplayInds.some((function(t,e){return t!==i[e]}));o&&i.forEach((function(r,n){var a=t.parcatsViewModel.model.dimensions[n].containerInd;e[\"dimensions[\"+a+\"].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})),h=c.map((function(t){return t.categoryLabel}));e[\"dimensions[\"+t.model.containerInd+\"].categoryarray\"]=[u],e[\"dimensions[\"+t.model.containerInd+\"].ticktext\"]=[h],e[\"dimensions[\"+t.model.containerInd+\"].categoryorder\"]=\"array\"}}if(-1===t.parcatsViewModel.hoverinfoItems.indexOf(\"skip\")&&!t.dragHasMoved&&t.potentialClickBand&&(\"color\"===t.parcatsViewModel.hoveron?M(t.potentialClickBand,\"plotly_click\",n.event.sourceEvent):k(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,B(t.parcatsViewModel),F(t.parcatsViewModel),n.transition().duration(300).ease(\"cubic-in-out\").each((function(){O(t.parcatsViewModel,!0),z(t.parcatsViewModel,!0)})).each(\"end\",(function(){(o||s)&&a.restyle(t.parcatsViewModel.graphDiv,e,[r])}))}}function I(t){for(var e,r=t.graphDiv._fullData,n=0;n=0;s--)u+=\"C\"+c[s]+\",\"+(e[s+1]+a)+\" \"+l[s]+\",\"+(e[s]+a)+\" \"+(t[s]+r[s])+\",\"+(e[s]+a),u+=\"l-\"+r[s]+\",0 \";return u+=\"Z\"}function F(t){var e=t.dimensions,r=t.model,n=e.map((function(t){return t.categories.map((function(t){return t.y}))})),a=t.model.dimensions.map((function(t){return t.categories.map((function(t){return t.displayInd}))})),i=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 h(t){var e=t.categoryInds.map((function(t,e){return a[e][t]}));return o.map((function(t){return e[t]}))}c.sort((function(e,r){var n=h(e),a=h(r);return\"backward\"===t.sortpaths&&(n.reverse(),a.reverse()),n.push(e.valueInds[0]),a.push(r.valueInds[0]),t.bundlecolors&&(n.unshift(e.rawColor),a.unshift(r.rawColor)),na?1:0}));for(var f=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)*a;var i,o,s,l,c,u=[],h=t.model.maxCats,f=e.categories.length,p=e.count,d=t.height-8*(h-1),g=8*(h-f)/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:i,y:null!==o.dragY?o.dragY:g,bands:[],parcatsViewModel:t},g=g+i+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){u(r,t,n,e)}},{\"../../components/drawing\":637,\"../../components/fx\":655,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../../plot_api/plot_api\":784,d3:169,tinycolor2:548}],1117:[function(t,e,r){\"use strict\";var n=t(\"./parcats\");e.exports=function(t,e,r,a){var i=t._fullLayout,o=i._paper,s=i._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,a)}},{\"./parcats\":1116}],1118:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/attributes\"),a=t(\"../../plots/cartesian/layout_attributes\"),i=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:i({editType:\"plot\"}),tickfont:i({editType:\"plot\"}),rangefont:i({editType:\"plot\"}),dimensions:l(\"dimension\",{label:{valType:\"string\",editType:\"plot\"},tickvals:s({},a.tickvals,{editType:\"plot\"}),ticktext:s({},a.ticktext,{editType:\"plot\"}),tickformat:s({},a.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\":622,\"../../lib/extend\":739,\"../../plot_api/plot_template\":787,\"../../plots/cartesian/layout_attributes\":812,\"../../plots/domain\":825,\"../../plots/font_attributes\":826}],1119:[function(t,e,r){\"use strict\";var n=t(\"./constants\"),a=t(\"d3\"),i=t(\"../../lib/gup\").keyFun,o=t(\"../../lib/gup\").repeat,s=t(\"../../lib\").sorterAsc,l=n.bar.snapRatio;function c(t,e){return t*(1-l)+e*l}var u=n.bar.snapClose;function h(t,e){return t*(1-u)+e*u}function f(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 a=t?-1:1,i=0,o=e.length-1;if(a<0){var s=i;i=o,o=s}for(var l=e[i],u=l,f=i;a*fe){f=r;break}}if(i=u,isNaN(i)&&(i=isNaN(h)||isNaN(f)?isNaN(h)?f:h:e-c[h][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[i],o.intervalPix=d,o.region=g)}}if(t.ordinal&&!o.region){var v=t.unitTickvals,y=t.unitToPaddedPx.invert(e);for(r=0;r=x[0]&&y<=x[1]){o.clickableOrdinalRange=x;break}}}return o}function _(t,e){a.event.sourceEvent.stopPropagation();var r=e.height-a.mouse(t)[1]-2*n.verticalPadding,i=e.brush.svgBrush;i.wasDragged=!0,i._dragging=!0,i.grabbingBar?i.newExtent=[r-i.grabPoint,r+i.barLength-i.grabPoint].map(e.unitToPaddedPx.invert):i.newExtent=[i.startExtent,e.unitToPaddedPx.invert(r)].sort(s),e.brush.filterSpecified=!0,i.extent=i.stayingIntervals.concat([i.newExtent]),i.brushCallback(e),x(t.parentNode)}function w(t,e){var r=b(e,e.height-a.mouse(t)[1]-2*n.verticalPadding),i=\"crosshair\";r.clickableOrdinalRange?i=\"pointer\":r.region&&(i=r.region+\"-resize\"),a.select(document.body).style(\"cursor\",i)}function T(t){t.on(\"mousemove\",(function(t){a.event.preventDefault(),t.parent.inBrushDrag||w(this,t)})).on(\"mouseleave\",(function(t){t.parent.inBrushDrag||v()})).call(a.behavior.drag().on(\"dragstart\",(function(t){!function(t,e){a.event.sourceEvent.stopPropagation();var r=e.height-a.mouse(t)[1]-2*n.verticalPadding,i=e.unitToPaddedPx.invert(r),o=e.brush,s=b(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]:i,e.parent.inBrushDrag=!0,c.brushStartCallback()}(this,t)})).on(\"drag\",(function(t){_(this,t)})).on(\"dragend\",(function(t){!function(t,e){var r=e.brush,n=r.filter,i=r.svgBrush;i._dragging||(w(t,e),_(t,e),e.brush.svgBrush.wasDragged=!1),i._dragging=!1,a.event.sourceEvent.stopPropagation();var o=i.grabbingBar;if(i.grabbingBar=!1,i.grabLocation=void 0,e.parent.inBrushDrag=!1,v(),!i.wasDragged)return i.wasDragged=void 0,i.clickableOrdinalRange?r.filterSpecified&&e.multiselect?i.extent.push(i.clickableOrdinalRange):(i.extent=[i.clickableOrdinalRange],r.filterSpecified=!0):o?(i.extent=i.stayingIntervals,0===i.extent.length&&M(r)):M(r),i.brushCallback(e),x(t.parentNode),void i.brushEndCallback(r.filterSpecified?n.getConsolidated():[]);var s=function(){n.set(n.getConsolidated())};if(e.ordinal){var l=e.unitTickvals;l[l.length-1]i.newExtent[0];i.extent=i.stayingIntervals.concat(c?[i.newExtent]:[]),i.extent.length||M(r),i.brushCallback(e),c?x(t.parentNode,s):(s(),x(t.parentNode))}else s();i.brushEndCallback(r.filterSpecified?n.getConsolidated():[])}(this,t)})))}function k(t,e){return t[0]-e[0]}function M(t){t.filterSpecified=!1,t.svgBrush.extent=[[-1/0,1/0]]}function A(t){for(var e,r=t.slice(),n=[],a=r.shift();a;){for(e=a.slice();(a=r.shift())&&a[0]<=e[1];)e[1]=Math.max(e[1],a[1]);n.push(e)}return 1===n.length&&n[0][0]>n[0][1]&&(n=[]),n}e.exports={makeBrush:function(t,e,r,n,a,i){var o,l=function(){var t,e,r=[];return{set:function(n){1===(r=n.map((function(t){return t.slice().sort(s)})).sort(k)).length&&r[0][0]===-1/0&&r[0][1]===1/0&&(r=[[0,-1]]),t=A(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=a,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:i}}},ensureAxisBrush:function(t){var e=t.selectAll(\".\"+n.cn.axisBrush).data(o,i);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(p).call(d).style(\"pointer-events\",\"auto\").attr(\"transform\",\"translate(0 \"+n.verticalPadding+\")\"),e.call(T).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(y);var a=t.selectAll(\".highlight\").data(o);a.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\"),a.attr(\"y1\",(function(t){return t.height})).call(y)}(e)},cleanRanges:function(t,e){if(Array.isArray(t[0])?(t=t.map((function(t){return t.sort(s)})),t=e.multiselect?A(t.sort(k)):[t[0]]):t=[t.sort(s)],e.tickvals){var r=e.tickvals.slice().sort(s);if(!(t=t.map((function(t){var e=[f(0,r,t[0],[]),f(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\":749,\"../../lib/gup\":746,\"./constants\":1122,d3:169}],1120:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../plots/get_data\").getModuleCalcData,i=t(\"./plot\"),o=t(\"../../constants/xmlns_namespaces\");r.name=\"parcoords\",r.plot=function(t){var e=a(t.calcdata,\"parcoords\")[0];e.length&&i(t,e)},r.clean=function(t,e,r,n){var a=n._has&&n._has(\"parcoords\"),i=e._has&&e._has(\"parcoords\");a&&!i&&(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\":725,\"../../plots/get_data\":835,\"./plot\":1129,d3:169}],1121:[function(t,e,r){\"use strict\";var n=t(\"../../lib\").isArrayOrTypedArray,a=t(\"../../components/colorscale\"),i=t(\"../../lib/gup\").wrap;e.exports=function(t,e){var r,o;return a.hasColorscale(e,\"line\")&&n(e.line.color)?(r=e.line.color,o=a.extractOpts(e.line).colorscale,a.calc(t,e,{vals:r,containerStr:\"line\",cLetter:\"c\"})):(r=function(t){for(var e=new Array(t),r=0;rh&&(n.log(\"parcoords traces support up to \"+h+\" dimensions at the moment\"),d.splice(h));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(a(t,\"line\")&&n.isArrayOrTypedArray(l)){if(l.length)return s(\"line.colorscale\"),i(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),f(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\":625,\"../../components/colorscale/helpers\":626,\"../../lib\":749,\"../../plots/array_container_defaults\":793,\"../../plots/cartesian/axes\":798,\"../../plots/domain\":825,\"./attributes\":1118,\"./axisbrush\":1119,\"./constants\":1122,\"./merge_length\":1127}],1124:[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\":749}],1125:[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\":1118,\"./base_plot\":1120,\"./calc\":1121,\"./defaults\":1123,\"./plot\":1129}],1126:[function(t,e,r){\"use strict\";var n=t(\"glslify\"),a=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\"]),i=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 h(t,e,r,n,a){var i=t._gl;i.enable(i.SCISSOR_TEST),i.scissor(e,r,n,a),t.clear({color:[0,0,0,0],depth:1})}function f(t,e,r,n,a,i){var o=i.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,a-l*n);0===l&&(window.cancelAnimationFrame(r.currentRafs[o]),delete r.currentRafs[o],h(t,i.scissorX,i.scissorY,i.scissorWidth,i.viewBoxSize[1])),r.clearOnly||(i.count=2*c,i.offset=2*l*n,e(i),l*n+c>>8*e)%256/255}function g(t,e,r){for(var n=new Array(8*e),a=0,i=0;iu&&(u=t[a].dim1.canvasX,o=a);0===s&&h(T,0,0,r.canvasWidth,r.canvasHeight);var p=function(t){var e,r,n,a=[[],[]];for(n=0;n<64;n++){var i=!t&&na._length&&(S=S.slice(0,a._length));var E,C=a.tickvals;function L(t,e){return{val:t,text:E[e]}}function P(t,e){return t.val-e.val}if(Array.isArray(C)&&C.length){E=a.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(a.tickformat));for(var I=1;I=r||l>=i)return;var c=t.lineLayer.readPixel(s,i-1-l),u=0!==c[3],h=u?c[2]+256*(c[1]+256*c[0]):null,f={x:s,y:l,clientX:e.clientX,clientY:e.clientY,dataIndex:t.model.key,curveNumber:h};h!==O&&(u?a.hover(f):a.unhover&&a.unhover(f),O=h)}})),z.style(\"opacity\",(function(t){return t.pick?0:1})),u.style(\"background\",\"rgba(255, 255, 255, 0)\");var D=u.selectAll(\".\"+g.cn.parcoords).data(k,h);D.exit().remove(),D.enter().append(\"g\").classed(g.cn.parcoords,!0).style(\"shape-rendering\",\"crispEdges\").style(\"pointer-events\",\"none\"),D.attr(\"transform\",(function(t){return\"translate(\"+t.model.translateX+\",\"+t.model.translateY+\")\"}));var R=D.selectAll(\".\"+g.cn.parcoordsControlView).data(f,h);R.enter().append(\"g\").classed(g.cn.parcoordsControlView,!0),R.attr(\"transform\",(function(t){return\"translate(\"+t.model.pad.l+\",\"+t.model.pad.t+\")\"}));var F=R.selectAll(\".\"+g.cn.yAxis).data((function(t){return t.dimensions}),h);F.enter().append(\"g\").classed(g.cn.yAxis,!0),R.each((function(t){L(F,t)})),z.each((function(t){if(t.viewModel){!t.lineLayer||a?t.lineLayer=v(this,t):t.lineLayer.update(t),(t.key||0===t.key)&&(t.viewModel[t.key]=t.lineLayer);var e=!t.context||a;t.lineLayer.render(t.viewModel.panels,e)}})),F.attr(\"transform\",(function(t){return\"translate(\"+t.xScale(t.xIndex)+\", 0)\"})),F.call(n.behavior.drag().origin((function(t){return t})).on(\"drag\",(function(t){var e=t.parent;T.linePickActive(!1),t.x=Math.max(-g.overdrag,Math.min(t.model.width+g.overdrag,n.event.x)),t.canvasX=t.x*t.model.canvasPixelRatio,F.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})),L(F,e),F.filter((function(e){return 0!==Math.abs(t.xIndex-e.xIndex)})).attr(\"transform\",(function(t){return\"translate(\"+t.xScale(t.xIndex)+\", 0)\"})),n.select(this).attr(\"transform\",\"translate(\"+t.x+\", 0)\"),F.each((function(r,n,a){a===t.parent.key&&(e.dimensions[n]=r)})),e.contextLayer&&e.contextLayer.render(e.panels,!1,!M(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,L(F,e),n.select(this).attr(\"transform\",(function(t){return\"translate(\"+t.x+\", 0)\"})),e.contextLayer&&e.contextLayer.render(e.panels,!1,!M(e)),e.focusLayer&&e.focusLayer.render(e.panels),e.pickLayer&&e.pickLayer.render(e.panels,!0),T.linePickActive(!0),a&&a.axesMoved&&a.axesMoved(e.key,e.dimensions.map((function(t){return t.crossfilterDimensionIndex})))}))),F.exit().remove();var B=F.selectAll(\".\"+g.cn.axisOverlays).data(f,h);B.enter().append(\"g\").classed(g.cn.axisOverlays,!0),B.selectAll(\".\"+g.cn.axis).remove();var N=B.selectAll(\".\"+g.cn.axis).data(f,h);N.enter().append(\"g\").classed(g.cn.axis,!0),N.each((function(t){var e=t.model.height/t.model.tickDistance,r=t.domainScale,a=r.domain();n.select(this).call(n.svg.axis().orient(\"left\").tickSize(4).outerTickSize(2).ticks(e,t.tickFormat).tickValues(t.ordinal?a:null).tickFormat((function(e){return d.isOrdinal(t)?e:P(t.model.dimensions[t.visibleIndex],e)})).scale(r)),l.font(N.selectAll(\"text\"),t.model.tickFont)})),N.selectAll(\".domain, .tick>line\").attr(\"fill\",\"none\").attr(\"stroke\",\"black\").attr(\"stroke-opacity\",.25).attr(\"stroke-width\",\"1px\"),N.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 j=B.selectAll(\".\"+g.cn.axisHeading).data(f,h);j.enter().append(\"g\").classed(g.cn.axisHeading,!0);var U=j.selectAll(\".\"+g.cn.axisTitle).data(f,h);U.enter().append(\"text\").classed(g.cn.axisTitle,!0).attr(\"text-anchor\",\"middle\").style(\"cursor\",\"ew-resize\").style(\"pointer-events\",\"auto\"),U.text((function(t){return t.label})).each((function(e){var r=n.select(this);l.font(r,e.model.labelFont),s.convertToTspans(r,t)})).attr(\"transform\",(function(t){var e=C(t.model.labelAngle,t.model.labelSide),r=g.axisTitleOffset;return(e.dir>0?\"\":\"translate(0,\"+(2*r+t.model.height)+\")\")+\"rotate(\"+e.degrees+\")translate(\"+-r*e.dx+\",\"+-r*e.dy+\")\"})).attr(\"text-anchor\",(function(t){var e=C(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 V=B.selectAll(\".\"+g.cn.axisExtent).data(f,h);V.enter().append(\"g\").classed(g.cn.axisExtent,!0);var q=V.selectAll(\".\"+g.cn.axisExtentTop).data(f,h);q.enter().append(\"g\").classed(g.cn.axisExtentTop,!0),q.attr(\"transform\",\"translate(0,\"+-g.axisExtentOffset+\")\");var H=q.selectAll(\".\"+g.cn.axisExtentTopText).data(f,h);H.enter().append(\"text\").classed(g.cn.axisExtentTopText,!0).call(E),H.text((function(t){return I(t,!0)})).each((function(t){l.font(n.select(this),t.model.rangeFont)}));var G=V.selectAll(\".\"+g.cn.axisExtentBottom).data(f,h);G.enter().append(\"g\").classed(g.cn.axisExtentBottom,!0),G.attr(\"transform\",(function(t){return\"translate(0,\"+(t.model.height+g.axisExtentOffset)+\")\"}));var Y=G.selectAll(\".\"+g.cn.axisExtentBottomText).data(f,h);Y.enter().append(\"text\").classed(g.cn.axisExtentBottomText,!0).attr(\"dy\",\"0.75em\").call(E),Y.text((function(t){return I(t,!1)})).each((function(t){l.font(n.select(this),t.model.rangeFont)})),m.ensureAxisBrush(B)}},{\"../../components/colorscale\":627,\"../../components/drawing\":637,\"../../lib\":749,\"../../lib/gup\":746,\"../../lib/svg_text_utils\":773,\"../../plots/cartesian/axes\":798,\"./axisbrush\":1119,\"./constants\":1122,\"./helpers\":1124,\"./lines\":1126,\"color-rgba\":126,d3:169}],1129:[function(t,e,r){\"use strict\";var n=t(\"./parcoords\"),a=t(\"../../lib/prepare_regl\"),i=t(\"./helpers\").isVisible;function o(t,e,r){var n=e.indexOf(r),a=t.indexOf(n);return-1===a&&(a+=e.length),a}e.exports=function(t,e){var r=t._fullLayout;if(a(t)){var s={},l={},c={},u={},h=r._size;e.forEach((function(e,r){var n=e[0].trace;c[r]=n.index;var a=u[r]=n._fullInput.index;s[r]=t.data[a].dimensions,l[r]=t.data[a].dimensions.slice()}));n(t,e,{width:h.w,height:h.h,margin:{t:h.t,r:h.r,b:h.b,l:h.l}},{filterChanged:function(e,n,a){var i=l[e][n],o=a.map((function(t){return t.slice()})),s=\"dimensions[\"+n+\"].constraintrange\",h=r._tracePreGUI[t._fullData[c[e]]._fullInput.uid];if(void 0===h[s]){var f=i.constraintrange;h[s]=f||null}var p=t._fullData[c[e]].dimensions[n];o.length?(1===o.length&&(o=o[0]),i.constraintrange=o,p.constraintrange=o.slice(),o=[o]):(delete i.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(i));s[e].sort(n),l[e].filter((function(t){return!i(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\":762,\"./helpers\":1124,\"./parcoords\":1128}],1130:[function(t,e,r){\"use strict\";var n=t(\"../../plots/attributes\"),a=t(\"../../plots/domain\").attributes,i=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=i({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:a({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\":614,\"../../lib/extend\":739,\"../../plots/attributes\":794,\"../../plots/domain\":825,\"../../plots/font_attributes\":826,\"../../plots/template_attributes\":876}],1131:[function(t,e,r){\"use strict\";var n=t(\"../../plots/plots\");r.name=\"pie\",r.plot=function(t,e,a,i){n.plotBasePlot(r.name,t,e,a,i)},r.clean=function(t,e,a,i){n.cleanBasePlot(r.name,t,e,a,i)}},{\"../../plots/plots\":861}],1132:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"tinycolor2\"),i=t(\"../../components/color\"),o={};function s(t){return function(e,r){return!!e&&(!!(e=a(e)).isValid()&&(e=i.addOpacity(e,e.getAlpha()),t[r]||(t[r]=e),e))}}function l(t,e){var r,n=JSON.stringify(t),i=e[n];if(!i){for(i=t.slice(),r=0;r0){s=!0;break}}s||(o=0)}return{hasLabels:r,hasValues:i,len:o}}e.exports={handleLabelsAndValues:l,supplyDefaults:function(t,e,r,n){function c(r,n){return a.coerce(t,e,i,r,n)}var u=l(c(\"labels\"),c(\"values\")),h=u.len;if(e._hasLabels=u.hasLabels,e._hasValues=u.hasValues,!e._hasLabels&&e._hasValues&&(c(\"label0\"),c(\"dlabel\")),h){e._length=h,c(\"marker.line.width\")&&c(\"marker.line.color\"),c(\"marker.colors\"),c(\"scalegroup\");var f,p=c(\"text\"),d=c(\"texttemplate\");if(d||(f=c(\"textinfo\",Array.isArray(p)?\"text+percent\":\"percent\")),c(\"hovertext\"),c(\"hovertemplate\"),d||f&&\"none\"!==f){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\"),a.coerceFont(c,\"title.font\",n.font)}c(\"sort\"),c(\"direction\"),c(\"rotation\"),c(\"pull\")}else e.visible=!1}}},{\"../../lib\":749,\"../../plots/domain\":825,\"../bar/defaults\":895,\"./attributes\":1130,\"fast-isnumeric\":241}],1134:[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\":651}],1135:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");function a(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=a((100*t).toPrecision(3));return n.numSeparate(r,e)+\"%\"},r.formatPieValue=function(t,e){var r=a(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!==h.indexOf(\"name\")?u.name:void 0,idealAlign:t.pxmid[0]<0?\"left\":\"right\",color:d.castOption(b.bgcolor,t.pts)||t.color,borderColor:d.castOption(b.bordercolor,t.pts),fontFamily:d.castOption(_.family,t.pts),fontSize:d.castOption(_.size,t.pts),fontColor:d.castOption(_.color,t.pts),nameLength:d.castOption(b.namelength,t.pts),textAlign:d.castOption(b.align,t.pts),hovertemplate:d.castOption(u.hovertemplate,t.pts),hovertemplateLabels:t,eventData:[g(t,u)]},{container:r._hoverlayer.node(),outerContainer:r._paper.node(),gd:e}),o._hasHoverLabel=!0}o._hasHoverEvent=!0,e.emit(\"plotly_hover\",{points:[g(t,u)],event:n.event})}})),t.on(\"mouseout\",(function(t){var r=e._fullLayout,a=e._fullData[o.index],s=n.select(this).datum();o._hasHoverEvent&&(t.originalEvent=n.event,e.emit(\"plotly_unhover\",{points:[g(s,a)],event:n.event}),o._hasHoverEvent=!1),o._hasHoverLabel&&(i.loneUnhover(r._hoverlayer.node()),o._hasHoverLabel=!1)})),t.on(\"click\",(function(t){var r=e._fullLayout,a=e._fullData[o.index];e._dragging||!1===r.hovermode||(e._hoverdata=[g(t,a)],i.click(e,n.event))}))}function y(t,e,r){var n=d.castOption(t.insidetextfont.color,e.pts);!n&&t._input.textfont&&(n=d.castOption(t._input.textfont.color,e.pts));var a=d.castOption(t.insidetextfont.family,e.pts)||d.castOption(t.textfont.family,e.pts)||r.family,i=d.castOption(t.insidetextfont.size,e.pts)||d.castOption(t.textfont.size,e.pts)||r.size;return{color:n||o.contrast(e.color),family:a,size:i}}function x(t,e){for(var r,n,a=0;ae&&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(h||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||h){var y=Math.sqrt(t.width*t.width+t.height*t.height);if((i={scale:a*n*2/y,rCenter:1-a,rotate:0}).textPosAngle=(e.startangle+e.stopangle)/2,i.scale>=1)return i;g.push(i)}(d||p)&&((i=_(t,n,o,l,c)).textPosAngle=(e.startangle+e.stopangle)/2,g.push(i)),(d||f)&&((i=w(t,n,o,l,c)).textPosAngle=(e.startangle+e.stopangle)/2,g.push(i));for(var x=0,b=0,T=0;T=1)break}return g[x]}function _(t,e,r,n,a){e=Math.max(0,e-2*p);var i=t.width/t.height,o=M(i,n,e,r);return{scale:2*o/t.height,rCenter:T(i,o/e),rotate:k(a)}}function w(t,e,r,n,a){e=Math.max(0,e-2*p);var i=t.height/t.width,o=M(i,n,e,r);return{scale:2*o/t.width,rCenter:T(i,o/e),rotate:k(a+Math.PI/2)}}function T(t,e){return Math.cos(e)-t*e}function k(t){return(180/Math.PI*t+720)%180-90}function M(t,e,r,n){var a=t+1/(2*Math.tan(e));return r*Math.min(1/(Math.sqrt(a*a+.5)+a),n/(Math.sqrt(t*t+n/2)+t))}function A(t,e){return t.v!==e.vTotal||e.trace.hole?Math.min(1/(1+1/Math.sin(t.halfangle)),t.ring/2):1}function S(t,e){var r=e.pxmid[0],n=e.pxmid[1],a=t.width/2,i=t.height/2;return r<0&&(a*=-1),n<0&&(i*=-1),{scale:1,rCenter:1,rotate:0,x:a+Math.abs(i)*(a>0?1:-1)/2,y:i/(1+r*r/(n*n)),outside:!0}}function E(t,e){var r,n,a,i=t.trace,o={x:t.cx,y:t.cy},s={tx:0,ty:0};s.ty+=i.title.font.size,a=L(i),-1!==i.title.position.indexOf(\"top\")?(o.y-=(1+a)*t.r,s.ty-=t.titleBox.height):-1!==i.title.position.indexOf(\"bottom\")&&(o.y+=(1+a)*t.r);var l,c,u=(l=t.r,c=t.trace.aspectratio,l/(void 0===c?1:c)),h=e.w*(i.domain.x[1]-i.domain.x[0])/2;return-1!==i.title.position.indexOf(\"left\")?(h+=u,o.x-=(1+a)*u,s.tx+=t.titleBox.width/2):-1!==i.title.position.indexOf(\"center\")?h*=2:-1!==i.title.position.indexOf(\"right\")&&(h+=u,o.x+=(1+a)*u,s.tx-=t.titleBox.width/2),r=h/t.titleBox.width,n=C(t,e)/t.titleBox.height,{x:o.x,y:o.y,scale:Math.min(r,n),tx:s.tx,ty:s.ty}}function C(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 L(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 P(t,e){for(var r=[],n=0;n1?(c=r.r,u=c/a.aspectratio):(u=r.r,c=u*a.aspectratio),c*=(1+a.baseratio)/2,l=c*u}o=Math.min(o,l/r.vTotal)}for(n=0;n\")}if(i){var x=l.castOption(a,e.i,\"texttemplate\");if(x){var b=function(t){return{label:t.label,value:t.v,valueLabel:d.formatPieValue(t.v,n.separators),percent:t.v/r.vTotal,percentLabel:d.formatPiePercent(t.v/r.vTotal,n.separators),color:t.color,text:t.text,customdata:l.castOption(a,t.i,\"customdata\")}}(e),_=d.getFirstFilled(a.text,e.pts);(m(_)||\"\"===_)&&(b.text=_),e.text=l.texttemplateString(x,b,t._fullLayout._d3locale,b,a._meta||{})}else e.text=\"\"}}function O(t,e){var r=t.rotate*Math.PI/180,n=Math.cos(r),a=Math.sin(r),i=(e.left+e.right)/2,o=(e.top+e.bottom)/2;t.textX=i*n-o*a,t.textY=i*a+o*n,t.noCenter=!0}e.exports={plot:function(t,e){var r=t._fullLayout,i=r._size;f(\"pie\",r),x(e,t),P(e,i);var u=l.makeTraceGroups(r._pielayer,e,\"trace\").each((function(e){var u=n.select(this),f=e[0],p=f.trace;!function(t){var e,r,n,a=t[0],i=a.r,o=a.trace,s=o.rotation*Math.PI/180,l=2*Math.PI/a.vTotal,c=\"px0\",u=\"px1\";if(\"counterclockwise\"===o.direction){for(e=0;ea.vTotal/2?1:0,r.halfangle=Math.PI*Math.min(r.v/a.vTotal,.5),r.ring=1-o.hole,r.rInscribed=A(r,a))}(e),u.attr(\"stroke-linejoin\",\"round\"),u.each((function(){var g=n.select(this).selectAll(\"g.slice\").data(e);g.enter().append(\"g\").classed(\"slice\",!0),g.exit().remove();var m=[[[],[]],[[],[]]],x=!1;g.each((function(a,i){if(a.hidden)n.select(this).selectAll(\"path,g\").remove();else{a.pointNumber=a.i,a.curveNumber=p.index,m[a.pxmid[1]<0?0:1][a.pxmid[0]<0?0:1].push(a);var o=f.cx,u=f.cy,g=n.select(this),_=g.selectAll(\"path.surface\").data([a]);if(_.enter().append(\"path\").classed(\"surface\",!0).style({\"pointer-events\":\"all\"}),g.call(v,t,e),p.pull){var w=+d.castOption(p.pull,a.pts)||0;w>0&&(o+=w*a.pxmid[0],u+=w*a.pxmid[1])}a.cxFinal=o,a.cyFinal=u;var T=p.hole;if(a.v===f.vTotal){var k=\"M\"+(o+a.px0[0])+\",\"+(u+a.px0[1])+L(a.px0,a.pxmid,!0,1)+L(a.pxmid,a.px0,!0,1)+\"Z\";T?_.attr(\"d\",\"M\"+(o+T*a.px0[0])+\",\"+(u+T*a.px0[1])+L(a.px0,a.pxmid,!1,T)+L(a.pxmid,a.px0,!1,T)+\"Z\"+k):_.attr(\"d\",k)}else{var M=L(a.px0,a.px1,!0,1);if(T){var A=1-T;_.attr(\"d\",\"M\"+(o+T*a.px1[0])+\",\"+(u+T*a.px1[1])+L(a.px1,a.px0,!1,T)+\"l\"+A*a.px0[0]+\",\"+A*a.px0[1]+M+\"Z\")}else _.attr(\"d\",\"M\"+o+\",\"+u+\"l\"+a.px0[0]+\",\"+a.px0[1]+M+\"Z\")}z(t,a,f);var E=d.castOption(p.textposition,a.pts),C=g.selectAll(\"g.slicetext\").data(a.text&&\"none\"!==E?[0]:[]);C.enter().append(\"g\").classed(\"slicetext\",!0),C.exit().remove(),C.each((function(){var g=l.ensureSingle(n.select(this),\"text\",\"\",(function(t){t.attr(\"data-notex\",1)})),m=l.ensureUniformFontSize(t,\"outside\"===E?function(t,e,r){var n=d.castOption(t.outsidetextfont.color,e.pts)||d.castOption(t.textfont.color,e.pts)||r.color,a=d.castOption(t.outsidetextfont.family,e.pts)||d.castOption(t.textfont.family,e.pts)||r.family,i=d.castOption(t.outsidetextfont.size,e.pts)||d.castOption(t.textfont.size,e.pts)||r.size;return{color:n,family:a,size:i}}(p,a,r.font):y(p,a,r.font));g.text(a.text).attr({class:\"slicetext\",transform:\"\",\"text-anchor\":\"middle\"}).call(s.font,m).call(c.convertToTspans,t);var v,_=s.bBox(g.node());if(\"outside\"===E)v=S(_,a);else if(v=b(_,a,f),\"auto\"===E&&v.scale<1){var w=l.ensureUniformFontSize(t,p.outsidetextfont);g.call(s.font,w),v=S(_=s.bBox(g.node()),a)}var T=v.textPosAngle,k=void 0===T?a.pxmid:I(f.r,T);if(v.targetX=o+k[0]*v.rCenter+(v.x||0),v.targetY=u+k[1]*v.rCenter+(v.y||0),O(v,_),v.outside){var M=v.targetY;a.yLabelMin=M-_.height/2,a.yLabelMid=M,a.yLabelMax=M+_.height/2,a.labelExtraX=0,a.labelExtraY=0,x=!0}v.fontSize=m.size,h(p.type,v,r),e[i].transform=v,g.attr(\"transform\",l.getTextTransform(v))}))}function L(t,e,r,n){var i=n*(e[0]-t[0]),o=n*(e[1]-t[1]);return\"a\"+n*f.r+\",\"+n*f.r+\" 0 \"+a.largeArc+(r?\" 1 \":\" 0 \")+i+\",\"+o}}));var _=n.select(this).selectAll(\"g.titletext\").data(p.title.text?[0]:[]);if(_.enter().append(\"g\").classed(\"titletext\",!0),_.exit().remove(),_.each((function(){var e,r=l.ensureSingle(n.select(this),\"text\",\"\",(function(t){t.attr(\"data-notex\",1)})),a=p.title.text;p._meta&&(a=l.templateString(a,p._meta)),r.text(a).attr({class:\"titletext\",transform:\"\",\"text-anchor\":\"middle\"}).call(s.font,p.title.font).call(c.convertToTspans,t),e=\"middle center\"===p.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}}(f):E(f,i),r.attr(\"transform\",\"translate(\"+e.x+\",\"+e.y+\")\"+(e.scale<1?\"scale(\"+e.scale+\")\":\"\")+\"translate(\"+e.tx+\",\"+e.ty+\")\")})),x&&function(t,e){var r,n,a,i,o,s,l,c,u,h,f,p,g;function m(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 a,c,u,f,p=r.labelExtraY+(n?r.yLabelMax:r.yLabelMin),g=n?t.yLabelMin:t.yLabelMax,m=n?t.yLabelMax:t.yLabelMin,v=t.cyFinal+o(t.px0[1],t.px1[1]),y=p-g;if(y*l>0&&(t.labelExtraY=y),Array.isArray(e.pull))for(c=0;c=(d.castOption(e.pull,u.pts)||0)||((t.pxmid[1]-u.pxmid[1])*l>0?(y=u.cyFinal+o(u.px0[1],u.px1[1])-g-t.labelExtraY)*l>0&&(t.labelExtraY+=y):(m+t.labelExtraY-v)*l>0&&(a=3*s*Math.abs(c-h.indexOf(t)),(f=u.cxFinal+i(u.px0[0],u.px1[0])+a-(t.cxFinal+t.pxmid[0])-t.labelExtraX)*s>0&&(t.labelExtraX+=f)))}for(n=0;n<2;n++)for(a=n?m:v,o=n?Math.max:Math.min,l=n?1:-1,r=0;r<2;r++){for(i=r?Math.max:Math.min,s=r?1:-1,(c=t[n][r]).sort(a),u=t[1-n][r],h=u.concat(c),p=[],f=0;fMath.abs(h)?s+=\"l\"+h*t.pxmid[0]/t.pxmid[1]+\",\"+h+\"H\"+(i+t.labelExtraX+c):s+=\"l\"+t.labelExtraX+\",\"+u+\"v\"+(h-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()}))}(g,p),x&&p.automargin){var w=s.bBox(u.node()),T=p.domain,k=i.w*(T.x[1]-T.x[0]),M=i.h*(T.y[1]-T.y[0]),A=(.5*k-f.r)/i.w,C=(.5*M-f.r)/i.h;a.autoMargin(t,\"pie.\"+p.uid+\".automargin\",{xl:T.x[0]-A,xr:T.x[1]+A,yb:T.y[0]-C,yt:T.y[1]+C,l:Math.max(f.cx-f.r-w.left,0),r:Math.max(w.right-(f.cx+f.r),0),b:Math.max(w.bottom-(f.cy+f.r),0),t:Math.max(f.cy-f.r-w.top,0),pad:5})}}))}));setTimeout((function(){u.selectAll(\"tspan\").each((function(){var t=n.select(this);t.attr(\"dy\")&&t.attr(\"dy\",t.attr(\"dy\"))}))}),0)},formatSliceLabel:z,transformInsideText:b,determineInsideTextFont:y,positionTitleOutside:E,prerenderTitles:x,layoutAreas:P,attachFxHandlers:v,computeTransform:O}},{\"../../components/color\":615,\"../../components/drawing\":637,\"../../components/fx\":655,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../../plots/plots\":861,\"../bar/constants\":893,\"../bar/uniform_text\":907,\"./event_data\":1134,\"./helpers\":1135,d3:169}],1140:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"./style_one\"),i=t(\"../bar/uniform_text\").resizeText;e.exports=function(t){var e=t._fullLayout._pielayer.selectAll(\".trace\");i(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(a,t,e)}))}))}},{\"../bar/uniform_text\":907,\"./style_one\":1141,d3:169}],1141:[function(t,e,r){\"use strict\";var n=t(\"../../components/color\"),a=t(\"./helpers\").castOption;e.exports=function(t,e,r){var i=r.marker.line,o=a(i.color,e.pts)||n.defaultLine,s=a(i.width,e.pts)||0;t.style(\"stroke-width\",s).call(n.fill,e.color).call(n.stroke,o)}},{\"../../components/color\":615,\"./helpers\":1135}],1142:[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\":1156}],1143:[function(t,e,r){\"use strict\";var n=t(\"gl-pointcloud2d\"),a=t(\"../../lib/str2rgbarray\"),i=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,h=this.pickXYData=t.xy,f=t.xbounds&&t.ybounds,p=t.indices,d=this.bounds;if(h){if(n=h,e=h.length>>>1,f)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=a(t.marker.color),m=a(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]=i(_,[d[0],d[2]],{ppad:T}),t._extremes[w._id]=i(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\":772,\"../../plots/cartesian/autorange\":797,\"../scatter/get_trace_color\":1166,\"gl-pointcloud2d\":303}],1144:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./attributes\");e.exports=function(t,e,r){function i(r,i){return n.coerce(t,e,a,r,i)}i(\"x\"),i(\"y\"),i(\"xbounds\"),i(\"ybounds\"),t.xy&&t.xy instanceof Float32Array&&(e.xy=t.xy),t.indices&&t.indices instanceof Int32Array&&(e.indices=t.indices),i(\"text\"),i(\"marker.color\",r),i(\"marker.opacity\"),i(\"marker.blend\"),i(\"marker.sizemin\"),i(\"marker.sizemax\"),i(\"marker.border.color\",r),i(\"marker.border.arearatio\"),e._length=null}},{\"../../lib\":749,\"./attributes\":1142}],1145:[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\":838,\"../scatter3d/calc\":1185,\"./attributes\":1142,\"./convert\":1143,\"./defaults\":1144}],1146:[function(t,e,r){\"use strict\";var n=t(\"../../plots/font_attributes\"),a=t(\"../../plots/attributes\"),i=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,h=t(\"../../lib/extend\").extendFlat,f=t(\"../../plot_api/edit_types\").overrideAll;t(\"../../constants/docs\").FORMAT_LINK;(e.exports=f({hoverinfo:h({},a.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:i.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:i.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:h(c().colorscale,{dflt:[[0,\"white\"],[1,\"black\"]]})})}},\"calc\",\"nested\")).transforms=void 0},{\"../../components/color/attributes\":614,\"../../components/colorscale/attributes\":622,\"../../components/fx/attributes\":646,\"../../constants/docs\":719,\"../../lib/extend\":739,\"../../plot_api/edit_types\":780,\"../../plot_api/plot_template\":787,\"../../plots/attributes\":794,\"../../plots/domain\":825,\"../../plots/font_attributes\":826,\"../../plots/template_attributes\":876}],1147:[function(t,e,r){\"use strict\";var n=t(\"../../plot_api/edit_types\").overrideAll,a=t(\"../../plots/get_data\").getModuleCalcData,i=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\"),h=t(\"../../registry\");function f(t,e){var r=t._fullData[e],n=t._fullLayout,a=n.dragmode,i=\"pan\"===n.dragmode?\"move\":\"crosshair\",o=r._bgRect;if(\"pan\"!==a&&\"zoom\"!==a){s(o,i);var f={_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:f,yaxis:p,fillRangeItems:u.noop},subplot:e,xaxes:[f],yaxes:[p],doneFnCompleted:function(r){var n,a=t._fullData[e],i=a.node.groups.slice(),o=[];function s(t){for(var e=a._sankey.graph.nodes,r=0;ry&&(y=i.source[e]),i.target[e]>y&&(y=i.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,f[E=+E]=f[C]=!0;var L=\"\";i.label&&i.label[e]&&(L=i.label[e]);var P=null;L&&p.hasOwnProperty(L)&&(P=p[L]),c.push({pointNumber:e,label:L,color:u?i.color[e]:i.color,customdata:h?i.customdata[e]:i.customdata,concentrationscale:P,source:E,target:C,value:+S}),A.source.push(E),A.target.push(C)}}var I=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 i=a.init2dArray(t,0),o=0;o1}))}(I,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 i({circular:r.circular,_nodes:r.nodes,_links:r.links,_groups:r.groups,_groupLookup:r.groupLookup})}},{\"../../components/colorscale\":627,\"../../lib\":749,\"../../lib/gup\":746,\"strongly-connected-components\":541}],1149:[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\"}}},{}],1150:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./attributes\"),i=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 h(t,e){function r(r,i){return n.coerce(t,e,a.link.colorscales,r,i)}r(\"label\"),r(\"cmin\"),r(\"cmax\"),r(\"colorscale\")}e.exports=function(t,e,r,f){function p(r,i){return n.coerce(t,e,a,r,i)}var d=n.extendDeep(f.hoverlabel,t.hoverlabel),g=t.node,m=c.newContainer(e,\"node\");function v(t,e){return n.coerce(g,m,a.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=f.colorway;v(\"color\",m.label.map((function(t,e){return i.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,a.link,t,e)}_(\"label\"),_(\"source\"),_(\"target\"),_(\"value\"),_(\"line.color\"),_(\"line.width\"),_(\"hoverinfo\",t.hoverinfo),l(x,b,_,d),_(\"hovertemplate\");var w,T=o(f.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:h}),s(e,f,p),p(\"orientation\"),p(\"valueformat\"),p(\"valuesuffix\"),m.x.length&&m.y.length&&(w=\"freeform\"),p(\"arrangement\",w),n.coerceFont(p,\"textfont\",n.extendFlat({},f.font)),e._length=null}},{\"../../components/color\":615,\"../../components/fx/hoverlabel_defaults\":653,\"../../lib\":749,\"../../plot_api/plot_template\":787,\"../../plots/array_container_defaults\":793,\"../../plots/domain\":825,\"./attributes\":1146,tinycolor2:548}],1151:[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\":1146,\"./base_plot\":1147,\"./calc\":1148,\"./defaults\":1150,\"./plot\":1152,\"./select.js\":1154}],1152:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"./render\"),i=t(\"../../components/fx\"),o=t(\"../../components/color\"),s=t(\"../../lib\"),l=t(\"./constants\").cn,c=s._;function u(t){return\"\"!==t}function h(t,e){return t.filter((function(t){return t.key===e.traceId}))}function f(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&&h(r,e).selectAll(\".\"+l.sankeyLink).filter(d(e)).call(y.bind(0,e,r,!1))}function v(t,e,r){e&&r&&h(r,e).selectAll(\".\"+l.sankeyLink).filter(d(e)).call(x.bind(0,e,r,!1))}function y(t,e,r,n){var a=n.datum().link.label;n.style(\"fill-opacity\",(function(t){if(!t.link.concentrationscale)return.4})),a&&h(e,t).selectAll(\".\"+l.sankeyLink).filter((function(t){return t.link.label===a})).style(\"fill-opacity\",(function(t){if(!t.link.concentrationscale)return.4})),r&&h(e,t).selectAll(\".\"+l.sankeyNode).filter(g(t)).call(m)}function x(t,e,r,n){var a=n.datum().link.label;n.style(\"fill-opacity\",(function(t){return t.tinyColorAlpha})),a&&h(e,t).selectAll(\".\"+l.sankeyLink).filter((function(t){return t.link.label===a})).style(\"fill-opacity\",(function(t){return t.tinyColorAlpha})),r&&h(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,h=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\")||a.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:[a.node]},{container:r._hoverlayer.node(),outerContainer:r._paper.node(),gd:t});f(y,.85),p(y)}}},unhover:function(e,a,o){!1!==t._fullLayout.hovermode&&(n.select(e).call(v,a,o),\"skip\"!==a.node.trace.node.hoverinfo&&(a.node.fullData=a.node.trace,t.emit(\"plotly_unhover\",{event:n.event,points:[a.node]})),i.loneUnhover(r._hoverlayer.node()))},select:function(e,r,a){var o=r.node;o.originalEvent=n.event,t._hoverdata=[o],n.select(e).call(v,r,a),i.click(t,{target:!0})}}})}},{\"../../components/color\":615,\"../../components/fx\":655,\"../../lib\":749,\"./constants\":1149,\"./render\":1153,d3:169}],1153:[function(t,e,r){\"use strict\";var n=t(\"./constants\"),a=t(\"d3\"),i=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\"),h=t(\"../../lib\"),f=t(\"../../lib/gup\"),p=f.keyFun,d=f.repeat,g=f.unwrap,m=t(\"d3-interpolate\").interpolateNumber,v=t(\"../../registry\");function y(t,e,r){var a,o=g(e),s=o.trace,u=s.domain,f=\"h\"===s.orientation,p=s.node.pad,d=s.node.thickness,m=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;(a=b?c.sankeyCircular().circularLinkGap(0):l.sankey()).iterations(n.sankeyIterations).size(f?[m,v]:[v,m]).nodeWidth(d).nodePadding(p).nodeId((function(t){return t.pointNumber})).nodes(y).links(x);var _,w,T,k=a();for(var M in a.nodePadding()=a||(r=a-e.y0)>1e-6&&(e.y0+=r,e.y1+=r),a=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})),a=[],i=-1,o=-1/0;for(_=0;_o+d&&(i+=1,e=s.x0),o=s.x0,a[i]||(a[i]=[]),a[i].push(s),r=e-s.x0,s.x0+=r,s.x1+=r}return a}(y=k.nodes));a.update(k)}return{circular:b,key:r,trace:s,guid:h.randstr(),horizontal:f,width:m,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:f?v:m,dragPerpendicular:f?m:v,arrangement:s.arrangement,sankey:a,graph:k,forceLayouts:{},interactionState:{dragInProgress:!1,hovered:!1}}}function x(t,e,r){var n=i(e.color),a=e.source.label+\"|\"+e.target.label+\"__\"+r;return e.trace=t.trace,e.curveNumber=t.trace.index,{circular:t.circular,key:a,traceId:t.key,pointNumber:e.pointNumber,link:e,tinyColorHue:o.tinyRGB(n),tinyColorAlpha:n.getAlpha(),linkPath:b,linkLineColor:t.linkLineColor,linkLineWidth:t.linkLineWidth,valueFormat:t.valueFormat,valueSuffix:t.valueSuffix,sankey:t.sankey,parent:t,interactionState:t.interactionState,flow:e.flow}}function b(){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,a=t.link.source.x1,i=t.link.target.x0,o=m(a,i),s=o(.5),l=o(.5),c=t.link.y0-t.link.width/2,u=t.link.y0+t.link.width/2,h=t.link.y1-t.link.width/2,f=t.link.y1+t.link.width/2;return\"M\"+a+\",\"+c+\"C\"+s+\",\"+c+\" \"+l+\",\"+h+\" \"+i+\",\"+h+\"L\"+i+\",\"+f+\"C\"+l+\",\"+f+\" \"+s+\",\"+u+\" \"+a+\",\"+u+\"Z\"}}function _(t,e){var r=i(e.color),a=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=h.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:-a,zoneY:-s,zoneWidth:l+2*a,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 w(t){t.attr(\"transform\",(function(t){return\"translate(\"+t.node.x0.toFixed(3)+\", \"+t.node.y0.toFixed(3)+\")\"}))}function T(t){t.call(w)}function k(t,e){t.call(T),e.attr(\"d\",b())}function M(t){t.attr(\"width\",(function(t){return t.node.x1-t.node.x0})).attr(\"height\",(function(t){return t.visibleHeight}))}function A(t){return t.link.width>1||t.linkLineWidth>0}function S(t){return\"translate(\"+t.translateX+\",\"+t.translateY+\")\"+(t.horizontal?\"matrix(1 0 0 1 0 0)\":\"matrix(0 1 1 0 0 0)\")}function E(t){return\"translate(\"+(t.horizontal?0:t.labelY)+\" \"+(t.horizontal?t.labelY:0)+\")\"}function C(t){return a.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 L(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 I(t){return t.darkBackground&&!t.horizontal?\"rgb(255,255,255)\":\"rgb(0,0,0)\"}function z(t){return t.horizontal&&t.left?\"100%\":\"0%\"}function O(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 D(t,e,r,i){var o=a.behavior.drag().origin((function(t){return{x:t.node.x0+t.visibleWidth/2,y:t.node.y0+t.visibleHeight/2}})).on(\"dragstart\",(function(a){if(\"fixed\"!==a.arrangement&&(h.ensureSingle(i._fullLayout._infolayer,\"g\",\"dragcover\",(function(t){i._fullLayout._dragCover=t})),h.raiseToTop(this),a.interactionState.dragInProgress=a.node,F(a.node),a.interactionState.hovered&&(r.nodeEvents.unhover.apply(0,a.interactionState.hovered),a.interactionState.hovered=!1),\"snap\"===a.arrangement)){var o=a.traceId+\"|\"+a.key;a.forceLayouts[o]?a.forceLayouts[o].alpha(1):function(t,e,r,a){!function(t){for(var e=0;e0&&a.forceLayouts[e].alpha(0)}}(0,e,i,r)).stop()}(0,o,a),function(t,e,r,a,i){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,R(r,i)}}))}(t,e,a,o,i)}})).on(\"drag\",(function(r){if(\"fixed\"!==r.arrangement){var n=a.event.x,i=a.event.y;\"snap\"===r.arrangement?(r.node.x0=n-r.visibleWidth/2,r.node.x1=n+r.visibleWidth/2,r.node.y0=i-r.visibleHeight/2,r.node.y1=i+r.visibleHeight/2):(\"freeform\"===r.arrangement&&(r.node.x0=n-r.visibleWidth/2,r.node.x1=n+r.visibleWidth/2),i=Math.max(0,Math.min(r.size-r.visibleHeight/2,i)),r.node.y0=i-r.visibleHeight/2,r.node.y1=i+r.visibleHeight/2),F(r.node),\"snap\"!==r.arrangement&&(r.sankey.update(r.graph),k(t.filter(B(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\",z).style(\"fill\",I)}},{\"../../components/color\":615,\"../../components/drawing\":637,\"../../lib\":749,\"../../lib/gup\":746,\"../../registry\":881,\"./constants\":1149,\"@plotly/d3-sankey\":56,\"@plotly/d3-sankey-circular\":55,d3:169,\"d3-force\":160,\"d3-interpolate\":162,tinycolor2:548}],1154:[function(t,e,r){\"use strict\";e.exports=function(t,e){for(var r=[],n=t.cd[0].trace,a=n._sankey.graph.nodes,i=0;il&&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;a--){var i=t[a];if(\"scatter\"===i.type&&i.xaxis===r.xaxis&&i.yaxis===r.yaxis){i.opacity=void 0;break}}}}}},{}],1163:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../registry\"),i=t(\"./attributes\"),o=t(\"./constants\"),s=t(\"./subtypes\"),l=t(\"./xy_defaults\"),c=t(\"./period_defaults\"),u=t(\"./stack_defaults\"),h=t(\"./marker_defaults\"),f=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,a){return n.coerce(t,e,i,r,a)}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=I[L][1])>=G&&(O=I[L-1][0],D=I[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,f._length);var Y=s.defaultLine;return s.opacity(h.fillcolor)?Y=h.fillcolor:s.opacity((h.line||{}).color)&&(Y=h.line.color),n.extendFlat(t,{distance:t.maxHoverDistance,x0:U,x1:V,y0:G,y1:G,color:Y,hovertemplate:!1}),delete t.index,h.text&&!Array.isArray(h.text)?t.text=String(h.text):t.text=h.name,[t]}}}},{\"../../components/color\":615,\"../../components/fx\":655,\"../../lib\":749,\"../../registry\":881,\"./get_trace_color\":1166}],1168:[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\":811,\"./arrays_to_calcdata\":1155,\"./attributes\":1156,\"./calc\":1157,\"./cross_trace_calc\":1161,\"./cross_trace_defaults\":1162,\"./defaults\":1163,\"./format_labels\":1165,\"./hover\":1167,\"./marker_colorbar\":1174,\"./plot\":1177,\"./select\":1178,\"./style\":1180,\"./subtypes\":1181}],1169:[function(t,e,r){\"use strict\";var n=t(\"../../lib\").isArrayOrTypedArray,a=t(\"../../components/colorscale/helpers\").hasColorscale,i=t(\"../../components/colorscale/defaults\");e.exports=function(t,e,r,o,s,l){var c=(t.marker||{}).color;(s(\"line.color\",r),a(t,\"line\"))?i(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\":625,\"../../components/colorscale/helpers\":626,\"../../lib\":749}],1170:[function(t,e,r){\"use strict\";var n=t(\"../../constants/numerical\"),a=n.BADNUM,i=n.LOG_CLIP,o=i+.5,s=i-.5,l=t(\"../../lib\"),c=l.segmentsIntersect,u=l.constrain,h=t(\"./constants\");e.exports=function(t,e){var r,n,i,f,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,P=S._length,I=E._length,z=e.connectGaps,O=e.baseTolerance,D=e.shape,R=\"linear\"===D,F=e.fill&&\"none\"!==e.fill,B=[],N=h.minTolerance,j=t.length,U=new Array(j),V=0;function q(r){var n=t[r];if(!n)return!1;var i=e.linearized?S.l2p(n.x):S.c2p(n.x),l=e.linearized?E.l2p(n.y):E.c2p(n.y);if(i===a){if(C&&(i=S.c2p(n.x,!0)),i===a)return!1;L&&l===a&&(i*=Math.abs(S._m*I*(S._m>0?o:s)/(E._m*P*(E._m>0?o:s)))),i*=1e3}if(l===a){if(L&&(l=E.c2p(n.y,!0)),l===a)return!1;l*=1e3}return[i,l]}function H(t,e,r,n){var a=r-t,i=n-e,o=.5-t,s=.5-e,l=a*a+i*i,c=a*o+i*s;if(c>0&&crt||t[1]at)return[u(t[0],et,rt),u(t[1],nt,at)]}function st(t,e){return t[0]===e[0]&&(t[0]===et||t[0]===rt)||(t[1]===e[1]&&(t[1]===nt||t[1]===at)||void 0)}function lt(t,e,r){return function(n,a){var i=ot(n),o=ot(a),s=[];if(i&&o&&st(i,o))return s;i&&s.push(i),o&&s.push(o);var c=2*l.constrain((n[t]+a[t])/2,e,r)-((i||n)[t]+(o||a)[t]);c&&((i&&o?c>0==i[t]>o[t]?i:o:i||o)[t]+=c);return s}}function ct(t){var e=t[0],r=t[1],n=e===U[V-1][0],a=r===U[V-1][1];if(!n||!a)if(V>1){var i=e===U[V-2][0],o=r===U[V-2][1];n&&(e===et||e===rt)&&i?o?V--:U[V-1]=t:a&&(r===nt||r===at)&&o?i?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([X,J]),ct(t),K=null,X=J=0}function ht(t){if(M=t[0]/P,A=t[1]/I,W=t[0]rt?rt:0,Z=t[1]at?at:0,W||Z){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],Z||t[1]];var r=U[V-1];W&&Z&&(r[0]!==W||r[1]!==Z)?(K&&(X!==W&&J!==Z?ct(X&&J?(n=K,i=(a=t)[0]-n[0],o=(a[1]-n[1])/i,(n[1]*a[0]-a[1]*n[0])/i>0?[o>0?et:rt,at]:[o>0?rt:et,nt]):[X||W,J||Z]):X&&J&&ct([X,J])),ct([W,Z])):X-W&&J-Z&&ct([W||X,Z||J]),K=t,X=W,J=Z}else K&&ut($(K,t)[0]),U[V++]=t;var n,a,i,o}for(\"linear\"===D||\"spline\"===D?$=function(t,e){for(var r=[],n=0,a=0;a<4;a++){var i=it[a],o=c(t[0],t[1],e[0],e[1],i[0],i[1],i[2],i[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,ft))break;i=d,(_=v[0]*m[0]+v[1]*m[1])>x?(x=_,f=d,g=!1):_=t.length||!d)break;ht(d),n=d}}else ht(f)}K&&ct([X||K[0],J||K[1]]),B.push(U.slice(0,V))}return B}},{\"../../constants/numerical\":724,\"../../lib\":749,\"./constants\":1160}],1171:[function(t,e,r){\"use strict\";e.exports=function(t,e,r){\"spline\"===r(\"line.shape\")&&r(\"line.smoothing\")}},{}],1172:[function(t,e,r){\"use strict\";var n={tonextx:1,tonexty:1,tonext:1};e.exports=function(t,e,r){var a,i,o,s,l,c={},u=!1,h=-1,f=0,p=-1;for(i=0;i=0?l=p:(l=p=f,f++),l0?Math.max(e,a):0}}},{\"fast-isnumeric\":241}],1174:[function(t,e,r){\"use strict\";e.exports={container:\"marker\",min:\"cmin\",max:\"cmax\"}},{}],1175:[function(t,e,r){\"use strict\";var n=t(\"../../components/color\"),a=t(\"../../components/colorscale/helpers\").hasColorscale,i=t(\"../../components/colorscale/defaults\"),o=t(\"./subtypes\");e.exports=function(t,e,r,s,l,c){var u=o.isBubble(t),h=(t.line||{}).color;(c=c||{},h&&(r=h),l(\"marker.symbol\"),l(\"marker.opacity\",u?.7:1),l(\"marker.size\"),l(\"marker.color\",r),a(t,\"marker\")&&i(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\",h&&!Array.isArray(h)&&e.marker.color!==h?h:u?n.background:n.defaultLine),a(t,\"marker.line\")&&i(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\":615,\"../../components/colorscale/defaults\":625,\"../../components/colorscale/helpers\":626,\"./subtypes\":1181}],1176:[function(t,e,r){\"use strict\";var n=t(\"../../lib\").dateTick0,a=t(\"../../constants/numerical\").ONEWEEK;function i(t,e){return n(e,t%a==0?1:0)}e.exports=function(t,e,r,n,a){if(a||(a={x:!0,y:!0}),a.x){var o=n(\"xperiod\");o&&(n(\"xperiod0\",i(o,e.xcalendar)),n(\"xperiodalignment\"))}if(a.y){var s=n(\"yperiod\");s&&(n(\"yperiod0\",i(s,e.ycalendar)),n(\"yperiodalignment\"))}}},{\"../../constants/numerical\":724,\"../../lib\":749}],1177:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../registry\"),i=t(\"../../lib\"),o=i.ensureSingle,s=i.identity,l=t(\"../../components/drawing\"),c=t(\"./subtypes\"),u=t(\"./line_points\"),h=t(\"./link_traces\"),f=t(\"../../lib/polygon\").tester;function p(t,e,r,h,p,d,g){var m;!function(t,e,r,a,o){var s=r.xaxis,l=r.yaxis,u=n.extent(i.simpleMap(s.range,s.r2c)),h=n.extent(i.simpleMap(l.range,l.r2c)),f=a[0].trace;if(!c.hasMarkers(f))return;var p=f.marker.maxdisplayed;if(0===p)return;var d=a.filter((function(t){return t.x>=u[0]&&t.x<=u[1]&&t.y>=h[0]&&t.y<=h[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,_=h[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(a.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=\"\"),h[0][r.isRangePlot?\"nodeRangePlot3\":\"node3\"]=T;var P,I,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=i.noop;if(E=_._ownFill,c.hasLines(_)||\"none\"!==_.fill){for(C&&C.datum(h),-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(h,{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(h),t)y(r.style(\"opacity\",0).attr(\"d\",P).call(l.lineGroupStyle)).style(\"opacity\",1);else{var a=y(r);a.attr(\"d\",P),l.singleLineStyle(h,a)}}}}}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(h),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)):(X(C),_._polygons=null)),_._prevRevpath=H,_._prevPolygons=V):(E?X(E):C&&X(C),_._polygons=_._prevRevpath=_._prevPolygons=null),A.datum(h),S.datum(h),function(e,a,i){var o,u=i[0].trace,h=c.hasMarkers(u),f=c.hasText(u),p=tt(u),d=et,g=et;if(h||f){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),h&&(d=m),f&&(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(),h&&(T=l.makePointStyleFns(u)),o.each((function(e){var a=n.select(this),i=y(a);l.translatePoint(e,i,x,b)?(l.singlePointStyle(e,i,u,T,t),r.layerClipId&&l.hideOutsideRangePoint(e,i,x,b,u.xcalendar,u.ycalendar),u.customdata&&a.classed(\"plotly-customdata\",null!==e.data&&void 0!==e.data)):i.remove()})),v?o.exit().transition().style(\"opacity\",0).remove():o.exit().remove(),(o=a.selectAll(\"g\").data(g,p)).enter().append(\"g\").classed(\"textpoint\",!0).append(\"text\"),o.order(),o.each((function(t){var e=n.select(this),a=y(e.select(\"text\"));l.translatePoint(t,a,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,h);var Z=!1===_.cliponaxis?null:r.layerClipId;l.setClipUrl(A,Z,t),l.setClipUrl(S,Z,t)}function X(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,a,i,c){var u,f,d=!i,g=!!i&&i.duration>0,m=h(t,e,r);((u=a.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 a=o(n.select(this),\"g\",\"fills\");l.setClipUrl(a,r.layerClipId,t);var i=e[0].trace,c=[];i._ownfill&&c.push(\"_ownFill\"),i._nexttrace&&c.push(\"_nextFill\");var u=a.selectAll(\"g\").data(c,s);u.enter().append(\"g\"),u.exit().each((function(t){i[t]=null})).remove(),u.order().each((function(t){i[t]=o(n.select(this),\"path\",\"js-fill\")}))}))}(t,u,e),g)?(c&&(f=c()),n.transition().duration(i.duration).ease(i.easing).each(\"end\",(function(){f&&f()})).each(\"interrupt\",(function(){f&&f()})).each((function(){a.selectAll(\"g.trace\").each((function(r,n){p(t,n,e,r,m,this,i)}))}))):u.each((function(r,n){p(t,n,e,r,m,this,i)}));d&&u.exit().remove(),a.selectAll(\"path:not([d])\").remove()}},{\"../../components/drawing\":637,\"../../lib\":749,\"../../lib/polygon\":761,\"../../registry\":881,\"./line_points\":1170,\"./link_traces\":1172,\"./subtypes\":1181,d3:169}],1178:[function(t,e,r){\"use strict\";var n=t(\"./subtypes\");e.exports=function(t,e){var r,a,i,o,s=t.cd,l=t.xaxis,c=t.yaxis,u=[],h=s[0].trace;if(!n.hasMarkers(h)&&!n.hasText(h))return[];if(!1===e)for(r=0;r0){var f=a.c2l(u);a._lowerLogErrorBound||(a._lowerLogErrorBound=f),a._lowerErrorBound=Math.min(a._lowerLogErrorBound,f)}}else o[s]=[-l[0]*r,l[1]*r]}return o}e.exports=function(t,e,r){var n=[a(t.x,t.error_x,e[0],r.xaxis),a(t.y,t.error_y,e[1],r.yaxis),a(t.z,t.error_z,e[2],r.zaxis)],i=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,a){var i=null;if(l.isArrayOrTypedArray(t)){i=[];for(var o=0;o=0){var g=function(t,e,r){var n,a=(r+1)%3,i=(r+2)%3,o=[],l=[];for(n=0;n=0&&h(\"surfacecolor\",f||p);for(var d=[\"x\",\"y\",\"z\"],g=0;g<3;++g){var m=\"projection.\"+d[g];h(m+\".show\")&&(h(m+\".opacity\"),h(m+\".scale\"))}var v=n.getComponentMethod(\"errorbars\",\"supplyDefaults\");v(t,e,f||p||r,{axis:\"z\"}),v(t,e,f||p||r,{axis:\"y\",inherit:\"z\"}),v(t,e,f||p||r,{axis:\"x\",inherit:\"z\"})}else e.visible=!1}},{\"../../lib\":749,\"../../registry\":881,\"../scatter/line_defaults\":1169,\"../scatter/marker_defaults\":1175,\"../scatter/subtypes\":1181,\"../scatter/text_defaults\":1182,\"./attributes\":1184}],1189:[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\":722,\"../../plots/gl3d\":840,\"./attributes\":1184,\"./calc\":1185,\"./convert\":1187,\"./defaults\":1188}],1190:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\"),a=t(\"../../plots/attributes\"),i=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,h=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:h.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({},a.hoverinfo,{flags:[\"a\",\"b\",\"text\",\"name\"]}),hoveron:n.hoveron,hovertemplate:i()}},{\"../../components/colorscale/attributes\":622,\"../../lib/extend\":739,\"../../plots/attributes\":794,\"../../plots/template_attributes\":876,\"../scatter/attributes\":1156}],1191:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"../scatter/colorscale_calc\"),i=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,h,f=e._length,p=new Array(f),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\":749,\"../scatter/hover\":1167}],1196:[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\":811,\"../scatter/marker_colorbar\":1174,\"../scatter/select\":1178,\"../scatter/style\":1180,\"./attributes\":1190,\"./calc\":1191,\"./defaults\":1192,\"./event_data\":1193,\"./format_labels\":1194,\"./hover\":1195,\"./plot\":1197}],1197:[function(t,e,r){\"use strict\";var n=t(\"../scatter/plot\"),a=t(\"../../plots/cartesian/axes\"),i=t(\"../../components/drawing\");e.exports=function(t,e,r,o){var s,l,c,u=r[0][0].carpet,h={xaxis:a.getFromId(t,u.xaxis||\"x\"),yaxis:a.getFromId(t,u.yaxis||\"y\"),plot:e.plot};for(n(t,h,r,o),s=0;s\")}(c,g,t,l[0].t.labels),t.hovertemplate=c.hovertemplate,[t]}}},{\"../../components/fx\":655,\"../../constants/numerical\":724,\"../../lib\":749,\"../scatter/get_trace_color\":1166,\"./attributes\":1198}],1204:[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\":830,\"../scatter/marker_colorbar\":1174,\"../scatter/style\":1180,\"./attributes\":1198,\"./calc\":1199,\"./defaults\":1200,\"./event_data\":1201,\"./format_labels\":1202,\"./hover\":1203,\"./plot\":1205,\"./select\":1206,\"./style\":1207}],1205:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\"),i=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,h=t(\"../scatter/subtypes\"),f=t(\"./style\");e.exports={calcGeoJSON:function(t,e){var r,n,a=t[0].trace,o=e[a.geo],h=o._subplot,f=a._length;if(Array.isArray(a.locations)){var p=a.locationmode,d=\"geojson-id\"===p?s.extractTraceFeature(t):i(a,h.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&&a.extendFlat(s.line,p.linePositions(t,r,n));if(s.errorX||s.errorY){var l=p.errorBarPositions(t,r,n,i,o);s.errorX&&a.extendFlat(s.errorX,l.x),s.errorY&&a.extendFlat(s.errorY,l.y)}s.text&&(a.extendFlat(s.text,{positions:n},p.textPosition(t,r,s.text,s.marker)),a.extendFlat(s.textSel,{positions:n},p.textPosition(t,r,s.text,s.markerSel)),a.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 h(y,e),T?z.marker&&(I=2*(z.marker.sizeAvg||Math.max(z.marker.size,3))):I=c(e,w),u(t,e,x,b,E,C,I),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\":724,\"../../lib\":749,\"../../plots/cartesian/align_period\":795,\"../../plots/cartesian/autorange\":797,\"../../plots/cartesian/axis_ids\":801,\"../scatter/calc\":1157,\"../scatter/colorscale_calc\":1159,\"./constants\":1210,\"./convert\":1211,\"./scene_update\":1219,\"@plotly/point-cluster\":57}],1210:[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]}}},{}],1211:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"svg-path-sdf\"),i=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,h=t(\"../scatter/subtypes\"),f=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,a=t._fullLayout,i=e._length,o=e.textfont,l=e.textposition,c=Array.isArray(l)?l:[l],u=o.color,h=o.size,f=o.family,p={},d=e.texttemplate;if(d){p.text=[];var g=a._d3locale,m=Array.isArray(d),y=m?Math.min(d.length,i):i,x=m?function(t){return d[t]}:function(){return d};for(r=0;rd.TOO_MANY_POINTS||h.hasMarkers(e)?\"rect\":\"round\";if(c&&e.connectgaps){var f=n[0],p=n[1];for(a=0;a1?l[a]:l[0]:l,d=Array.isArray(c)?c.length>1?c[a]:c[0]:c,g=m[p],v=m[d],y=u?u/.8+1:0,x=-v*y-.5*v;o.offset[a]=[g*y/f,x/f]}}return o}}},{\"../../components/drawing\":637,\"../../components/fx/helpers\":651,\"../../constants/interactions\":723,\"../../lib\":749,\"../../lib/gl_format_color\":745,\"../../plots/cartesian/axis_ids\":801,\"../../registry\":881,\"../scatter/make_bubble_size_func\":1173,\"../scatter/subtypes\":1181,\"./constants\":1210,\"./helpers\":1215,\"color-normalize\":125,\"fast-isnumeric\":241,\"svg-path-sdf\":546}],1212:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../registry\"),i=t(\"./helpers\"),o=t(\"./attributes\"),s=t(\"../scatter/constants\"),l=t(\"../scatter/subtypes\"),c=t(\"../scatter/xy_defaults\"),u=t(\"../scatter/period_defaults\"),h=t(\"../scatter/marker_defaults\"),f=t(\"../scatter/line_defaults\"),p=t(\"../scatter/fillcolor_defaults\"),d=t(\"../scatter/text_defaults\");e.exports=function(t,e,r,g){function m(r,a){return n.coerce(t,e,o,r,a)}var v=!!t.marker&&i.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\":1210}],1216:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),a=t(\"../../lib\"),i=t(\"../scatter/get_trace_color\");function o(t,e,r,o){var s=t.xa,l=t.ya,c=t.distance,u=t.dxy,h=t.index,f={pointNumber:h,x:e[h],y:r[h]};f.tx=Array.isArray(o.text)?o.text[h]:o.text,f.htx=Array.isArray(o.hovertext)?o.hovertext[h]:o.hovertext,f.data=Array.isArray(o.customdata)?o.customdata[h]:o.customdata,f.tp=Array.isArray(o.textposition)?o.textposition[h]:o.textposition;var p=o.textfont;p&&(f.ts=a.isArrayOrTypedArray(p.size)?p.size[h]:p.size,f.tc=Array.isArray(p.color)?p.color[h]:p.color,f.tf=Array.isArray(p.family)?p.family[h]:p.family);var d=o.marker;d&&(f.ms=a.isArrayOrTypedArray(d.size)?d.size[h]:d.size,f.mo=a.isArrayOrTypedArray(d.opacity)?d.opacity[h]:d.opacity,f.mx=a.isArrayOrTypedArray(d.symbol)?d.symbol[h]:d.symbol,f.mc=a.isArrayOrTypedArray(d.color)?d.color[h]:d.color);var g=d&&d.line;g&&(f.mlc=Array.isArray(g.color)?g.color[h]:g.color,f.mlw=a.isArrayOrTypedArray(g.width)?g.width[h]:g.width);var m=d&&d.gradient;m&&\"none\"!==m.type&&(f.mgt=Array.isArray(m.type)?m.type[h]:m.type,f.mgc=Array.isArray(m.color)?m.color[h]:m.color);var v=s.c2p(f.x,!0),y=l.c2p(f.y,!0),x=f.mrc||1,b=o.hoverlabel;b&&(f.hbg=Array.isArray(b.bgcolor)?b.bgcolor[h]:b.bgcolor,f.hbc=Array.isArray(b.bordercolor)?b.bordercolor[h]:b.bordercolor,f.hts=a.isArrayOrTypedArray(b.font.size)?b.font.size[h]:b.font.size,f.htc=Array.isArray(b.font.color)?b.font.color[h]:b.font.color,f.htf=Array.isArray(b.font.family)?b.font.family[h]:b.font.family,f.hnl=a.isArrayOrTypedArray(b.namelength)?b.namelength[h]:b.namelength);var _=o.hoverinfo;_&&(f.hi=Array.isArray(_)?_[h]:_);var w=o.hovertemplate;w&&(f.ht=Array.isArray(w)?w[h]:w);var T={};T[t.index]=f;var k=o._origX,M=o._origY,A=a.extendFlat({},t,{color:i(o,f),x0:v-x,x1:v+x,xLabelVal:k?k[h]:f.x,y0:y-x,y1:y+x,yLabelVal:M?M[h]:f.y,cd:T,distance:c,spikeDistance:u,hovertemplate:f.ht});return f.htx?A.text=f.htx:f.tx?A.text=f.tx:o.text&&(A.text=o.text),a.fillText(f,o,A),n.getComponentMethod(\"errorbars\",\"hoverInfo\")(f,o,A),A}e.exports={hoverPoints:function(t,e,r,n){var a,i,s,l,c,u,h,f,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);a=\"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 a=g.ids;var E=T;if(\"x\"===n)for(c=0;c-1;c--)s=x[a[c]],l=b[a[c]],u=v.c2p(s)-_,h=y.c2p(l)-w,(f=Math.sqrt(u*u+h*h))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 a,i,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 h,f,p=[],d=c&&c.positions||l.positions;if(\"tozeroy\"===s.fill){for(h=0;hh&&isNaN(d[f+1]);)f-=2;0!==d[h+1]&&(p=[d[h],0]),p=p.concat(d.slice(h,f+2)),0!==d[f+1]&&(p=p.concat([d[f],0]))}else if(\"tozerox\"===s.fill){for(h=0;hh&&isNaN(d[f]);)f-=2;0!==d[h]&&(p=[0,d[h+1]]),p=p.concat(d.slice(h,f+2)),0!==d[f]&&(p=p.concat([0,d[f+1]]))}else if(\"toself\"===s.fill||\"tonext\"===s.fill){for(p=[],a=0,i=0;i-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=a.modHalf(e[0],360),i=e[1],o=f.project([n,i]),l=o.x-u.c2p([d,i]),c=o.y-h.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=[a.modHalf(m[0],360)+p,m[1]],y=u.c2p(v),x=h.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:f};var w=c._module.formatLabels(g,c,_);return t.lonLabel=w.lonLabel,t.latLabel=w.latLabel,t.color=i(c,g),t.extraText=function(t,e,r){if(t.hovertemplate)return;var n=(e.hi||t.hoverinfo).split(\"+\"),a=-1!==n.indexOf(\"all\"),i=-1!==n.indexOf(\"lon\"),s=-1!==n.indexOf(\"lat\"),l=e.lonlat,c=[];function u(t){return t+\"\\xb0\"}a||i&&s?c.push(\"(\"+u(l[0])+\", \"+u(l[1])+\")\"):i?c.push(r.lon+u(l[0])):s&&c.push(r.lat+u(l[1]));(a||-1!==n.indexOf(\"text\"))&&o(e,t,c);return c.join(\"
\")}(c,g,l[0].t.labels),t.hovertemplate=c.hovertemplate,[t]}}},{\"../../components/fx\":655,\"../../constants/numerical\":724,\"../../lib\":749,\"../scatter/get_trace_color\":1166}],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(\"../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\":855,\"../scatter/marker_colorbar\":1174,\"../scattergeo/calc\":1199,\"./attributes\":1221,\"./defaults\":1223,\"./event_data\":1224,\"./format_labels\":1225,\"./hover\":1226,\"./plot\":1228,\"./select\":1229}],1228:[function(t,e,r){\"use strict\";var n=t(\"./convert\"),a=t(\"../../plots/mapbox/constants\").traceLayerPrefix,i=[\"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:a+e+\"-fill\",line:a+e+\"-line\",circle:a+e+\"-circle\",symbol:a+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,a,o=this.subplot,s=o.map,l=n(o.gd,t),c=o.belowLookup[\"trace-\"+this.uid];if(c!==this.below){for(e=i.length-1;e>=0;e--)r=i[e],s.removeLayer(this.layerIds[r]);for(e=0;e=0;e--){var r=i[e];t.removeLayer(this.layerIds[r]),t.removeSource(this.sourceIds[r])}},e.exports=function(t,e){for(var r=e[0].trace,a=new o(t,r.uid),s=n(t.gd,e),l=a.below=t.belowLookup[\"trace-\"+r.uid],c=0;c\")}}e.exports={hoverPoints:function(t,e,r,i){var o=n(t,e,r,i);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,a(c,u,l,s),s.hovertemplate=u.hovertemplate,o}},makeHoverPointText:a}},{\"../scatter/hover\":1167}],1235:[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\":864,\"../scatter/marker_colorbar\":1174,\"../scatter/select\":1178,\"../scatter/style\":1180,\"./attributes\":1230,\"./calc\":1231,\"./defaults\":1232,\"./format_labels\":1233,\"./hover\":1234,\"./plot\":1236}],1236:[function(t,e,r){\"use strict\";var n=t(\"../scatter/plot\"),a=t(\"../../constants/numerical\").BADNUM;e.exports=function(t,e,r){for(var i=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&&!f.fill2d&&(f.fill2d=!0),y.marker&&!f.scatter2d&&(f.scatter2d=!0),y.line&&!f.line2d&&(f.line2d=!0),y.text&&!f.glText&&(f.glText=!0),f.lineOptions.push(y.line),f.fillOptions.push(y.fill),f.markerOptions.push(y.marker),f.markerSelectedOptions.push(y.markerSel),f.markerUnselectedOptions.push(y.markerUnsel),f.textOptions.push(y.text),f.textSelectedOptions.push(y.textSel),f.textUnselectedOptions.push(y.textUnsel),f.selectBatch.push([]),f.unselectBatch.push([]),d.x=w,d.y=T,d.rawx=w,d.rawy=T,d.r=m,d.theta=v,d.positions=_,d._scene=f,d.index=f.count,f.count++}})),i(t,e,r)}}},{\"../../lib\":749,\"../scattergl/constants\":1210,\"../scattergl/convert\":1211,\"../scattergl/plot\":1218,\"../scattergl/scene_update\":1219,\"@plotly/point-cluster\":57,\"fast-isnumeric\":241}],1244:[function(t,e,r){\"use strict\";var n=t(\"../../plots/template_attributes\").hovertemplateAttrs,a=t(\"../../plots/template_attributes\").texttemplateAttrs,i=t(\"../scatter/attributes\"),o=t(\"../../plots/attributes\"),s=t(\"../../components/colorscale/attributes\"),l=t(\"../../components/drawing/attributes\").dash,c=t(\"../../lib/extend\").extendFlat,u=i.marker,h=i.line,f=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({},i.mode,{dflt:\"markers\"}),text:c({},i.text,{}),texttemplate:a({editType:\"plot\"},{keys:[\"a\",\"b\",\"c\",\"text\"]}),hovertext:c({},i.hovertext,{}),line:{color:h.color,width:h.width,dash:l,shape:c({},h.shape,{values:[\"linear\",\"spline\"]}),smoothing:h.smoothing,editType:\"calc\"},connectgaps:i.connectgaps,cliponaxis:i.cliponaxis,fill:c({},i.fill,{values:[\"none\",\"toself\",\"tonext\"],dflt:\"none\"}),fillcolor:i.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:f.width,editType:\"calc\"},s(\"marker.line\")),gradient:u.gradient,editType:\"calc\"},s(\"marker\")),textfont:i.textfont,textposition:i.textposition,selected:i.selected,unselected:i.unselected,hoverinfo:c({},o.hoverinfo,{flags:[\"a\",\"b\",\"c\",\"text\",\"name\"]}),hoveron:i.hoveron,hovertemplate:n()}},{\"../../components/colorscale/attributes\":622,\"../../components/drawing/attributes\":636,\"../../lib/extend\":739,\"../../plots/attributes\":794,\"../../plots/template_attributes\":876,\"../scatter/attributes\":1156}],1245:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),a=t(\"../scatter/colorscale_calc\"),i=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,h,f,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=f.hovertemplate,i}function x(t,e){v.push(t._hovertitle+\": \"+e)}}},{\"../scatter/hover\":1167}],1250:[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\":877,\"../scatter/marker_colorbar\":1174,\"../scatter/select\":1178,\"../scatter/style\":1180,\"./attributes\":1244,\"./calc\":1245,\"./defaults\":1246,\"./event_data\":1247,\"./format_labels\":1248,\"./hover\":1249,\"./plot\":1251}],1251:[function(t,e,r){\"use strict\";var n=t(\"../scatter/plot\");e.exports=function(t,e,r){var a=e.plotContainer;a.select(\".scatterlayer\").selectAll(\"*\").remove();var i={xaxis:e.xaxis,yaxis:e.yaxis,plot:a,layerClipId:e._hasClipOnAxisFalse?e.clipIdRelative:null},o=e.layers.frontplot.select(\"g.scatterlayer\");n(t,i,r,o)}},{\"../scatter/plot\":1177}],1252:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\"),a=t(\"../../components/colorscale/attributes\"),i=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,h=u.line,f=c(a(\"marker.line\",{editTypeOverride:\"calc\"}),{width:c({},h.width,{editType:\"calc\"}),editType:\"calc\"}),p=c(a(\"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:f,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:i(),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\":622,\"../../lib/extend\":739,\"../../plot_api/plot_template\":787,\"../../plots/cartesian/constants\":804,\"../../plots/template_attributes\":876,\"../scatter/attributes\":1156,\"../scattergl/attributes\":1208}],1253:[function(t,e,r){\"use strict\";var n=t(\"regl-line2d\"),a=t(\"../../registry\"),i=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,a=e._visibleDims,i=r.viewOpts.ranges=new Array(n),o=0;of?2*(b.sizeAvg||Math.max(b.size,3)):i(e,x),p=0;pi&&l||a-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],f=m[y-1],d=v[y-1]),e=0;eu?\"-\":\"+\")+\"x\")).replace(\"y\",(h>f?\"-\":\"+\")+\"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,a=t.dataScale,u=e._len,h={};function d(t,e){var n=r[e],o=a[c[e]];return i.simpleMap(t,(function(t){return n.d2l(t)*o}))}if(h.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(h.meshgrid=[g,m,v],h.gridFill=e._gridFill,e._slen)h.startingPositions=l(d(e._startsX,\"xaxis\"),d(e._startsY,\"yaxis\"),d(e._startsZ,\"zaxis\"));else{for(var y=m[0],x=f(g),b=f(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)},h=function(t){return String(m[t])}):(r=Math.min(y.length,x.length),l=function(t){return M(y[t])&&A(t)},h=function(t){return String(y[t])}),_&&(r=Math.min(r,b.length));for(var S=0;S1){for(var P=i.randstr(),I=0;I\"),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:[h(a,l,f.eventDataKeys)]};m&&(R.x0=S-a.rInscribed*a.rpx1,R.x1=S+a.rInscribed*a.rpx1,R.idealAlign=a.pxmid[0]<0?\"left\":\"right\"),v&&(R.x=S,R.idealAlign=S<0?\"left\":\"right\"),o.loneHover(R,{container:i._hoverlayer.node(),outerContainer:i._paper.node(),gd:r}),d._hasHoverLabel=!0}if(v){var F=t.select(\"path.surface\");f.styleOne(F,a,l,{hovered:!0})}d._hasHoverEvent=!0,r.emit(\"plotly_hover\",{points:[h(a,l,f.eventDataKeys)],event:n.event})}})),t.on(\"mouseout\",(function(e){var a=r._fullLayout,i=r._fullData[d.index],s=n.select(this).datum();if(d._hasHoverEvent&&(e.originalEvent=n.event,r.emit(\"plotly_unhover\",{points:[h(s,i,f.eventDataKeys)],event:n.event}),d._hasHoverEvent=!1),d._hasHoverLabel&&(o.loneUnhover(a._hoverlayer.node()),d._hasHoverLabel=!1),v){var l=t.select(\"path.surface\");f.styleOne(l,s,i,{hovered:!1})}})),t.on(\"click\",(function(t){var e=r._fullLayout,i=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:[h(t,i,f.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=[h(t,i,f.eventDataKeys)],o.click(r,n.event)),!s&&!1!==x&&!r._dragging&&!r._transitioning){a.call(\"_storeDirectGUIEdit\",i,e._tracePreGUI[i.uid],{level:i.level});var b={data:[{level:v}],traces:[d.index]},_={frame:{redraw:!1,duration:f.transitionTime},transition:{duration:f.transitionTime,easing:f.transitionEasing},mode:\"immediate\",fromcurrent:!0};o.loneUnhover(e._hoverlayer.node()),a.call(\"animate\",r,b,_)}}))}},{\"../../components/fx\":655,\"../../components/fx/helpers\":651,\"../../lib\":749,\"../../lib/events\":738,\"../../registry\":881,\"../pie/helpers\":1135,\"./helpers\":1274,d3:169}],1274:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"../../components/color\"),i=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 a=t.children||[],i=0;i0)},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 a=e?[n.data[e]]:[n];return r.listPath(n,e).concat(a)},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\":615,\"../../lib\":749,\"../../lib/setcursor\":769,\"../pie/helpers\":1135}],1275:[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\":1174,\"./attributes\":1268,\"./base_plot\":1269,\"./calc\":1270,\"./defaults\":1272,\"./layout_attributes\":1276,\"./layout_defaults\":1277,\"./plot\":1278,\"./style\":1279}],1276:[function(t,e,r){\"use strict\";e.exports={sunburstcolorway:{valType:\"colorlist\",editType:\"calc\"},extendsunburstcolors:{valType:\"boolean\",dflt:!0,editType:\"calc\"}}},{}],1277:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./layout_attributes\");e.exports=function(t,e){function r(r,i){return n.coerce(t,e,a,r,i)}r(\"sunburstcolorway\",e.colorway),r(\"extendsunburstcolors\")}},{\"../../lib\":749,\"./layout_attributes\":1276}],1278:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"d3-hierarchy\"),i=t(\"../../components/drawing\"),o=t(\"../../lib\"),s=t(\"../../lib/svg_text_utils\"),l=t(\"../bar/uniform_text\"),c=l.recordMinTextSize,u=l.clearMinTextSize,h=t(\"../pie/plot\"),f=h.computeTransform,p=h.transformInsideText,d=t(\"./style\").styleOne,g=t(\"../bar/style\").resizeText,m=t(\"./fx\"),v=t(\"./constants\"),y=t(\"./helpers\");function x(t,e,l,u){var h=t._fullLayout,g=!h.uniformtext.mode&&y.hasTransition(u),x=n.select(l).selectAll(\"g.slice\"),_=e[0],w=_.trace,T=_.hierarchy,k=y.findEntryWithLevel(T,w.level),M=y.getMaxDepth(w),A=h._size,S=w.domain,E=A.w*(S.x[1]-S.x[0]),C=A.h*(S.y[1]-S.y[0]),L=.5*Math.min(E,C),P=_.cx=A.l+A.w*(S.x[1]+S.x[0])/2,I=_.cy=A.t+A.h*(1-S.y[0])-C/2;if(!k)return x.remove();var z=null,O={};g&&x.each((function(t){O[y.getPtId(t)]={rpx0:t.rpx0,rpx1:t.rpx1,x0:t.x0,x1:t.x1,transform:t.transform},!z&&y.isEntry(t)&&(z=t)}));var D=function(t){return a.partition().size([2*Math.PI,t.height+1])(t)}(k).descendants(),R=k.height+1,F=0,B=M;_.hasMultipleRoots&&y.isHierarchyRoot(k)&&(D=D.slice(1),R-=1,F=1,B+=1),D=D.filter((function(t){return t.y1<=B}));var N=Math.min(R,M),j=function(t){return(t-F)/N*L},U=function(t,e){return[t*Math.cos(e),-t*Math.sin(e)]},V=function(t){return o.pathAnnulus(t.rpx0,t.rpx1,t.x0,t.x1,P,I)},q=function(t){return P+b(t)[0]*(t.transform.rCenter||0)+(t.transform.x||0)},H=function(t){return I+b(t)[1]*(t.transform.rCenter||0)+(t.transform.y||0)};(x=x.data(D,y.getPtId)).enter().append(\"g\").classed(\"slice\",!0),g?x.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=y.getPtId(t),a=O[r],i=O[y.getPtId(k)];if(i){var o=t.x1>i.x1?2*Math.PI:0;e=t.rpx1G?2*Math.PI:0;e={x0:i,x1:i}}else e={rpx0:L,rpx1:L},o.extendFlat(e,Z(t));else e={rpx0:0,rpx1:0};else e={x0:0,x1:0};return n.interpolate(e,a)}(t);return function(t){return V(e(t))}})):u.attr(\"d\",V),l.call(m,k,t,e,{eventDataKeys:v.eventDataKeys,transitionTime:v.CLICK_TRANSITION_TIME,transitionEasing:v.CLICK_TRANSITION_EASING}).call(y.setSliceCursor,t,{hideOnRoot:!0,hideOnLeaves:!0,isTransitioning:t._transitioning}),u.call(d,a,w);var x=o.ensureSingle(l,\"g\",\"slicetext\"),b=o.ensureSingle(x,\"text\",\"\",(function(t){t.attr(\"data-notex\",1)})),T=o.ensureUniformFontSize(t,y.determineTextFont(w,a,h.font));b.text(r.formatSliceLabel(a,k,w,e,h)).classed(\"slicetext\",!0).attr(\"text-anchor\",\"middle\").call(i.font,T).call(s.convertToTspans,t);var M=i.bBox(b.node());a.transform=p(M,a,_),a.transform.targetX=q(a),a.transform.targetY=H(a);var A=function(t,e){var r=t.transform;return f(r,e),r.fontSize=T.size,c(w.type,r,h),o.getTextTransform(r)};g?b.transition().attrTween(\"transform\",(function(t){var e=function(t){var e,r=O[y.getPtId(t)],a=t.transform;if(r)e=r;else if(e={rpx1:t.rpx1,transform:{textPosAngle:a.textPosAngle,scale:0,rotate:a.rotate,rCenter:a.rCenter,x:a.x,y:a.y}},z)if(t.parent)if(G){var i=t.x1>G?2*Math.PI:0;e.x0=e.x1=i}else o.extendFlat(e,Z(t));else e.x0=e.x1=0;else e.x0=e.x1=0;var s=n.interpolate(e.transform.textPosAngle,t.transform.textPosAngle),l=n.interpolate(e.rpx1,t.rpx1),u=n.interpolate(e.x0,t.x0),f=n.interpolate(e.x1,t.x1),p=n.interpolate(e.transform.scale,a.scale),d=n.interpolate(e.transform.rotate,a.rotate),g=0===a.rCenter?3:0===e.transform.rCenter?1/3:1,m=n.interpolate(e.transform.rCenter,a.rCenter);return function(t){var e=l(t),r=u(t),n=f(t),i=function(t){return m(Math.pow(t,g))}(t),o={pxmid:U(e,(r+n)/2),rpx1:e,transform:{textPosAngle:s(t),rCenter:i,x:a.x,y:a.y}};return c(w.type,a,h),{transform:{targetX:q(o),targetY:H(o),scale:p(t),rotate:d(t),rCenter:i}}}}(t);return function(t){return A(e(t),M)}})):b.attr(\"transform\",A(a,M))}))}function b(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,a){var i,o,s=t._fullLayout,l=s._sunburstlayer,c=!r,h=!s.uniformtext.mode&&y.hasTransition(r);(u(\"sunburst\",s),(i=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\"),i.order(),h)?(a&&(o=a()),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){x(t,e,this,r)}))}))):(i.each((function(e){x(t,e,this,r)})),s.uniformtext.mode&&g(t,s._sunburstlayer.selectAll(\".trace\"),\"sunburst\"));c&&i.exit().remove()},r.formatSliceLabel=function(t,e,r,n,a){var i=r.texttemplate,s=r.textinfo;if(!(i||s&&\"none\"!==s))return\"\";var l=a.separators,c=n[0],u=t.data.data,h=c.hierarchy,f=y.isHierarchyRoot(t),p=y.getParent(h,t),d=y.getValue(t);if(!i){var g,m=s.split(\"+\"),v=function(t){return-1!==m.indexOf(t)},x=[];if(v(\"label\")&&u.label&&x.push(u.label),u.hasOwnProperty(\"v\")&&v(\"value\")&&x.push(y.formatValue(u.v,l)),!f){v(\"current path\")&&x.push(y.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=y.formatPercent(w,l),_&&(g+=\" of \"+t),x.push(g)};v(\"percent parent\")&&!f&&(w=d/y.getValue(p),T(\"parent\")),v(\"percent entry\")&&(w=d/y.getValue(e),T(\"entry\")),v(\"percent root\")&&(w=d/y.getValue(h),T(\"root\"))}}return v(\"text\")&&(g=o.castOption(r,u.i,\"text\"),o.isValidTextValue(g)&&x.push(g)),x.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=y.formatValue(u.v,l)),M.currentPath=y.getPath(t.data),f||(M.percentParent=d/y.getValue(p),M.percentParentLabel=y.formatPercent(M.percentParent,l),M.parent=y.getPtLabel(p)),M.percentEntry=d/y.getValue(e),M.percentEntryLabel=y.formatPercent(M.percentEntry,l),M.entry=y.getPtLabel(e),M.percentRoot=d/y.getValue(h),M.percentRootLabel=y.formatPercent(M.percentRoot,l),M.root=y.getPtLabel(h),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,a._d3locale,M,r._meta||{})}},{\"../../components/drawing\":637,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../bar/style\":905,\"../bar/uniform_text\":907,\"../pie/plot\":1139,\"./constants\":1271,\"./fx\":1273,\"./helpers\":1274,\"./style\":1279,d3:169,\"d3-hierarchy\":161}],1279:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../components/color\"),i=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=i.castOption(r,s,\"marker.line.color\")||a.defaultLine,c=i.castOption(r,s,\"marker.line.width\")||0;t.style(\"stroke-width\",c).call(a.fill,n.color).call(a.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\":615,\"../../lib\":749,\"../bar/uniform_text\":907,d3:169}],1280:[function(t,e,r){\"use strict\";var n=t(\"../../components/color\"),a=t(\"../../components/colorscale/attributes\"),i=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:i(),connectgaps:{valType:\"boolean\",dflt:!1,editType:\"calc\"},surfacecolor:{valType:\"data_array\"}},a(\"\",{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({},a.zauto,{}),zmin:s({},a.zmin,{}),zmax:s({},a.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\":615,\"../../components/colorscale/attributes\":622,\"../../lib/extend\":739,\"../../plot_api/edit_types\":780,\"../../plots/attributes\":794,\"../../plots/template_attributes\":876}],1281:[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\":623}],1282:[function(t,e,r){\"use strict\";var n=t(\"gl-surface3d\"),a=t(\"ndarray\"),i=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\"),h=t(\"../../components/colorscale\").extractOpts;function f(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=f.prototype;p.getXat=function(t,e,r,n){var a=l(this.data.x)?l(this.data.x[0])?this.data.x[e][t]:this.data.x[t]:t;return void 0===r?a:n.d2l(a,0,r)},p.getYat=function(t,e,r,n){var a=l(this.data.y)?l(this.data.y[0])?this.data.y[e][t]:this.data.y[e]:e;return void 0===r?a:n.d2l(a,0,r)},p.getZat=function(t,e,r,n){var a=this.data.z[e][t];return null===a&&this.data.connectgaps&&this.data._interpolatedZ&&(a=this.data._interpolatedZ[e][t]),void 0===r?a:n.d2l(a,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),a=Math.max(Math.min(Math.round(r),this.data._ylength-1),0);t.index=[n,a],t.traceCoordinate=[this.getXat(n,a),this.getYat(n,a),this.getZat(n,a)],t.dataCoordinate=[this.getXat(n,a,this.data.xcalendar,this.scene.fullSceneLayout.xaxis),this.getYat(n,a,this.data.ycalendar,this.scene.fullSceneLayout.yaxis),this.getZat(n,a,this.data.zcalendar,this.scene.fullSceneLayout.zaxis)];for(var i=0;i<3;i++){var o=t.dataCoordinate[i];null!=o&&(t.dataCoordinate[i]*=this.scene.dataScale[i])}var s=this.data.hovertext||this.data.text;return Array.isArray(s)&&s[a]&&void 0!==s[a][n]?t.textLabel=s[a][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),a=1,i=0;i_;)r--,r/=v(r),++r1?n:1},p.refineCoords=function(t){for(var e=this.dataScaleX,r=this.dataScaleY,n=t[0].shape[0],i=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+i+1,u=a(new Float32Array(l*c),[l,c]),h=[1/e,0,0,0,1/r,0,0,0,1],f=0;f0&&null!==this.contourStart[t]&&null!==this.contourEnd[t]&&this.contourEnd[t]>this.contourStart[t]))for(a[t]=!0,e=this.contourStart[t];ei&&(this.minValues[e]=i),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\"}}},{}],1289:[function(t,e,r){\"use strict\";var n=t(\"./constants\"),a=t(\"../../lib/extend\").extendFlat,i=t(\"fast-isnumeric\");function o(t){if(Array.isArray(t)){for(var e=0,r=0;r=e||c===t.length-1)&&(n[a]=o,o.key=l++,o.firstRowIndex=s,o.lastRowIndex=c,o={firstRowIndex:null,lastRowIndex:null,rows:[]},a+=i,s=c+1,i=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=f(b,y-_+n.uplift),T=h(f(x,_),[]),k=h(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 i(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:a({},e.cells,{values:r}),headerCells:a({},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\":739,\"./constants\":1288,\"fast-isnumeric\":241}],1290:[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\":739}],1291:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./attributes\"),i=t(\"../../plots/domain\").defaults;e.exports=function(t,e,r,o){function s(r,i){return n.coerce(t,e,a,r,i)}i(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,a=r.slice(0,n),i=a.slice().sort((function(t,e){return t-e})),o=a.map((function(t){return i.indexOf(t)})),s=o.length;s/i),l=!o||s;t.mayHaveMarkup=o&&i.match(/[<&>]/);var c,u=\"string\"==typeof(c=i)&&c.match(n.latexCheck);t.latex=u;var h,f,p=u?\"\":_(t.calcdata.cells.prefix,e,r)||\"\",d=u?\"\":_(t.calcdata.cells.suffix,e,r)||\"\",g=u?null:_(t.calcdata.cells.format,e,r)||null,m=p+(g?a.format(g)(t.value):t.value)+d;if(t.wrappingNeeded=!t.wrapped&&!l&&!u&&(h=b(m)),t.cellHeightMayIncrease=s||u||t.mayHaveMarkup||(void 0===h?b(m):h),t.needsConvertToTspans=t.mayHaveMarkup||t.wrappingNeeded||t.latex,t.wrappingNeeded){var v=(\" \"===n.wrapSplitCharacter?m.replace(/a&&n.push(i),a+=l}return n}(a,l,s);1===c.length&&(c[0]===a.length-1?c.unshift(c[0]-1):c.push(c[0]+1)),c[0]%2&&c.reverse(),e.each((function(t,e){t.page=c[e],t.scrollY=l})),e.attr(\"transform\",(function(t){return\"translate(0 \"+(z(t.rowBlocks,t.page)-t.scrollY)+\")\"})),t&&(E(t,r,e,c,n.prevPages,n,0),E(t,r,e,c,n.prevPages,n,1),v(r,t))}}function S(t,e,r,i){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===i?s.scrollY+c*a.event.dy:i;var h=l.selectAll(\".\"+n.cn.yColumn).selectAll(\".\"+n.cn.columnBlock).filter(T);return A(t,h,l),s.scrollY===u}}function E(t,e,r,n,a,i,o){n[o]!==a[o]&&(clearTimeout(i.currentRepaint[o]),i.currentRepaint[o]=setTimeout((function(){var i=r.filter((function(t,e){return e===o&&n[e]!==a[e]}));y(t,e,i,r),a[o]=n[o]})))}function C(t,e,r,i){return function(){var o=a.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,a,i=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+(a=(r=s.shift()).width+i)>u&&(t.value+=l.join(n.wrapSpacer)+n.lineBreaker,l=[],c=0),l.push(r.text),c+=a;c&&(t.value+=l.join(n.wrapSpacer)),t.wrapped=!0})),o.selectAll(\"tspan.line\").remove(),x(o.select(\".\"+n.cn.cellText),r,t,i),a.select(e.parentNode.parentNode).call(I)}}function L(t,e,r,i,o){return function(){if(!o.settledY){var s=a.select(e.parentNode),l=R(o),c=o.key-l.firstRowIndex,u=l.rows[c].rowHeight,h=o.cellHeightMayIncrease?e.parentNode.getBoundingClientRect().height+2*n.cellPad:u,f=Math.max(h,u);f-l.rows[c].rowHeight&&(l.rows[c].rowHeight=f,t.selectAll(\".\"+n.cn.columnCell).call(I),A(null,t.filter(T),0),v(r,i,!0)),s.attr(\"transform\",(function(){var t=this.parentNode.getBoundingClientRect(),e=a.select(this.parentNode).select(\".\"+n.cn.cellRect).node().getBoundingClientRect(),r=this.transform.baseVal.consolidate(),i=e.top-t.top+(r?r.matrix.f:n.cellPad);return\"translate(\"+P(o,a.select(this.parentNode).select(\".\"+n.cn.cellTextHolder).node().getBoundingClientRect().width)+\" \"+i+\")\"})),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 I(t){t.attr(\"transform\",(function(t){var e=t.rowBlocks[0].auxiliaryBlocks.reduce((function(t,e){return t+O(e,1/0)}),0);return\"translate(0 \"+(O(R(t),t.key)+e)+\")\"})).selectAll(\".\"+n.cn.cellRect).attr(\"height\",(function(t){return(e=R(t),r=t.key,e.rows[r-e.firstRowIndex]).rowHeight;var e,r}))}function z(t,e){for(var r=0,n=e-1;n>=0;n--)r+=D(t[n]);return r}function O(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:a({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,domain:o({name:\"treemap\",trace:!0,editType:\"calc\"})}},{\"../../components/colorscale/attributes\":622,\"../../lib/extend\":739,\"../../plots/domain\":825,\"../../plots/template_attributes\":876,\"../pie/attributes\":1130,\"../sunburst/attributes\":1268,\"./constants\":1297}],1295:[function(t,e,r){\"use strict\";var n=t(\"../../plots/plots\");r.name=\"treemap\",r.plot=function(t,e,a,i){n.plotBasePlot(r.name,t,e,a,i)},r.clean=function(t,e,a,i){n.cleanBasePlot(r.name,t,e,a,i)}},{\"../../plots/plots\":861}],1296:[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\":1270}],1297:[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}},{}],1298:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./attributes\"),i=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,h=c.handleDefaults;e.exports=function(t,e,r,c){function f(r,i){return n.coerce(t,e,a,r,i)}var p=f(\"labels\"),d=f(\"parents\");if(p&&p.length&&d&&d.length){var g=f(\"values\");g&&g.length?f(\"branchvalues\"):f(\"count\"),f(\"level\"),f(\"maxdepth\"),\"squarify\"===f(\"tiling.packing\")&&f(\"tiling.squarifyratio\"),f(\"tiling.flip\"),f(\"tiling.pad\");var m=f(\"text\");f(\"texttemplate\"),e.texttemplate||f(\"textinfo\",Array.isArray(m)?\"text+label\":\"label\"),f(\"hovertext\"),f(\"hovertemplate\");var v=f(\"pathbar.visible\");s(t,e,c,f,\"auto\",{hasPathbar:v,moduleHasSelected:!1,moduleHasUnselected:!1,moduleHasConstrain:!1,moduleHasCliponaxis:!1,moduleHasTextangle:!1,moduleHasInsideanchor:!1}),f(\"textposition\");var y=-1!==e.textposition.indexOf(\"bottom\");f(\"marker.line.width\")&&f(\"marker.line.color\",c.paper_bgcolor);var x=f(\"marker.colors\"),b=e._hasColorscale=u(t,\"marker\",\"colors\")||(t.marker||{}).coloraxis;b?h(t,e,c,f,{prefix:\"marker.\",cLetter:\"c\"}):f(\"marker.depthfade\",!(x||[]).length);var _=2*e.textfont.size;f(\"marker.pad.t\",y?_/4:_),f(\"marker.pad.l\",_/4),f(\"marker.pad.r\",_/4),f(\"marker.pad.b\",y?_:_/4),b&&h(t,e,c,f,{prefix:\"marker.\",cLetter:\"c\"}),e._hovered={marker:{line:{width:2,color:i.contrast(c.paper_bgcolor)}}},v&&(f(\"pathbar.thickness\",e.pathbar.textfont.size+2*l),f(\"pathbar.side\"),f(\"pathbar.edgeshape\")),f(\"sort\"),o(e,c,f),e._length=null}else e.visible=!1}},{\"../../components/color\":615,\"../../components/colorscale\":627,\"../../lib\":749,\"../../plots/domain\":825,\"../bar/constants\":893,\"../bar/defaults\":895,\"./attributes\":1294}],1299:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\"),i=t(\"../../components/drawing\"),o=t(\"../../lib/svg_text_utils\"),s=t(\"./partition\"),l=t(\"./style\").styleOne,c=t(\"./constants\"),u=t(\"../sunburst/helpers\"),h=t(\"../sunburst/fx\");e.exports=function(t,e,r,f,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,P=g/C._entryDepth,I=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=I.indexOf(t.data.id);return-1!==e&&(t.x0=P*e,t.x1=P*(e+1),t.y0=d,t.y1=d+m,t.onPathbar=!0,!0)}))).reverse(),(f=f.data(z,u.getPtId)).enter().append(\"g\").classed(\"pathbar\",!0),T(f,!0,A,[g,m],x),f.order();var O=f;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 f=n.select(this),p=a.ensureSingle(f,\"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),f.call(h,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=a.ensureSingle(f,\"g\",\"slicetext\"),T=a.ensureSingle(d,\"text\",\"\",(function(t){t.attr(\"data-notex\",1)})),E=a.ensureUniformFontSize(t,u.determineTextFont(C,s,S.font,{onPathbar:!0}));T.text(s._text||\" \").classed(\"slicetext\",!0).attr(\"text-anchor\",\"start\").call(i.font,E).call(o.convertToTspans,t),s.textBB=i.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\":637,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../sunburst/fx\":1273,\"../sunburst/helpers\":1274,\"./constants\":1297,\"./partition\":1304,\"./style\":1306,d3:169}],1300:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\"),i=t(\"../../components/drawing\"),o=t(\"../../lib/svg_text_utils\"),s=t(\"./partition\"),l=t(\"./style\").styleOne,c=t(\"./constants\"),u=t(\"../sunburst/helpers\"),h=t(\"../sunburst/fx\"),f=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\"),P=-1!==E.textposition.indexOf(\"bottom\"),I=!P&&!E.marker.pad.t||P&&!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(P?s.y1-E.marker.pad.b/2:s.y0+E.marker.pad.t/2);var d=n.select(this),T=a.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(h,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?I?\"\":u.getPtLabel(s)||\"\":f(s,r,E,e,S)||\"\";var A=a.ensureSingle(d,\"g\",\"slicetext\"),z=a.ensureSingle(A,\"text\",\"\",(function(t){t.attr(\"data-notex\",1)})),O=a.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(i.font,O).call(o.convertToTspans,t),s.textBB=i.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\":637,\"../../lib\":749,\"../../lib/svg_text_utils\":773,\"../sunburst/fx\":1273,\"../sunburst/helpers\":1274,\"../sunburst/plot\":1278,\"./constants\":1297,\"./partition\":1304,\"./style\":1306,d3:169}],1301:[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\":1174,\"./attributes\":1294,\"./base_plot\":1295,\"./calc\":1296,\"./defaults\":1298,\"./layout_attributes\":1302,\"./layout_defaults\":1303,\"./plot\":1305,\"./style\":1306}],1302:[function(t,e,r){\"use strict\";e.exports={treemapcolorway:{valType:\"colorlist\",editType:\"calc\"},extendtreemapcolors:{valType:\"boolean\",dflt:!0,editType:\"calc\"}}},{}],1303:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./layout_attributes\");e.exports=function(t,e){function r(r,i){return n.coerce(t,e,a,r,i)}r(\"treemapcolorway\",e.colorway),r(\"extendtreemapcolors\")}},{\"../../lib\":749,\"./layout_attributes\":1302}],1304:[function(t,e,r){\"use strict\";var n=t(\"d3-hierarchy\");e.exports=function(t,e,r){var a,i=r.flipX,o=r.flipY,s=\"dice-slice\"===r.packing,l=r.pad[o?\"bottom\":\"top\"],c=r.pad[i?\"right\":\"left\"],u=r.pad[i?\"left\":\"right\"],h=r.pad[o?\"top\":\"bottom\"];s&&(a=c,c=l,l=a,a=u,u=h,h=a);var f=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(h).size(s?[e[1],e[0]]:e)(t);return(s||i||o)&&function t(e,r,n){var a;n.swapXY&&(a=e.x0,e.x0=e.y0,e.y0=a,a=e.x1,e.x1=e.y1,e.y1=a);n.flipX&&(a=e.x0,e.x0=r[0]-e.x1,e.x1=r[0]-a);n.flipY&&(a=e.y0,e.y0=r[1]-e.y1,e.y1=r[1]-a);var i=e.children;if(i)for(var o=0;o-1?E+P:-(L+P):0,z={x0:C,x1:C,y0:I,y1:I+L},O=function(t,e,r){var n=m.tiling.pad,a=function(t){return t-n<=e.x0},i=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:a(t.x0-n)?0:i(t.x0-n)?r[0]:t.x0,x1:a(t.x1+n)?0:i(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 a=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;f?a<(x=i-v.b)&&x\"===Q?(l.x-=i,c.x-=i,u.x-=i,h.x-=i):\"/\"===Q?(u.x-=i,h.x-=i,o.x-=i/2,s.x-=i/2):\"\\\\\"===Q?(l.x-=i,c.x-=i,o.x-=i/2,s.x-=i/2):\"<\"===Q&&(o.x-=i,s.x-=i),K(l),K(h),K(o),K(c),K(u),K(s),\"M\"+X(l.x,l.y)+\"L\"+X(c.x,c.y)+\"L\"+X(s.x,s.y)+\"L\"+X(u.x,u.y)+\"L\"+X(h.x,h.y)+\"L\"+X(o.x,o.y)+\"Z\"},toMoveInsideSlice:$,makeUpdateSliceInterpolator:et,makeUpdateTextInterpolator:rt,handleSlicesExit:nt,hasTransition:T,strTransform:at}):b.remove()}e.exports=function(t,e,r,i){var o,s,l=t._fullLayout,c=l._treemaplayer,f=!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&&a.hasTransition(r))?(i&&(s=i()),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&&h(t,l._treemaplayer.selectAll(\".trace\"),\"treemap\"));f&&o.exit().remove()}},{\"../../lib\":749,\"../bar/constants\":893,\"../bar/plot\":902,\"../bar/style\":905,\"../bar/uniform_text\":907,\"../sunburst/helpers\":1274,\"./constants\":1297,\"./draw_ancestors\":1299,\"./draw_descendants\":1300,d3:169}],1306:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../components/color\"),i=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,h=u.i,f=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&&\"rgba(0,0,0,0)\"===f)d=0,s=\"rgba(0,0,0,0)\",l=0;else if(s=i.castOption(r,h,\"marker.line.color\")||a.defaultLine,l=i.castOption(r,h,\"marker.line.width\")||0,!r._hasColorscale&&!e.onPathbar){var g=r.marker.depthfade;if(g){var m,v=a.combine(a.addOpacity(r._backgroundColor,.75),f);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\"===f.orientation?(w=e,y=\"y\",b=k,x=\"x\",_=T):(w=r,y=\"x\",b=T,x=\"y\",_=k);var M=h[t.index];if(w>=M.span[0]&&w<=M.span[1]){var A=n.extendFlat({},t),S=_.c2p(w,!0),E=o.getKdeValue(M,f,w),C=o.getPositionOnKdePath(M,f,S),L=b._offset,P=b._length;A[y+\"0\"]=C[0],A[y+\"1\"]=C[1],A[x+\"0\"]=A[x+\"1\"]=S,A[x+\"Label\"]=x+\": \"+a.hoverLabelText(_,w)+\", \"+h[0].t.labels.kde+\" \"+E.toFixed(3),A.spikeDistance=v[0].spikeDistance;var I=y+\"Spike\";A[I]=v[0][I],v[0].spikeDistance=void 0,v[0][I]=void 0,A.hovertemplate=!1,m.push(A),(u={stroke:t.color})[y+\"1\"]=n.constrain(L+C[0],L,L+P),u[y+\"2\"]=n.constrain(L+C[1],L,L+P),u[x+\"1\"]=u[x+\"2\"]=_._offset+S}}d&&(m=m.concat(v))}-1!==p.indexOf(\"points\")&&(c=i.hoverOnPoints(t,e,r));var z=l.selectAll(\".violinline-\"+f.uid).data(u?[0]:[]);return z.enter().append(\"line\").classed(\"violinline-\"+f.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\":749,\"../../plots/cartesian/axes\":798,\"../box/hover\":921,\"./helpers\":1311}],1313:[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\":811,\"../box/defaults\":919,\"../box/select\":926,\"../scatter/style\":1180,\"./attributes\":1307,\"./calc\":1308,\"./cross_trace_calc\":1309,\"./defaults\":1310,\"./hover\":1312,\"./layout_attributes\":1314,\"./layout_defaults\":1315,\"./plot\":1316,\"./style\":1317}],1314:[function(t,e,r){\"use strict\";var n=t(\"../box/layout_attributes\"),a=t(\"../../lib\").extendFlat;e.exports={violinmode:a({},n.boxmode,{}),violingap:a({},n.boxgap,{}),violingroupgap:a({},n.boxgroupgap,{})}},{\"../../lib\":749,\"../box/layout_attributes\":923}],1315:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./layout_attributes\"),i=t(\"../box/layout_defaults\");e.exports=function(t,e,r){i._supply(t,e,r,(function(r,i){return n.coerce(t,e,a,r,i)}),\"violin\")}},{\"../../lib\":749,\"../box/layout_defaults\":924,\"./layout_attributes\":1314}],1316:[function(t,e,r){\"use strict\";var n=t(\"d3\"),a=t(\"../../lib\"),i=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,h=e.xaxis,f=e.yaxis;function p(t){var e=s(t,{xaxis:h,yaxis:f,connectGaps:!0,baseTolerance:.75,shape:\"spline\",simplify:!0,linearized:!0});return i.smoothopen(e[0],1)}a.makeTraceGroups(c,r,\"trace violins\").each((function(t){var r=n.select(this),i=t[0],s=i.t,c=i.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(a.identity);_.enter().append(\"path\").style(\"vector-effect\",\"non-scaling-stroke\").attr(\"class\",\"violin\"),_.exit().remove(),_.each((function(t){var e,r,a,i,o,l,h,f,_=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(h=new Array(T),o=0;o\")),c.color=function(t,e){var r=t[e.dir].marker,n=r.color,i=r.line.color,o=r.line.width;if(a(n))return n;if(a(i)&&o)return i}(h,d),[c]}function w(t){return n(p,t)}}},{\"../../components/color\":615,\"../../constants/delta.js\":718,\"../../plots/cartesian/axes\":798,\"../bar/hover\":898}],1329:[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\":811,\"../bar/select\":903,\"./attributes\":1322,\"./calc\":1323,\"./cross_trace_calc\":1325,\"./defaults\":1326,\"./event_data\":1327,\"./hover\":1328,\"./layout_attributes\":1330,\"./layout_defaults\":1331,\"./plot\":1332,\"./style\":1333}],1330:[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\"}}},{}],1331:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),a=t(\"./layout_attributes\");e.exports=function(t,e,r){var i=!1;function o(r,i){return n.coerce(t,e,a,r,i)}for(var s=0;s0&&(m+=f?\"M\"+h[0]+\",\"+d[1]+\"V\"+d[0]:\"M\"+h[1]+\",\"+d[0]+\"H\"+h[0]),\"between\"!==p&&(r.isSum||s path\").each((function(t){if(!t.isBlank){var e=s[t.dir].marker;n.select(this).call(i.fill,e.color).call(i.stroke,e.line.color).call(a.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;a.lineGroupStyle(n.select(this).selectAll(\"path\"),t.width,t.color,t.dash)}))}))}}},{\"../../components/color\":615,\"../../components/drawing\":637,\"../../constants/interactions\":723,\"../bar/style\":905,\"../bar/uniform_text\":907,d3:169}],1334:[function(t,e,r){\"use strict\";var n=t(\"../plots/cartesian/axes\"),a=t(\"../lib\"),i=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,i){if(i.enabled){for(var o=i.target,l=a.nestedProperty(e,o),c=l.get(),u=function(t,e){var r=t.func,n=e.d2c,i=e.c2d;switch(r){case\"count\":return h;case\"first\":return f;case\"last\":return p;case\"sum\":return function(t,e){for(var r=0,a=0;aa&&(a=u,o=c)}}return a?i(o):s};case\"rms\":return function(t,e){for(var r=0,a=0,o=0;o\":return function(t){return f(t)>s};case\">=\":return function(t){return f(t)>=s};case\"[]\":return function(t){var e=f(t);return e>=s[0]&&e<=s[1]};case\"()\":return function(t){var e=f(t);return e>s[0]&&e=s[0]&&es[0]&&e<=s[1]};case\"][\":return function(t){var e=f(t);return e<=s[0]||e>=s[1]};case\")(\":return function(t){var e=f(t);return es[1]};case\"](\":return function(t){var e=f(t);return e<=s[0]||e>s[1]};case\")[\":return function(t){var e=f(t);return e=s[1]};case\"{}\":return function(t){return-1!==s.indexOf(f(t))};case\"}{\":return function(t){return-1===s.indexOf(f(t))}}}(r,i.getDataToCoordFunc(t,e,s,a),f),x={},b={},_=0;d?(m=function(t){x[t.astr]=n.extendDeep([],t.get()),t.set(new Array(h))},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(i=0;iaverage=
+38.98 ", - "Sex=female
+27.8 ", - "Fare=71.2833
+10.21 ", - "PassengerClass=1
+8.47 ", - "Deck=C
+6.21 ", - "Embarked=Cherbourg
+4.38 ", - "Age=38.0
-2.89 ", - "No_of_relatives_on_board=1
+1.31 ", - "No_of_parents_plus_children_on_board=0
+0.82 ", - "No_of_siblings_plus_spouses_on_board=1
+0.72 ", + "Population
average=
+39.26 ", + "Sex=female
+27.56 ", + "Fare=71.2833
+9.0 ", + "PassengerClass=1
+8.42 ", + "Deck=C
+6.88 ", + "Embarked=Cherbourg
+4.77 ", + "No_of_parents_plus_children_on_board=0
+2.03 ", + "No_of_siblings_plus_spouses_on_board=1
+1.87 ", + "Age=38.0
-1.79 ", "Other features combined=
0.0 ", - "Final Prediction=
+96.0 " + "Final Prediction=
+98.0 " ], "type": "bar", "x": [ @@ -278,26 +278,24 @@ "PassengerClass", "Deck", "Embarked", - "Age", - "No_of_relatives_on_board", "No_of_parents_plus_children_on_board", "No_of_siblings_plus_spouses_on_board", + "Age", "Other features combined", "Final Prediction" ], "y": [ - 38.98, - 27.8, - 10.21, - 8.47, - 6.21, - 4.38, - -2.89, - 1.31, - 0.82, - 0.72, + 39.26, + 27.56, + 9, + 8.42, + 6.88, + 4.77, + 2.03, + 1.87, + -1.79, 0, - 96 + 98 ] } ], @@ -323,7 +321,7 @@ } }, "title": { - "text": "Contribution to prediction probability = 96.0%", + "text": "Contribution to prediction probability = 98.0%", "x": 0.5 }, "yaxis": { @@ -338,9 +336,9 @@ } }, "text/html": [ - "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_interactions_importance('Sex', topx=5)" ] }, { @@ -8325,8 +7466,122 @@ "execution_count": 13, "metadata": { "ExecuteTime": { - "end_time": "2020-10-12T08:40:00.086241Z", - "start_time": "2020-10-12T08:39:59.781127Z" + "end_time": "2021-01-20T15:57:08.136739Z", + "start_time": "2021-01-20T15:57:08.123962Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "hoverinfo": "text", + "orientation": "h", + "type": "bar", + "x": [ + 0.0029194069956989177, + 0.004043118618002805, + 0.004282542292886905, + 0.005542762165956784, + 0.03591736862657402 + ], + "y": [ + "5. No_of_parents_plus_children_on_board", + "4. PassengerClass", + "3. Sex", + "2. Deck", + "1. Fare" + ] + } + ], + "layout": { + "height": 300, + "margin": { + "b": 50, + "l": 252, + "pad": 4, + "r": 50, + "t": 50 + }, + "plot_bgcolor": "#fff", + "showlegend": false, + "template": { + "data": { + "scatter": [ + { + "type": "scatter" + } + ] + } + }, + "title": { + "text": "Average interaction shap values for Fare" + }, + "xaxis": { + "automargin": true, + "title": { + "text": "" + } + }, + "yaxis": { + "automargin": true + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_interactions_importance('Fare', topx=5)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Detailed shap interactions summary:" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T15:57:15.262189Z", + "start_time": "2021-01-20T15:57:15.132565Z" } }, "outputs": [ @@ -8337,210 +7592,854 @@ "plotlyServerURL": "https://plot.ly" }, "data": [ + { + "hoverinfo": "text", + "marker": { + "color": "#636EFA", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Sex_male", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Palsson, Master. Gosta Leonard
Sex=Sex_male
shap=-0.161", + "None=Saundercock, Mr. William Henry
Sex=Sex_male
shap=-0.154", + "None=Meyer, Mr. Edgar Joseph
Sex=Sex_male
shap=-0.150", + "None=Kraeff, Mr. Theodor
Sex=Sex_male
shap=-0.154", + "None=Harris, Mr. Henry Birkhardt
Sex=Sex_male
shap=-0.146", + "None=Skoog, Master. Harald
Sex=Sex_male
shap=-0.162", + "None=Kink, Mr. Vincenz
Sex=Sex_male
shap=-0.154", + "None=Hood, Mr. Ambrose Jr
Sex=Sex_male
shap=-0.154", + "None=Ford, Mr. William Neal
Sex=Sex_male
shap=-0.156", + "None=Christmann, Mr. Emil
Sex=Sex_male
shap=-0.154", + "None=Andreasson, Mr. Paul Edvin
Sex=Sex_male
shap=-0.155", + "None=Chaffee, Mr. Herbert Fuller
Sex=Sex_male
shap=-0.146", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Sex=Sex_male
shap=-0.152", + "None=White, Mr. Richard Frasar
Sex=Sex_male
shap=-0.155", + "None=Rekic, Mr. Tido
Sex=Sex_male
shap=-0.154", + "None=Barton, Mr. David John
Sex=Sex_male
shap=-0.154", + "None=Pekoniemi, Mr. Edvard
Sex=Sex_male
shap=-0.154", + "None=Turpin, Mr. William John Robert
Sex=Sex_male
shap=-0.155", + "None=Moore, Mr. Leonard Charles
Sex=Sex_male
shap=-0.152", + "None=Osen, Mr. Olaf Elon
Sex=Sex_male
shap=-0.153", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Sex=Sex_male
shap=-0.157", + "None=Bateman, Rev. Robert James
Sex=Sex_male
shap=-0.155", + "None=Meo, Mr. Alfonzo
Sex=Sex_male
shap=-0.153", + "None=Cribb, Mr. John Hatfield
Sex=Sex_male
shap=-0.156", + "None=Van der hoef, Mr. Wyckoff
Sex=Sex_male
shap=-0.146", + "None=Sivola, Mr. Antti Wilhelm
Sex=Sex_male
shap=-0.154", + "None=Klasen, Mr. Klas Albin
Sex=Sex_male
shap=-0.152", + "None=Rood, Mr. Hugh Roscoe
Sex=Sex_male
shap=-0.157", + "None=Vande Walle, Mr. Nestor Cyriel
Sex=Sex_male
shap=-0.154", + "None=Backstrom, Mr. Karl Alfred
Sex=Sex_male
shap=-0.155", + "None=Blank, Mr. Henry
Sex=Sex_male
shap=-0.153", + "None=Ali, Mr. Ahmed
Sex=Sex_male
shap=-0.154", + "None=Green, Mr. George Henry
Sex=Sex_male
shap=-0.154", + "None=Nenkoff, Mr. Christo
Sex=Sex_male
shap=-0.152", + "None=Hunt, Mr. George Henry
Sex=Sex_male
shap=-0.155", + "None=Reed, Mr. James George
Sex=Sex_male
shap=-0.152", + "None=Stead, Mr. William Thomas
Sex=Sex_male
shap=-0.156", + "None=Smith, Mr. Thomas
Sex=Sex_male
shap=-0.150", + "None=Asplund, Master. Edvin Rojj Felix
Sex=Sex_male
shap=-0.163", + "None=Smith, Mr. Richard William
Sex=Sex_male
shap=-0.159", + "None=Levy, Mr. Rene Jacques
Sex=Sex_male
shap=-0.163", + "None=Lewy, Mr. Ervin G
Sex=Sex_male
shap=-0.154", + "None=Williams, Mr. Howard Hugh \"Harry\"
Sex=Sex_male
shap=-0.152", + "None=Sage, Mr. George John Jr
Sex=Sex_male
shap=-0.161", + "None=Nysveen, Mr. Johan Hansen
Sex=Sex_male
shap=-0.152", + "None=Denkoff, Mr. Mitto
Sex=Sex_male
shap=-0.152", + "None=Dimic, Mr. Jovan
Sex=Sex_male
shap=-0.154", + "None=del Carlo, Mr. Sebastiano
Sex=Sex_male
shap=-0.150", + "None=Beavan, Mr. William Thomas
Sex=Sex_male
shap=-0.154", + "None=Widener, Mr. Harry Elkins
Sex=Sex_male
shap=-0.154", + "None=Gustafsson, Mr. Karl Gideon
Sex=Sex_male
shap=-0.155", + "None=Plotcharsky, Mr. Vasil
Sex=Sex_male
shap=-0.152", + "None=Goodwin, Master. Sidney Leonard
Sex=Sex_male
shap=-0.161", + "None=Sadlier, Mr. Matthew
Sex=Sex_male
shap=-0.149", + "None=Gustafsson, Mr. Johan Birger
Sex=Sex_male
shap=-0.154", + "None=Niskanen, Mr. Juha
Sex=Sex_male
shap=-0.154", + "None=Matthews, Mr. William John
Sex=Sex_male
shap=-0.155", + "None=Charters, Mr. David
Sex=Sex_male
shap=-0.152", + "None=Johannesen-Bratthammer, Mr. Bernt
Sex=Sex_male
shap=-0.152", + "None=Peuchen, Major. Arthur Godfrey
Sex=Sex_male
shap=-0.152", + "None=Anderson, Mr. Harry
Sex=Sex_male
shap=-0.155", + "None=Milling, Mr. Jacob Christian
Sex=Sex_male
shap=-0.155", + "None=Karlsson, Mr. Nils August
Sex=Sex_male
shap=-0.154", + "None=Frost, Mr. Anthony Wood \"Archie\"
Sex=Sex_male
shap=-0.153", + "None=Bishop, Mr. Dickinson H
Sex=Sex_male
shap=-0.160", + "None=Windelov, Mr. Einar
Sex=Sex_male
shap=-0.154", + "None=Shellard, Mr. Frederick William
Sex=Sex_male
shap=-0.155", + "None=Svensson, Mr. Olof
Sex=Sex_male
shap=-0.155", + "None=Penasco y Castellana, Mr. Victor de Satode
Sex=Sex_male
shap=-0.157", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Sex=Sex_male
shap=-0.155", + "None=Kassem, Mr. Fared
Sex=Sex_male
shap=-0.155", + "None=Butt, Major. Archibald Willingham
Sex=Sex_male
shap=-0.146", + "None=Beane, Mr. Edward
Sex=Sex_male
shap=-0.153", + "None=Goldsmith, Mr. Frank John
Sex=Sex_male
shap=-0.154", + "None=Morrow, Mr. Thomas Rowan
Sex=Sex_male
shap=-0.150", + "None=Harris, Mr. George
Sex=Sex_male
shap=-0.156", + "None=Patchett, Mr. George
Sex=Sex_male
shap=-0.155", + "None=Ross, Mr. John Hugo
Sex=Sex_male
shap=-0.159", + "None=Murdlin, Mr. Joseph
Sex=Sex_male
shap=-0.152", + "None=Boulos, Mr. Hanna
Sex=Sex_male
shap=-0.155", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Sex=Sex_male
shap=-0.152", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Sex=Sex_male
shap=-0.153", + "None=Lindell, Mr. Edvard Bengtsson
Sex=Sex_male
shap=-0.155", + "None=Daniel, Mr. Robert Williams
Sex=Sex_male
shap=-0.154", + "None=Jardin, Mr. Jose Neto
Sex=Sex_male
shap=-0.152", + "None=Horgan, Mr. John
Sex=Sex_male
shap=-0.150", + "None=Yasbeck, Mr. Antoni
Sex=Sex_male
shap=-0.156", + "None=Bostandyeff, Mr. Guentcho
Sex=Sex_male
shap=-0.155", + "None=Lundahl, Mr. Johan Svensson
Sex=Sex_male
shap=-0.153", + "None=Stahelin-Maeglin, Dr. Max
Sex=Sex_male
shap=-0.156", + "None=Willey, Mr. Edward
Sex=Sex_male
shap=-0.152", + "None=Eitemiller, Mr. George Floyd
Sex=Sex_male
shap=-0.155", + "None=Colley, Mr. Edward Pomeroy
Sex=Sex_male
shap=-0.155", + "None=Coleff, Mr. Peju
Sex=Sex_male
shap=-0.154", + "None=Davidson, Mr. Thornton
Sex=Sex_male
shap=-0.158", + "None=Hassab, Mr. Hammad
Sex=Sex_male
shap=-0.158", + "None=Goodwin, Mr. Charles Edward
Sex=Sex_male
shap=-0.158", + "None=Panula, Mr. Jaako Arnold
Sex=Sex_male
shap=-0.158", + "None=Fischer, Mr. Eberhard Thelander
Sex=Sex_male
shap=-0.155", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
Sex=Sex_male
shap=-0.153", + "None=Hansen, Mr. Henrik Juul
Sex=Sex_male
shap=-0.155", + "None=Calderhead, Mr. Edward Pennington
Sex=Sex_male
shap=-0.156", + "None=Klaber, Mr. Herman
Sex=Sex_male
shap=-0.160", + "None=Taylor, Mr. Elmer Zebley
Sex=Sex_male
shap=-0.148", + "None=Larsson, Mr. August Viktor
Sex=Sex_male
shap=-0.154", + "None=Greenberg, Mr. Samuel
Sex=Sex_male
shap=-0.154", + "None=McEvoy, Mr. Michael
Sex=Sex_male
shap=-0.151", + "None=Johnson, Mr. Malkolm Joackim
Sex=Sex_male
shap=-0.154", + "None=Gillespie, Mr. William Henry
Sex=Sex_male
shap=-0.155", + "None=Berriman, Mr. William John
Sex=Sex_male
shap=-0.155", + "None=Troupiansky, Mr. Moses Aaron
Sex=Sex_male
shap=-0.155", + "None=Williams, Mr. Leslie
Sex=Sex_male
shap=-0.156", + "None=Ivanoff, Mr. Kanio
Sex=Sex_male
shap=-0.152", + "None=McNamee, Mr. Neal
Sex=Sex_male
shap=-0.154", + "None=Connaghton, Mr. Michael
Sex=Sex_male
shap=-0.157", + "None=Carlsson, Mr. August Sigfrid
Sex=Sex_male
shap=-0.155", + "None=Eklund, Mr. Hans Linus
Sex=Sex_male
shap=-0.154", + "None=Moran, Mr. Daniel J
Sex=Sex_male
shap=-0.152", + "None=Lievens, Mr. Rene Aime
Sex=Sex_male
shap=-0.154", + "None=Johnston, Mr. Andrew G
Sex=Sex_male
shap=-0.159", + "None=Ali, Mr. William
Sex=Sex_male
shap=-0.154", + "None=Guggenheim, Mr. Benjamin
Sex=Sex_male
shap=-0.156", + "None=Carter, Master. William Thornton II
Sex=Sex_male
shap=-0.163", + "None=Thomas, Master. Assad Alexander
Sex=Sex_male
shap=-0.155", + "None=Johansson, Mr. Karl Johan
Sex=Sex_male
shap=-0.155", + "None=Slemen, Mr. Richard James
Sex=Sex_male
shap=-0.155", + "None=Tomlin, Mr. Ernest Portage
Sex=Sex_male
shap=-0.154", + "None=McCormack, Mr. Thomas Joseph
Sex=Sex_male
shap=-0.150", + "None=Richards, Master. George Sibley
Sex=Sex_male
shap=-0.158", + "None=Mudd, Mr. Thomas Charles
Sex=Sex_male
shap=-0.153", + "None=Lemberopolous, Mr. Peter L
Sex=Sex_male
shap=-0.155", + "None=Sage, Mr. Douglas Bullen
Sex=Sex_male
shap=-0.161", + "None=Razi, Mr. Raihed
Sex=Sex_male
shap=-0.155", + "None=Johnson, Master. Harold Theodor
Sex=Sex_male
shap=-0.156", + "None=Carlsson, Mr. Frans Olof
Sex=Sex_male
shap=-0.151", + "None=Gustafsson, Mr. Alfred Ossian
Sex=Sex_male
shap=-0.155", + "None=Montvila, Rev. Juozas
Sex=Sex_male
shap=-0.155" + ], + "type": "scattergl", + "x": [ + -0.16144300501586398, + -0.15424453554306183, + -0.1500544979670068, + -0.15426975998097203, + -0.14581892046717276, + -0.16226603681175705, + -0.15421350417607668, + -0.15352871957563918, + -0.15600768438874074, + -0.15397792580194197, + -0.15474546791947696, + -0.1463757432062911, + -0.15246348550384314, + -0.15511006835154376, + -0.15418922549807995, + -0.15407861731209627, + -0.15430465289484585, + -0.15481504054388978, + -0.15197461319863453, + -0.15337599775721455, + -0.1571988793833267, + -0.15459184119392239, + -0.1533107771505049, + -0.1562100032216415, + -0.1457728426251963, + -0.15430465289484585, + -0.1520262620250064, + -0.15739821646288704, + -0.15432170373576914, + -0.155042216366506, + -0.15260545571277984, + -0.15377116410133984, + -0.15364346192231287, + -0.15246348550384314, + -0.1553831288838853, + -0.15195129694974152, + -0.1562992492289667, + -0.14970708884269268, + -0.16280693072501543, + -0.1591077311059062, + -0.16296326112077383, + -0.15402121868894464, + -0.15197461319863453, + -0.16116157809429776, + -0.15212850066895028, + -0.15246348550384314, + -0.15409470211449275, + -0.14966303973912667, + -0.15405876741649005, + -0.15448999040533523, + -0.1547479772151621, + -0.15246348550384314, + -0.16068606343562347, + -0.1492438548614048, + -0.15425679849752957, + -0.15397476411690653, + -0.1550397814213273, + -0.15217210986156876, + -0.15197461319863453, + -0.1522745274344094, + -0.1549789751671006, + -0.15453139836794866, + -0.15430459312948033, + -0.1527670772129865, + -0.16038222812537017, + -0.15423266618061568, + -0.1548005842589218, + -0.15450945900156854, + -0.15673225000458957, + -0.15453470443360617, + -0.1545445142949512, + -0.14590821408999044, + -0.152763759036777, + -0.15372109911476087, + -0.14970708884269268, + -0.15595168490770275, + -0.1550897602722978, + -0.15910420679950601, + -0.15197461319863453, + -0.1545445142949512, + -0.15247857914105334, + -0.15255275106073618, + -0.154680284638984, + -0.15432862432172428, + -0.15192036569445966, + -0.14970708884269268, + -0.1564754123300813, + -0.1545403878285027, + -0.15291004086948307, + -0.15622477408516217, + -0.15218914212957174, + -0.15485430324863417, + -0.15456708575882583, + -0.1536297360268859, + -0.15828450390590348, + -0.15767397615452233, + -0.15804499539501532, + -0.15820734634921219, + -0.15481077710291652, + -0.15324177401093464, + -0.154959975916335, + -0.1564872503820062, + -0.1601666404900587, + -0.1475577913909601, + -0.15427638393119503, + -0.1543723959316915, + -0.15148049649966522, + -0.15418223376550394, + -0.1553831288838853, + -0.15485430324863417, + -0.15485430324863417, + -0.1561122070987846, + -0.15246348550384314, + -0.15438290194235027, + -0.15671901420959422, + -0.15472762959056513, + -0.1540652075558866, + -0.15198375722300128, + -0.15410353314677255, + -0.15873544746227963, + -0.15389116149771281, + -0.1558366448395112, + -0.16286574092830666, + -0.15488913107114366, + -0.154794531809467, + -0.15489430971180385, + -0.15410444645568883, + -0.14970708884269268, + -0.15783984094280842, + -0.15345661164601926, + -0.15489181779907998, + -0.16116157809429776, + -0.1545445142949512, + -0.15554772443634962, + -0.151103933876887, + -0.1545429936723149, + -0.1550070064434691 + ], + "xaxis": "x", + "y": [ + 0.5653480893732484, + 0.690084193099386, + 0.8591286815637457, + 0.4755413838104793, + 0.119611392601085, + 0.2091900340497158, + 0.634965064394998, + 0.9856041243664543, + 0.6846643994881537, + 0.5797982914088979, + 0.5507660940784659, + 0.5309948274723452, + 0.8616951184121431, + 0.6805286976109582, + 0.4381421923829406, + 0.7934501483957669, + 0.879911285029708, + 0.34858509659681813, + 0.29679727759342733, + 0.7559020310810545, + 0.8705760542775831, + 0.045869308853786483, + 0.2625217607553262, + 0.5256716595917114, + 0.45227331962232586, + 0.6284619847556271, + 0.9494335911563833, + 0.9670809299872821, + 0.6387549945792836, + 0.7994968516765726, + 0.4083580908646651, + 0.41012895483754186, + 0.1234484108770445, + 0.49104006604407513, + 0.12193806144634622, + 0.6797182267134667, + 0.783938403430788, + 0.16512189880925332, + 0.7329520386481321, + 0.08769387845841359, + 0.8380115852192828, + 0.6099400628261781, + 0.2604862941471193, + 0.723693501975549, + 0.06568825961475533, + 0.16614368705652827, + 0.32331474105030444, + 0.5678397627487106, + 0.9382542637611552, + 0.6236366456186838, + 0.03313990260818456, + 0.0002843975277816435, + 0.38402008799403775, + 0.09151181498882766, + 0.8228290113609471, + 0.5786267058213386, + 0.06638296112243813, + 0.7249509637347987, + 0.9110396680627385, + 0.13854617354233634, + 0.30368865056828764, + 0.41272967767886426, + 0.27577971366119325, + 0.5492712301216626, + 0.6117470278438358, + 0.21290929408162107, + 0.9041205020535273, + 0.7841487011891541, + 0.4918300345281048, + 0.08001485688138854, + 0.02928306909242928, + 0.1795055336843806, + 0.6494501772611149, + 0.42644343649810224, + 0.4319758442591025, + 0.0937739734822135, + 0.9224491200586629, + 0.7701852741268371, + 0.0682680695465877, + 0.29320589048795465, + 0.39725564445791206, + 0.3065567327658325, + 0.2718041095734067, + 0.6704049901588799, + 0.8070479424754992, + 0.5754767814120679, + 0.9762368907069727, + 0.08720857732580245, + 0.6324594732238485, + 0.7284503605858778, + 0.9150902592769682, + 0.3643229201807505, + 0.794458397978525, + 0.5619099615732235, + 0.5529017274697305, + 0.24458843145919795, + 0.12212633669148287, + 0.5399055792296362, + 0.2806088746278612, + 0.30199872037534914, + 0.055108936987015356, + 0.737001490917383, + 0.15484046242626137, + 0.1368334905822295, + 0.07784638266789068, + 0.6604567490343457, + 0.05694407234308052, + 0.9180869550597344, + 0.9956976995007917, + 0.16418694170799775, + 0.09335408607182094, + 0.9473884996659708, + 0.6252963950141412, + 0.7039816650392512, + 0.1560358025892723, + 0.3920170346137051, + 0.3539442233330595, + 0.492612623582951, + 0.8525373694691984, + 0.502543699882384, + 0.783470030524475, + 0.8734415503812966, + 0.5223054041652466, + 0.02568870396230649, + 0.06816685409417589, + 0.93109602615309, + 0.3907999055115565, + 0.9666609454069294, + 0.3878697479995473, + 0.9912259868721864, + 0.6956445902465488, + 0.18724025799410293, + 0.08919758381040999, + 0.07892759417607309, + 0.20490271575078423, + 0.17087318269598017, + 0.9594791475246283 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#EF553B", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Sex_female", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Sex=Sex_female
shap=0.274", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Sex=Sex_female
shap=0.265", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Sex=Sex_female
shap=0.274", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Sex=Sex_female
shap=0.269", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Sex=Sex_female
shap=0.269", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Sex=Sex_female
shap=0.278", + "None=Glynn, Miss. Mary Agatha
Sex=Sex_female
shap=0.265", + "None=Devaney, Miss. Margaret Delia
Sex=Sex_female
shap=0.268", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Sex=Sex_female
shap=0.274", + "None=Rugg, Miss. Emily
Sex=Sex_female
shap=0.270", + "None=Ilett, Miss. Bertha
Sex=Sex_female
shap=0.270", + "None=Moran, Miss. Bertha
Sex=Sex_female
shap=0.269", + "None=Jussila, Miss. Katriina
Sex=Sex_female
shap=0.274", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Sex=Sex_female
shap=0.277", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Sex=Sex_female
shap=0.268", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Sex=Sex_female
shap=0.274", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Sex=Sex_female
shap=0.276", + "None=Asplund, Miss. Lillian Gertrud
Sex=Sex_female
shap=0.283", + "None=Harknett, Miss. Alice Phoebe
Sex=Sex_female
shap=0.268", + "None=Thorne, Mrs. Gertrude Maybelle
Sex=Sex_female
shap=0.265", + "None=Parrish, Mrs. (Lutie Davis)
Sex=Sex_female
shap=0.269", + "None=Healy, Miss. Hanora \"Nora\"
Sex=Sex_female
shap=0.265", + "None=Andrews, Miss. Kornelia Theodosia
Sex=Sex_female
shap=0.264", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Sex=Sex_female
shap=0.271", + "None=Connolly, Miss. Kate
Sex=Sex_female
shap=0.270", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Sex=Sex_female
shap=0.281", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Sex=Sex_female
shap=0.276", + "None=Burns, Miss. Elizabeth Margaret
Sex=Sex_female
shap=0.263", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Sex=Sex_female
shap=0.267", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Sex=Sex_female
shap=0.282", + "None=Minahan, Miss. Daisy E
Sex=Sex_female
shap=0.269", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Sex=Sex_female
shap=0.269", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Sex=Sex_female
shap=0.269", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Sex=Sex_female
shap=0.265", + "None=O'Sullivan, Miss. Bridget Mary
Sex=Sex_female
shap=0.264", + "None=Laitinen, Miss. Kristina Sofia
Sex=Sex_female
shap=0.272", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Sex=Sex_female
shap=0.269", + "None=Cacic, Miss. Marija
Sex=Sex_female
shap=0.272", + "None=Hart, Miss. Eva Miriam
Sex=Sex_female
shap=0.271", + "None=Ohman, Miss. Velin
Sex=Sex_female
shap=0.273", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Sex=Sex_female
shap=0.253", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Sex=Sex_female
shap=0.264", + "None=Bourke, Miss. Mary
Sex=Sex_female
shap=0.280", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Sex=Sex_female
shap=0.268", + "None=Shutes, Miss. Elizabeth W
Sex=Sex_female
shap=0.262", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Sex=Sex_female
shap=0.271", + "None=Stanley, Miss. Amy Zillah Elsie
Sex=Sex_female
shap=0.273", + "None=Hegarty, Miss. Hanora \"Nora\"
Sex=Sex_female
shap=0.269", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Sex=Sex_female
shap=0.268", + "None=Turja, Miss. Anna Sofia
Sex=Sex_female
shap=0.272", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Sex=Sex_female
shap=0.278", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
Sex=Sex_female
shap=0.292", + "None=Allen, Miss. Elisabeth Walton
Sex=Sex_female
shap=0.270", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Sex=Sex_female
shap=0.269", + "None=Hogeboom, Mrs. John C (Anna Andrews)
Sex=Sex_female
shap=0.268", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Sex=Sex_female
shap=0.261", + "None=Ayoub, Miss. Banoura
Sex=Sex_female
shap=0.275", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
Sex=Sex_female
shap=0.277", + "None=Sjoblom, Miss. Anna Sofia
Sex=Sex_female
shap=0.272", + "None=Leader, Dr. Alice (Farnham)
Sex=Sex_female
shap=0.269", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Sex=Sex_female
shap=0.266", + "None=Boulos, Miss. Nourelain
Sex=Sex_female
shap=0.279", + "None=Aks, Mrs. Sam (Leah Rosen)
Sex=Sex_female
shap=0.271" + ], + "type": "scattergl", + "x": [ + 0.27362681674591716, + 0.2652551067789264, + 0.2739892707401493, + 0.26852633496083306, + 0.26940993828950277, + 0.27819033911593927, + 0.2648434323009837, + 0.2684666372260558, + 0.2735300167463768, + 0.2702317602366876, + 0.26962542839498016, + 0.2691085705535152, + 0.2743127087229307, + 0.2768133281337944, + 0.2681031393829495, + 0.27432453453922256, + 0.2756369330314437, + 0.28344811780207074, + 0.267981728346429, + 0.26511055747313594, + 0.2689207398893295, + 0.2648434323009837, + 0.2643968334257498, + 0.2707820483562832, + 0.26980821925518705, + 0.28128436953778346, + 0.2755906903206892, + 0.26280604956635306, + 0.266522027249694, + 0.2817548244023861, + 0.2685266150423501, + 0.26852993956842275, + 0.2694421520438393, + 0.2651193358554004, + 0.26400015737994525, + 0.27154806602435116, + 0.26917871860200554, + 0.272139552606938, + 0.2708559719376409, + 0.273220620553124, + 0.2530559810317809, + 0.26434554844342034, + 0.2802312237143967, + 0.2677215039928182, + 0.26189401118370853, + 0.27136225455005425, + 0.2726249631781522, + 0.26861797374752505, + 0.2684067212587835, + 0.2721318964575081, + 0.2782084235164777, + 0.29227722618147667, + 0.27018614342496095, + 0.2685898847917101, + 0.2679013403087399, + 0.2609918866703137, + 0.2751400696783628, + 0.276562813651469, + 0.27234726510850615, + 0.26870304067796663, + 0.2664802538659689, + 0.27902163907152394, + 0.27114064333478793 + ], + "xaxis": "x", + "y": [ + 0.4303085494370872, + 0.6224613723746372, + 0.2416543476404327, + 0.9374466670119541, + 0.34489529005768693, + 0.09301590880090072, + 0.6379019908014054, + 0.36451691564430355, + 0.18824395105256808, + 0.3436377179670199, + 0.7664562859117954, + 0.2872885630179389, + 0.6757406143058813, + 0.9526508483276839, + 0.5778353844590197, + 0.18718133185103014, + 0.4812597208119319, + 0.10667779553092882, + 0.2512238009716561, + 0.8023451418612474, + 0.6162965038980288, + 0.8503785430469332, + 0.6710188913393703, + 0.38782022849667297, + 0.4033369953901431, + 0.8363663313361083, + 0.9936086798239331, + 0.36223309540951143, + 0.8816658633485955, + 0.10448715143213494, + 0.7528905975124512, + 0.5172489550310919, + 0.45050740389214006, + 0.5699622707981438, + 0.07667085267423779, + 0.4149445192832133, + 0.1310105602922692, + 0.11133432859791048, + 0.21235346331760507, + 0.2714377558751154, + 0.9742970115279532, + 0.7838848311988444, + 0.3583965636624251, + 0.22199266789513905, + 0.2707451450978282, + 0.08099015003047438, + 0.7428786194638801, + 0.24433058519200812, + 0.48019042869188755, + 0.6828447868342852, + 0.45248163487996385, + 0.10490462999696826, + 0.9648988123000355, + 0.9907576749304803, + 0.7086588962770075, + 0.2715871963747809, + 0.8368636801811853, + 0.035391002397521354, + 0.3824674155950941, + 0.42723237962548455, + 0.38306771150784324, + 0.8354153641946127, + 0.49871666484575905 + ], + "yaxis": "y" + }, { "hoverinfo": "text", "marker": { "color": [ - 0, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 0, - 0, - 1, - 1, 1, 1, + 3, + 3, + 2, + 3, + 3, + 3, + 3, 1, + 3, + 3, + 3, + 2, 1, - 0, - 0, + 3, + 3, + 2, + 2, + 3, + 3, + 3, 1, + 3, 1, + 3, + 3, + 3, + 3, + 3, + 2, + 3, + 3, + 3, + 2, + 2, + 3, + 3, 1, - 0, - 0, 1, + 3, + 3, 1, - 0, - 0, - 0, + 3, 1, - 0, - 0, + 3, + 3, 1, + 3, + 3, + 3, + 3, + 3, + 2, + 3, 1, 1, + 2, + 3, + 3, + 3, 1, + 3, 1, - 0, + 3, 1, - 0, + 2, 1, + 3, + 3, + 3, 1, + 3, 1, - 0, + 3, + 2, + 3, 1, 1, + 3, + 3, + 3, + 3, + 3, + 3, + 3, 1, + 2, + 3, + 2, + 2, + 3, 1, 1, + 2, + 2, + 3, + 2, 1, - 0, + 3, + 3, + 3, + 3, + 3, 1, - 0, 1, + 2, + 3, + 3, + 2, 1, - 0, - 0, + 2, + 3, + 3, 1, + 3, + 2, 1, + 3, 1, + 3, + 3, + 3, 1, - 0, 1, + 3, 1, + 2, 1, + 3, + 3, + 3, + 3, + 3, + 3, 1, + 3, + 3, + 3, + 2, 1, + 3, + 2, 1, - 0, - 0, + 3, 1, + 3, + 3, + 3, + 3, 1, - 0, + 3, 1, - 0, - 0, 1, 1, + 3, + 2, + 2, + 3, + 3, + 2, 1, - 0, - 0, + 2, + 2, + 3, + 3, + 3, + 3, + 3, 1, + 3, 1, - 0, + 3, + 3, 1, + 3, 1, + 3, + 3, + 3, 1, - 0, 1, + 2, 1, + 3, + 3, + 2, + 3, + 3, + 2, + 2, + 3, + 3, + 3, + 3, + 3, + 3, 1, - 1, - 1, - 0, - 0, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 0, - 0, - 1, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 0, - 0, - 0, - 1, - 1, - 0, - 1, - 0, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 0, - 1, - 1, - 1, - 1, - 1 + 3, + 2 ], "colorbar": { "showticklabels": false, @@ -8563,657 +8462,1309 @@ "size": 5 }, "mode": "markers", - "name": "Sex_male", + "name": "PassengerClass", "opacity": 0.8, "showlegend": false, "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Sex_male=0
shap=0.122", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Sex_male=0
shap=0.119", - "index=Palsson, Master. Gosta Leonard
Sex_male=1
shap=-0.056", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Sex_male=0
shap=0.113", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Sex_male=0
shap=0.153", - "index=Saundercock, Mr. William Henry
Sex_male=1
shap=-0.07", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Sex_male=0
shap=0.127", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Sex_male=0
shap=0.072", - "index=Glynn, Miss. Mary Agatha
Sex_male=0
shap=0.162", - "index=Meyer, Mr. Edgar Joseph
Sex_male=1
shap=-0.116", - "index=Kraeff, Mr. Theodor
Sex_male=1
shap=-0.082", - "index=Devaney, Miss. Margaret Delia
Sex_male=0
shap=0.156", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Sex_male=0
shap=0.135", - "index=Rugg, Miss. Emily
Sex_male=0
shap=0.141", - "index=Harris, Mr. Henry Birkhardt
Sex_male=1
shap=-0.086", - "index=Skoog, Master. Harald
Sex_male=1
shap=-0.047", - "index=Kink, Mr. Vincenz
Sex_male=1
shap=-0.072", - "index=Hood, Mr. Ambrose Jr
Sex_male=1
shap=-0.093", - "index=Ilett, Miss. Bertha
Sex_male=0
shap=0.142", - "index=Ford, Mr. William Neal
Sex_male=1
shap=-0.05", - "index=Christmann, Mr. Emil
Sex_male=1
shap=-0.069", - "index=Andreasson, Mr. Paul Edvin
Sex_male=1
shap=-0.07", - "index=Chaffee, Mr. Herbert Fuller
Sex_male=1
shap=-0.079", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Sex_male=1
shap=-0.07", - "index=White, Mr. Richard Frasar
Sex_male=1
shap=-0.085", - "index=Rekic, Mr. Tido
Sex_male=1
shap=-0.07", - "index=Moran, Miss. Bertha
Sex_male=0
shap=0.131", - "index=Barton, Mr. David John
Sex_male=1
shap=-0.07", - "index=Jussila, Miss. Katriina
Sex_male=0
shap=0.124", - "index=Pekoniemi, Mr. Edvard
Sex_male=1
shap=-0.07", - "index=Turpin, Mr. William John Robert
Sex_male=1
shap=-0.101", - "index=Moore, Mr. Leonard Charles
Sex_male=1
shap=-0.07", - "index=Osen, Mr. Olaf Elon
Sex_male=1
shap=-0.071", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Sex_male=0
shap=0.072", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Sex_male=1
shap=-0.069", - "index=Bateman, Rev. Robert James
Sex_male=1
shap=-0.09", - "index=Meo, Mr. Alfonzo
Sex_male=1
shap=-0.068", - "index=Cribb, Mr. John Hatfield
Sex_male=1
shap=-0.075", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Sex_male=0
shap=0.106", - "index=Van der hoef, Mr. Wyckoff
Sex_male=1
shap=-0.079", - "index=Sivola, Mr. Antti Wilhelm
Sex_male=1
shap=-0.07", - "index=Klasen, Mr. Klas Albin
Sex_male=1
shap=-0.067", - "index=Rood, Mr. Hugh Roscoe
Sex_male=1
shap=-0.079", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Sex_male=0
shap=0.125", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Sex_male=0
shap=0.134", - "index=Vande Walle, Mr. Nestor Cyriel
Sex_male=1
shap=-0.069", - "index=Backstrom, Mr. Karl Alfred
Sex_male=1
shap=-0.08", - "index=Blank, Mr. Henry
Sex_male=1
shap=-0.087", - "index=Ali, Mr. Ahmed
Sex_male=1
shap=-0.071", - "index=Green, Mr. George Henry
Sex_male=1
shap=-0.067", - "index=Nenkoff, Mr. Christo
Sex_male=1
shap=-0.07", - "index=Asplund, Miss. Lillian Gertrud
Sex_male=0
shap=0.07", - "index=Harknett, Miss. Alice Phoebe
Sex_male=0
shap=0.132", - "index=Hunt, Mr. George Henry
Sex_male=1
shap=-0.096", - "index=Reed, Mr. James George
Sex_male=1
shap=-0.071", - "index=Stead, Mr. William Thomas
Sex_male=1
shap=-0.073", - "index=Thorne, Mrs. Gertrude Maybelle
Sex_male=0
shap=0.158", - "index=Parrish, Mrs. (Lutie Davis)
Sex_male=0
shap=0.149", - "index=Smith, Mr. Thomas
Sex_male=1
shap=-0.096", - "index=Asplund, Master. Edvin Rojj Felix
Sex_male=1
shap=-0.045", - "index=Healy, Miss. Hanora \"Nora\"
Sex_male=0
shap=0.162", - "index=Andrews, Miss. Kornelia Theodosia
Sex_male=0
shap=0.118", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Sex_male=0
shap=0.12", - "index=Smith, Mr. Richard William
Sex_male=1
shap=-0.074", - "index=Connolly, Miss. Kate
Sex_male=0
shap=0.153", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Sex_male=0
shap=0.116", - "index=Levy, Mr. Rene Jacques
Sex_male=1
shap=-0.088", - "index=Lewy, Mr. Ervin G
Sex_male=1
shap=-0.102", - "index=Williams, Mr. Howard Hugh \"Harry\"
Sex_male=1
shap=-0.07", - "index=Sage, Mr. George John Jr
Sex_male=1
shap=-0.044", - "index=Nysveen, Mr. Johan Hansen
Sex_male=1
shap=-0.069", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Sex_male=0
shap=0.144", - "index=Denkoff, Mr. Mitto
Sex_male=1
shap=-0.07", - "index=Burns, Miss. Elizabeth Margaret
Sex_male=0
shap=0.126", - "index=Dimic, Mr. Jovan
Sex_male=1
shap=-0.069", - "index=del Carlo, Mr. Sebastiano
Sex_male=1
shap=-0.107", - "index=Beavan, Mr. William Thomas
Sex_male=1
shap=-0.07", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Sex_male=0
shap=0.15", - "index=Widener, Mr. Harry Elkins
Sex_male=1
shap=-0.086", - "index=Gustafsson, Mr. Karl Gideon
Sex_male=1
shap=-0.07", - "index=Plotcharsky, Mr. Vasil
Sex_male=1
shap=-0.07", - "index=Goodwin, Master. Sidney Leonard
Sex_male=1
shap=-0.045", - "index=Sadlier, Mr. Matthew
Sex_male=1
shap=-0.096", - "index=Gustafsson, Mr. Johan Birger
Sex_male=1
shap=-0.073", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Sex_male=0
shap=0.093", - "index=Niskanen, Mr. Juha
Sex_male=1
shap=-0.07", - "index=Minahan, Miss. Daisy E
Sex_male=0
shap=0.129", - "index=Matthews, Mr. William John
Sex_male=1
shap=-0.095", - "index=Charters, Mr. David
Sex_male=1
shap=-0.091", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Sex_male=0
shap=0.151", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Sex_male=0
shap=0.146", - "index=Johannesen-Bratthammer, Mr. Bernt
Sex_male=1
shap=-0.07", - "index=Peuchen, Major. Arthur Godfrey
Sex_male=1
shap=-0.075", - "index=Anderson, Mr. Harry
Sex_male=1
shap=-0.073", - "index=Milling, Mr. Jacob Christian
Sex_male=1
shap=-0.093", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Sex_male=0
shap=0.148", - "index=Karlsson, Mr. Nils August
Sex_male=1
shap=-0.071", - "index=Frost, Mr. Anthony Wood \"Archie\"
Sex_male=1
shap=-0.08", - "index=Bishop, Mr. Dickinson H
Sex_male=1
shap=-0.092", - "index=Windelov, Mr. Einar
Sex_male=1
shap=-0.071", - "index=Shellard, Mr. Frederick William
Sex_male=1
shap=-0.076", - "index=Svensson, Mr. Olof
Sex_male=1
shap=-0.07", - "index=O'Sullivan, Miss. Bridget Mary
Sex_male=0
shap=0.161", - "index=Laitinen, Miss. Kristina Sofia
Sex_male=0
shap=0.124", - "index=Penasco y Castellana, Mr. Victor de Satode
Sex_male=1
shap=-0.091", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Sex_male=1
shap=-0.086", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Sex_male=0
shap=0.158", - "index=Kassem, Mr. Fared
Sex_male=1
shap=-0.08", - "index=Cacic, Miss. Marija
Sex_male=0
shap=0.123", - "index=Hart, Miss. Eva Miriam
Sex_male=0
shap=0.133", - "index=Butt, Major. Archibald Willingham
Sex_male=1
shap=-0.08", - "index=Beane, Mr. Edward
Sex_male=1
shap=-0.099", - "index=Goldsmith, Mr. Frank John
Sex_male=1
shap=-0.073", - "index=Ohman, Miss. Velin
Sex_male=0
shap=0.126", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Sex_male=0
shap=0.113", - "index=Morrow, Mr. Thomas Rowan
Sex_male=1
shap=-0.096", - "index=Harris, Mr. George
Sex_male=1
shap=-0.082", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Sex_male=0
shap=0.128", - "index=Patchett, Mr. George
Sex_male=1
shap=-0.078", - "index=Ross, Mr. John Hugo
Sex_male=1
shap=-0.088", - "index=Murdlin, Mr. Joseph
Sex_male=1
shap=-0.07", - "index=Bourke, Miss. Mary
Sex_male=0
shap=0.124", - "index=Boulos, Mr. Hanna
Sex_male=1
shap=-0.08", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Sex_male=1
shap=-0.089", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Sex_male=1
shap=-0.107", - "index=Lindell, Mr. Edvard Bengtsson
Sex_male=1
shap=-0.079", - "index=Daniel, Mr. Robert Williams
Sex_male=1
shap=-0.093", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Sex_male=0
shap=0.15", - "index=Shutes, Miss. Elizabeth W
Sex_male=0
shap=0.124", - "index=Jardin, Mr. Jose Neto
Sex_male=1
shap=-0.071", - "index=Horgan, Mr. John
Sex_male=1
shap=-0.096", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Sex_male=0
shap=0.137", - "index=Yasbeck, Mr. Antoni
Sex_male=1
shap=-0.081", - "index=Bostandyeff, Mr. Guentcho
Sex_male=1
shap=-0.07", - "index=Lundahl, Mr. Johan Svensson
Sex_male=1
shap=-0.068", - "index=Stahelin-Maeglin, Dr. Max
Sex_male=1
shap=-0.092", - "index=Willey, Mr. Edward
Sex_male=1
shap=-0.071", - "index=Stanley, Miss. Amy Zillah Elsie
Sex_male=0
shap=0.131", - "index=Hegarty, Miss. Hanora \"Nora\"
Sex_male=0
shap=0.156", - "index=Eitemiller, Mr. George Floyd
Sex_male=1
shap=-0.094", - "index=Colley, Mr. Edward Pomeroy
Sex_male=1
shap=-0.073", - "index=Coleff, Mr. Peju
Sex_male=1
shap=-0.071", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Sex_male=0
shap=0.147", - "index=Davidson, Mr. Thornton
Sex_male=1
shap=-0.083", - "index=Turja, Miss. Anna Sofia
Sex_male=0
shap=0.124", - "index=Hassab, Mr. Hammad
Sex_male=1
shap=-0.097", - "index=Goodwin, Mr. Charles Edward
Sex_male=1
shap=-0.049", - "index=Panula, Mr. Jaako Arnold
Sex_male=1
shap=-0.052", - "index=Fischer, Mr. Eberhard Thelander
Sex_male=1
shap=-0.071", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Sex_male=1
shap=-0.066", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Sex_male=0
shap=0.12", - "index=Hansen, Mr. Henrik Juul
Sex_male=1
shap=-0.072", - "index=Calderhead, Mr. Edward Pennington
Sex_male=1
shap=-0.071", - "index=Klaber, Mr. Herman
Sex_male=1
shap=-0.068", - "index=Taylor, Mr. Elmer Zebley
Sex_male=1
shap=-0.086", - "index=Larsson, Mr. August Viktor
Sex_male=1
shap=-0.069", - "index=Greenberg, Mr. Samuel
Sex_male=1
shap=-0.091", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Sex_male=0
shap=0.095", - "index=McEvoy, Mr. Michael
Sex_male=1
shap=-0.097", - "index=Johnson, Mr. Malkolm Joackim
Sex_male=1
shap=-0.071", - "index=Gillespie, Mr. William Henry
Sex_male=1
shap=-0.096", - "index=Allen, Miss. Elisabeth Walton
Sex_male=0
shap=0.115", - "index=Berriman, Mr. William John
Sex_male=1
shap=-0.094", - "index=Troupiansky, Mr. Moses Aaron
Sex_male=1
shap=-0.094", - "index=Williams, Mr. Leslie
Sex_male=1
shap=-0.078", - "index=Ivanoff, Mr. Kanio
Sex_male=1
shap=-0.07", - "index=McNamee, Mr. Neal
Sex_male=1
shap=-0.081", - "index=Connaghton, Mr. Michael
Sex_male=1
shap=-0.087", - "index=Carlsson, Mr. August Sigfrid
Sex_male=1
shap=-0.07", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Sex_male=0
shap=0.116", - "index=Eklund, Mr. Hans Linus
Sex_male=1
shap=-0.071", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Sex_male=0
shap=0.114", - "index=Moran, Mr. Daniel J
Sex_male=1
shap=-0.082", - "index=Lievens, Mr. Rene Aime
Sex_male=1
shap=-0.069", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Sex_male=0
shap=0.113", - "index=Ayoub, Miss. Banoura
Sex_male=0
shap=0.142", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Sex_male=0
shap=0.112", - "index=Johnston, Mr. Andrew G
Sex_male=1
shap=-0.059", - "index=Ali, Mr. William
Sex_male=1
shap=-0.071", - "index=Sjoblom, Miss. Anna Sofia
Sex_male=0
shap=0.131", - "index=Guggenheim, Mr. Benjamin
Sex_male=1
shap=-0.098", - "index=Leader, Dr. Alice (Farnham)
Sex_male=0
shap=0.12", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Sex_male=0
shap=0.148", - "index=Carter, Master. William Thornton II
Sex_male=1
shap=-0.075", - "index=Thomas, Master. Assad Alexander
Sex_male=1
shap=-0.067", - "index=Johansson, Mr. Karl Johan
Sex_male=1
shap=-0.07", - "index=Slemen, Mr. Richard James
Sex_male=1
shap=-0.086", - "index=Tomlin, Mr. Ernest Portage
Sex_male=1
shap=-0.069", - "index=McCormack, Mr. Thomas Joseph
Sex_male=1
shap=-0.096", - "index=Richards, Master. George Sibley
Sex_male=1
shap=-0.087", - "index=Mudd, Mr. Thomas Charles
Sex_male=1
shap=-0.084", - "index=Lemberopolous, Mr. Peter L
Sex_male=1
shap=-0.079", - "index=Sage, Mr. Douglas Bullen
Sex_male=1
shap=-0.044", - "index=Boulos, Miss. Nourelain
Sex_male=0
shap=0.108", - "index=Aks, Mrs. Sam (Leah Rosen)
Sex_male=0
shap=0.118", - "index=Razi, Mr. Raihed
Sex_male=1
shap=-0.08", - "index=Johnson, Master. Harold Theodor
Sex_male=1
shap=-0.065", - "index=Carlsson, Mr. Frans Olof
Sex_male=1
shap=-0.076", - "index=Gustafsson, Mr. Alfred Ossian
Sex_male=1
shap=-0.069", - "index=Montvila, Rev. Juozas
Sex_male=1
shap=-0.095" - ], - "type": "scatter", - "x": [ - 0.12247504074540633, - 0.11932699508314662, - -0.05646873424759449, - 0.11285272689473243, - 0.15320535491747422, - -0.06964388884430435, - 0.1268936228274642, - 0.07213006954292249, - 0.1615450676898526, - -0.11625472484796162, - -0.0824548337957932, - 0.1557209513554947, - 0.13477492152133502, - 0.14137240025513265, - -0.0860496558680034, - -0.04652259331087066, - -0.07236828910241626, - -0.09311397273840094, - 0.1417548487921751, - -0.04987406632293916, - -0.06917416957794494, - -0.0703588725855346, - -0.07900850300222488, - -0.07048337339041909, - -0.0848399555220541, - -0.06996133149636255, - 0.13116540687358794, - -0.06964388884430435, - 0.12357108545278343, - -0.07019372233213352, - -0.10134029769876128, - -0.06976838964918887, - -0.07053558651310889, - 0.07223105466210501, - -0.06886902488817123, - -0.09009480804225965, - -0.06801501674650191, - -0.0753376408370084, - 0.10572045547806475, - -0.07865704211721672, - -0.07019372233213352, - -0.0672046737323955, - -0.07939494156171148, - 0.12534659190856556, - 0.13414669607860297, - -0.06892308375085056, - -0.07990784902950328, - -0.08701692307822112, - -0.0706717319800854, - -0.06658600728109995, - -0.07048337339041909, - 0.07027553877434967, - 0.13207129427512887, - -0.09594016921076709, - -0.07131629168877292, - -0.07264792224485574, - 0.15807574887731624, - 0.14869400250766693, - -0.09588403311863818, - -0.045032338031265905, - 0.1615450676898526, - 0.11790331594247443, - 0.11973025046228114, - -0.0735904209147811, - 0.1528493163240828, - 0.11642243660243164, - -0.08837099846285083, - -0.10180868291392318, - -0.06976838964918887, - -0.043747475511233425, - -0.06947973672838419, - 0.14383110682085185, - -0.07048337339041909, - 0.12596620218337737, - -0.06935679042330972, - -0.10699689756296725, - -0.06964388884430435, - 0.1496049091301839, - -0.08588467261677975, - -0.0703588725855346, - -0.07048337339041909, - -0.04486719723900138, - -0.09608473689017528, - -0.0726128589481529, - 0.09275852389959449, - -0.06990204679001344, - 0.12882143428939852, - -0.0949178497980118, - -0.09148748471179212, - 0.15077897946300814, - 0.14602717289645437, - -0.06976838964918887, - -0.07529546601391218, - -0.07262942879561535, - -0.09259716584970783, - 0.14797451690247226, - -0.07119179088388845, - -0.08048205576418689, - -0.09232945435715724, - -0.07119179088388845, - -0.07572962387066658, - -0.06983881368173155, - 0.16071862254092106, - 0.12427030495554221, - -0.09050864621458514, - -0.08625946108418807, - 0.15775623789148172, - -0.08009904764205818, - 0.12302024561239538, - 0.13276990294483007, - -0.08017938214312198, - -0.0990988159582208, - -0.07286726754883306, - 0.125632872575883, - 0.11336852222975873, - -0.09588403311863818, - -0.08202581283522636, - 0.12776526159317464, - -0.07756541742499819, - -0.08764071687038284, - -0.06976838964918887, - 0.1239026793841337, - -0.08009904764205818, - -0.08855139405610687, - -0.10688525815879882, - -0.07945085263968564, - -0.09267159800189162, - 0.15003538737257133, - 0.12401001753516594, - -0.07131629168877292, - -0.09588403311863818, - 0.13718519158510076, - -0.08088340217110819, - -0.07014586811416813, - -0.06805072726298224, - -0.0920359145853037, - -0.07131629168877292, - 0.13057711462487873, - 0.15598342685487873, - -0.09368832946284535, - -0.07283277447949404, - -0.07131645818479328, - 0.1472001959675029, - -0.0827990921620965, - 0.12424649379375799, - -0.09652690648423254, - -0.048902462658249206, - -0.05212660155927138, - -0.0705666915360272, - -0.06641010596219331, - 0.12004623780684807, - -0.07217717706489381, - -0.07117328063936856, - -0.0678979554084103, - -0.08576206253774267, - -0.06893564318851854, - -0.09133422564323078, - 0.09486293968979667, - -0.0973070607787153, - -0.07121378546992367, - -0.09557827199589589, - 0.11465445422382427, - -0.09368832946284535, - -0.09368832946284535, - -0.07808249504826896, - -0.07048337339041909, - -0.08052162987169609, - -0.08705419573077529, - -0.06987659388150717, - 0.11600325633152196, - -0.07125057025433913, - 0.11422928741287314, - -0.08153120029656734, - -0.06888530355107493, - 0.11345445059094407, - 0.14199454083601343, - 0.11218659275620012, - -0.05864257769124314, - -0.07069028559554673, - 0.13093528252530487, - -0.09830394432614967, - 0.12005473473908884, - 0.14809042709060427, - -0.07527869750096382, - -0.06698890352500743, - -0.06969776259212833, - -0.0856383904660388, - -0.06913754251284941, - -0.09588403311863818, - -0.08709516338774485, - -0.08397421388708647, - -0.07942466624312068, - -0.043747475511233425, - 0.10835434720287669, - 0.11826711919994826, - -0.08009904764205818, - -0.06463236999474523, - -0.07553262250665617, - -0.06940536245487795, - -0.09488808064347898 + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
PassengerClass=1
shap=0.015", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
PassengerClass=1
shap=0.016", + "None=Palsson, Master. Gosta Leonard
PassengerClass=3
shap=0.015", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
PassengerClass=3
shap=-0.025", + "None=Nasser, Mrs. Nicholas (Adele Achem)
PassengerClass=2
shap=0.030", + "None=Saundercock, Mr. William Henry
PassengerClass=3
shap=0.014", + "None=Vestrom, Miss. Hulda Amanda Adolfina
PassengerClass=3
shap=-0.022", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
PassengerClass=3
shap=-0.030", + "None=Glynn, Miss. Mary Agatha
PassengerClass=3
shap=-0.018", + "None=Meyer, Mr. Edgar Joseph
PassengerClass=1
shap=-0.013", + "None=Kraeff, Mr. Theodor
PassengerClass=3
shap=0.012", + "None=Devaney, Miss. Margaret Delia
PassengerClass=3
shap=-0.018", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
PassengerClass=3
shap=-0.024", + "None=Rugg, Miss. Emily
PassengerClass=2
shap=0.026", + "None=Harris, Mr. Henry Birkhardt
PassengerClass=1
shap=-0.014", + "None=Skoog, Master. Harald
PassengerClass=3
shap=0.018", + "None=Kink, Mr. Vincenz
PassengerClass=3
shap=0.014", + "None=Hood, Mr. Ambrose Jr
PassengerClass=2
shap=-0.018", + "None=Ilett, Miss. Bertha
PassengerClass=2
shap=0.026", + "None=Ford, Mr. William Neal
PassengerClass=3
shap=0.017", + "None=Christmann, Mr. Emil
PassengerClass=3
shap=0.014", + "None=Andreasson, Mr. Paul Edvin
PassengerClass=3
shap=0.014", + "None=Chaffee, Mr. Herbert Fuller
PassengerClass=1
shap=-0.016", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
PassengerClass=3
shap=0.014", + "None=White, Mr. Richard Frasar
PassengerClass=1
shap=-0.013", + "None=Rekic, Mr. Tido
PassengerClass=3
shap=0.014", + "None=Moran, Miss. Bertha
PassengerClass=3
shap=-0.022", + "None=Barton, Mr. David John
PassengerClass=3
shap=0.014", + "None=Jussila, Miss. Katriina
PassengerClass=3
shap=-0.022", + "None=Pekoniemi, Mr. Edvard
PassengerClass=3
shap=0.014", + "None=Turpin, Mr. William John Robert
PassengerClass=2
shap=-0.015", + "None=Moore, Mr. Leonard Charles
PassengerClass=3
shap=0.014", + "None=Osen, Mr. Olaf Elon
PassengerClass=3
shap=0.014", + "None=Ford, Miss. Robina Maggie \"Ruby\"
PassengerClass=3
shap=-0.027", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
PassengerClass=2
shap=-0.011", + "None=Bateman, Rev. Robert James
PassengerClass=2
shap=-0.014", + "None=Meo, Mr. Alfonzo
PassengerClass=3
shap=0.015", + "None=Cribb, Mr. John Hatfield
PassengerClass=3
shap=0.016", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
PassengerClass=1
shap=0.019", + "None=Van der hoef, Mr. Wyckoff
PassengerClass=1
shap=-0.016", + "None=Sivola, Mr. Antti Wilhelm
PassengerClass=3
shap=0.014", + "None=Klasen, Mr. Klas Albin
PassengerClass=3
shap=0.013", + "None=Rood, Mr. Hugh Roscoe
PassengerClass=1
shap=-0.013", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
PassengerClass=3
shap=-0.022", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
PassengerClass=1
shap=0.015", + "None=Vande Walle, Mr. Nestor Cyriel
PassengerClass=3
shap=0.014", + "None=Backstrom, Mr. Karl Alfred
PassengerClass=3
shap=0.015", + "None=Blank, Mr. Henry
PassengerClass=1
shap=-0.010", + "None=Ali, Mr. Ahmed
PassengerClass=3
shap=0.014", + "None=Green, Mr. George Henry
PassengerClass=3
shap=0.015", + "None=Nenkoff, Mr. Christo
PassengerClass=3
shap=0.014", + "None=Asplund, Miss. Lillian Gertrud
PassengerClass=3
shap=-0.028", + "None=Harknett, Miss. Alice Phoebe
PassengerClass=3
shap=-0.021", + "None=Hunt, Mr. George Henry
PassengerClass=2
shap=-0.014", + "None=Reed, Mr. James George
PassengerClass=3
shap=0.013", + "None=Stead, Mr. William Thomas
PassengerClass=1
shap=-0.012", + "None=Thorne, Mrs. Gertrude Maybelle
PassengerClass=1
shap=0.022", + "None=Parrish, Mrs. (Lutie Davis)
PassengerClass=2
shap=0.028", + "None=Smith, Mr. Thomas
PassengerClass=3
shap=0.011", + "None=Asplund, Master. Edvin Rojj Felix
PassengerClass=3
shap=0.018", + "None=Healy, Miss. Hanora \"Nora\"
PassengerClass=3
shap=-0.018", + "None=Andrews, Miss. Kornelia Theodosia
PassengerClass=1
shap=0.018", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
PassengerClass=3
shap=-0.023", + "None=Smith, Mr. Richard William
PassengerClass=1
shap=-0.011", + "None=Connolly, Miss. Kate
PassengerClass=3
shap=-0.019", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
PassengerClass=1
shap=0.011", + "None=Levy, Mr. Rene Jacques
PassengerClass=2
shap=-0.009", + "None=Lewy, Mr. Ervin G
PassengerClass=1
shap=-0.012", + "None=Williams, Mr. Howard Hugh \"Harry\"
PassengerClass=3
shap=0.014", + "None=Sage, Mr. George John Jr
PassengerClass=3
shap=0.017", + "None=Nysveen, Mr. Johan Hansen
PassengerClass=3
shap=0.012", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
PassengerClass=1
shap=0.018", + "None=Denkoff, Mr. Mitto
PassengerClass=3
shap=0.014", + "None=Burns, Miss. Elizabeth Margaret
PassengerClass=1
shap=0.018", + "None=Dimic, Mr. Jovan
PassengerClass=3
shap=0.015", + "None=del Carlo, Mr. Sebastiano
PassengerClass=2
shap=-0.017", + "None=Beavan, Mr. William Thomas
PassengerClass=3
shap=0.014", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
PassengerClass=1
shap=0.019", + "None=Widener, Mr. Harry Elkins
PassengerClass=1
shap=-0.009", + "None=Gustafsson, Mr. Karl Gideon
PassengerClass=3
shap=0.014", + "None=Plotcharsky, Mr. Vasil
PassengerClass=3
shap=0.014", + "None=Goodwin, Master. Sidney Leonard
PassengerClass=3
shap=0.018", + "None=Sadlier, Mr. Matthew
PassengerClass=3
shap=0.011", + "None=Gustafsson, Mr. Johan Birger
PassengerClass=3
shap=0.014", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
PassengerClass=3
shap=-0.025", + "None=Niskanen, Mr. Juha
PassengerClass=3
shap=0.014", + "None=Minahan, Miss. Daisy E
PassengerClass=1
shap=0.016", + "None=Matthews, Mr. William John
PassengerClass=2
shap=-0.014", + "None=Charters, Mr. David
PassengerClass=3
shap=0.012", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
PassengerClass=2
shap=0.032", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
PassengerClass=2
shap=0.028", + "None=Johannesen-Bratthammer, Mr. Bernt
PassengerClass=3
shap=0.014", + "None=Peuchen, Major. Arthur Godfrey
PassengerClass=1
shap=-0.014", + "None=Anderson, Mr. Harry
PassengerClass=1
shap=-0.014", + "None=Milling, Mr. Jacob Christian
PassengerClass=2
shap=-0.014", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
PassengerClass=2
shap=0.031", + "None=Karlsson, Mr. Nils August
PassengerClass=3
shap=0.014", + "None=Frost, Mr. Anthony Wood \"Archie\"
PassengerClass=2
shap=-0.014", + "None=Bishop, Mr. Dickinson H
PassengerClass=1
shap=-0.013", + "None=Windelov, Mr. Einar
PassengerClass=3
shap=0.014", + "None=Shellard, Mr. Frederick William
PassengerClass=3
shap=0.015", + "None=Svensson, Mr. Olof
PassengerClass=3
shap=0.014", + "None=O'Sullivan, Miss. Bridget Mary
PassengerClass=3
shap=-0.017", + "None=Laitinen, Miss. Kristina Sofia
PassengerClass=3
shap=-0.023", + "None=Penasco y Castellana, Mr. Victor de Satode
PassengerClass=1
shap=-0.010", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
PassengerClass=1
shap=-0.014", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
PassengerClass=2
shap=0.032", + "None=Kassem, Mr. Fared
PassengerClass=3
shap=0.012", + "None=Cacic, Miss. Marija
PassengerClass=3
shap=-0.022", + "None=Hart, Miss. Eva Miriam
PassengerClass=2
shap=0.032", + "None=Butt, Major. Archibald Willingham
PassengerClass=1
shap=-0.016", + "None=Beane, Mr. Edward
PassengerClass=2
shap=-0.019", + "None=Goldsmith, Mr. Frank John
PassengerClass=3
shap=0.015", + "None=Ohman, Miss. Velin
PassengerClass=3
shap=-0.022", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
PassengerClass=1
shap=0.020", + "None=Morrow, Mr. Thomas Rowan
PassengerClass=3
shap=0.011", + "None=Harris, Mr. George
PassengerClass=2
shap=-0.011", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
PassengerClass=1
shap=0.015", + "None=Patchett, Mr. George
PassengerClass=3
shap=0.016", + "None=Ross, Mr. John Hugo
PassengerClass=1
shap=-0.010", + "None=Murdlin, Mr. Joseph
PassengerClass=3
shap=0.014", + "None=Bourke, Miss. Mary
PassengerClass=3
shap=-0.019", + "None=Boulos, Mr. Hanna
PassengerClass=3
shap=0.012", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
PassengerClass=1
shap=-0.012", + "None=Homer, Mr. Harry (\"Mr E Haven\")
PassengerClass=1
shap=-0.013", + "None=Lindell, Mr. Edvard Bengtsson
PassengerClass=3
shap=0.015", + "None=Daniel, Mr. Robert Williams
PassengerClass=1
shap=-0.015", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
PassengerClass=2
shap=0.027", + "None=Shutes, Miss. Elizabeth W
PassengerClass=1
shap=0.018", + "None=Jardin, Mr. Jose Neto
PassengerClass=3
shap=0.013", + "None=Horgan, Mr. John
PassengerClass=3
shap=0.011", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
PassengerClass=3
shap=-0.023", + "None=Yasbeck, Mr. Antoni
PassengerClass=3
shap=0.015", + "None=Bostandyeff, Mr. Guentcho
PassengerClass=3
shap=0.014", + "None=Lundahl, Mr. Johan Svensson
PassengerClass=3
shap=0.015", + "None=Stahelin-Maeglin, Dr. Max
PassengerClass=1
shap=-0.012", + "None=Willey, Mr. Edward
PassengerClass=3
shap=0.013", + "None=Stanley, Miss. Amy Zillah Elsie
PassengerClass=3
shap=-0.022", + "None=Hegarty, Miss. Hanora \"Nora\"
PassengerClass=3
shap=-0.018", + "None=Eitemiller, Mr. George Floyd
PassengerClass=2
shap=-0.014", + "None=Colley, Mr. Edward Pomeroy
PassengerClass=1
shap=-0.015", + "None=Coleff, Mr. Peju
PassengerClass=3
shap=0.014", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
PassengerClass=2
shap=0.028", + "None=Davidson, Mr. Thornton
PassengerClass=1
shap=-0.015", + "None=Turja, Miss. Anna Sofia
PassengerClass=3
shap=-0.022", + "None=Hassab, Mr. Hammad
PassengerClass=1
shap=-0.012", + "None=Goodwin, Mr. Charles Edward
PassengerClass=3
shap=0.018", + "None=Panula, Mr. Jaako Arnold
PassengerClass=3
shap=0.017", + "None=Fischer, Mr. Eberhard Thelander
PassengerClass=3
shap=0.014", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
PassengerClass=3
shap=0.014", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
PassengerClass=1
shap=0.009", + "None=Hansen, Mr. Henrik Juul
PassengerClass=3
shap=0.014", + "None=Calderhead, Mr. Edward Pennington
PassengerClass=1
shap=-0.014", + "None=Klaber, Mr. Herman
PassengerClass=1
shap=-0.011", + "None=Taylor, Mr. Elmer Zebley
PassengerClass=1
shap=-0.014", + "None=Larsson, Mr. August Viktor
PassengerClass=3
shap=0.014", + "None=Greenberg, Mr. Samuel
PassengerClass=2
shap=-0.014", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
PassengerClass=2
shap=0.018", + "None=McEvoy, Mr. Michael
PassengerClass=3
shap=0.012", + "None=Johnson, Mr. Malkolm Joackim
PassengerClass=3
shap=0.014", + "None=Gillespie, Mr. William Henry
PassengerClass=2
shap=-0.014", + "None=Allen, Miss. Elisabeth Walton
PassengerClass=1
shap=0.013", + "None=Berriman, Mr. William John
PassengerClass=2
shap=-0.014", + "None=Troupiansky, Mr. Moses Aaron
PassengerClass=2
shap=-0.014", + "None=Williams, Mr. Leslie
PassengerClass=3
shap=0.016", + "None=Ivanoff, Mr. Kanio
PassengerClass=3
shap=0.014", + "None=McNamee, Mr. Neal
PassengerClass=3
shap=0.015", + "None=Connaghton, Mr. Michael
PassengerClass=3
shap=0.013", + "None=Carlsson, Mr. August Sigfrid
PassengerClass=3
shap=0.014", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
PassengerClass=1
shap=0.017", + "None=Eklund, Mr. Hans Linus
PassengerClass=3
shap=0.014", + "None=Hogeboom, Mrs. John C (Anna Andrews)
PassengerClass=1
shap=0.019", + "None=Moran, Mr. Daniel J
PassengerClass=3
shap=0.014", + "None=Lievens, Mr. Rene Aime
PassengerClass=3
shap=0.014", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
PassengerClass=1
shap=0.017", + "None=Ayoub, Miss. Banoura
PassengerClass=3
shap=-0.019", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
PassengerClass=1
shap=0.015", + "None=Johnston, Mr. Andrew G
PassengerClass=3
shap=0.017", + "None=Ali, Mr. William
PassengerClass=3
shap=0.014", + "None=Sjoblom, Miss. Anna Sofia
PassengerClass=3
shap=-0.021", + "None=Guggenheim, Mr. Benjamin
PassengerClass=1
shap=-0.016", + "None=Leader, Dr. Alice (Farnham)
PassengerClass=1
shap=0.017", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
PassengerClass=2
shap=0.029", + "None=Carter, Master. William Thornton II
PassengerClass=1
shap=-0.012", + "None=Thomas, Master. Assad Alexander
PassengerClass=3
shap=0.011", + "None=Johansson, Mr. Karl Johan
PassengerClass=3
shap=0.014", + "None=Slemen, Mr. Richard James
PassengerClass=2
shap=-0.014", + "None=Tomlin, Mr. Ernest Portage
PassengerClass=3
shap=0.014", + "None=McCormack, Mr. Thomas Joseph
PassengerClass=3
shap=0.011", + "None=Richards, Master. George Sibley
PassengerClass=2
shap=-0.012", + "None=Mudd, Mr. Thomas Charles
PassengerClass=2
shap=-0.014", + "None=Lemberopolous, Mr. Peter L
PassengerClass=3
shap=0.012", + "None=Sage, Mr. Douglas Bullen
PassengerClass=3
shap=0.017", + "None=Boulos, Miss. Nourelain
PassengerClass=3
shap=-0.019", + "None=Aks, Mrs. Sam (Leah Rosen)
PassengerClass=3
shap=-0.021", + "None=Razi, Mr. Raihed
PassengerClass=3
shap=0.012", + "None=Johnson, Master. Harold Theodor
PassengerClass=3
shap=0.014", + "None=Carlsson, Mr. Frans Olof
PassengerClass=1
shap=-0.012", + "None=Gustafsson, Mr. Alfred Ossian
PassengerClass=3
shap=0.014", + "None=Montvila, Rev. Juozas
PassengerClass=2
shap=-0.014" + ], + "type": "scattergl", + "x": [ + 0.0148587291771358, + 0.015964635440381802, + 0.014726265984533853, + -0.024935903810231766, + 0.029934422495778597, + 0.014064894109592586, + -0.021875545828170494, + -0.029761706024431914, + -0.017531589567255035, + -0.013380147719862054, + 0.011852711776742159, + -0.01849723962820683, + -0.023900448628704093, + 0.025946802962808272, + -0.014307523859391448, + 0.017660124925180293, + 0.013540383137869576, + -0.01818336287703559, + 0.02589806823135255, + 0.017277748485648066, + 0.014176899037905134, + 0.014064894109592586, + -0.015940205508507884, + 0.013641475212718544, + -0.012963331728179433, + 0.01431146506441924, + -0.022304698384026118, + 0.014064894109592586, + -0.022157443656431776, + 0.014064894109592586, + -0.015322758324148865, + 0.013641475212718544, + 0.01370513334591315, + -0.02650595485524309, + -0.01132235962345457, + -0.013532653014579291, + 0.014646968319665981, + 0.016078742227549042, + 0.01874312106139919, + -0.015503765664379183, + 0.014064894109592586, + 0.012762604858136215, + -0.01258111148186442, + -0.022197046463266507, + 0.014931016028990945, + 0.014095609065981212, + 0.015496433647809298, + -0.010335085350411288, + 0.013695738784225059, + 0.014852925605762226, + 0.013641475212718544, + -0.028423961988455305, + -0.021185834622018885, + -0.01405067913787044, + 0.013299856027943004, + -0.012066539668291906, + 0.021558897867127988, + 0.028194264681214894, + 0.011186565125150124, + 0.01783734368282772, + -0.017531589567255035, + 0.01773162713659407, + -0.022862563173180524, + -0.011304741315950693, + -0.018605789889209565, + 0.01130694518350047, + -0.009170656097926257, + -0.012027422316326291, + 0.013641475212718544, + 0.017279086505592605, + 0.01246886287046238, + 0.01818696156127911, + 0.013641475212718544, + 0.018109084681437376, + 0.01464463835428751, + -0.017199447004241426, + 0.014064894109592586, + 0.019412457788132005, + -0.009199333781424915, + 0.014070747487493354, + 0.013641475212718544, + 0.01787860135093924, + 0.010839092562473816, + 0.013523560107538447, + -0.02537165638258622, + 0.01432124190971755, + 0.016158477746098715, + -0.014439906550976343, + 0.011845282791230868, + 0.03205573723796509, + 0.02838055419782695, + 0.013641475212718544, + -0.01422028519644574, + -0.014000897824696544, + -0.01365098288591529, + 0.030742496734612313, + 0.013723274924817046, + -0.014181076082432919, + -0.0134506367573504, + 0.013723274924817046, + 0.015170264852550188, + 0.01404056339023197, + -0.016899047677648372, + -0.022790793774057523, + -0.00971710509066603, + -0.014066894414318583, + 0.03204814809728699, + 0.011511092591966619, + -0.022230951072245993, + 0.03175221441868512, + -0.016226355156505445, + -0.01883160434523241, + 0.015255821057762558, + -0.022185393644328796, + 0.019921846205411327, + 0.011186565125150124, + -0.01143567449809071, + 0.014791299203045937, + 0.015564092674518087, + -0.010017753841262201, + 0.013641475212718544, + -0.01912404921138501, + 0.011511092591966619, + -0.011625655326041947, + -0.012682113486094214, + 0.01516153743476797, + -0.015057909932712589, + 0.026866534039184577, + 0.01787726320270792, + 0.013299856027943004, + 0.011186565125150124, + -0.022674988400710187, + 0.014603402031971888, + 0.014193722068236263, + 0.014508100999755313, + -0.011740345005806714, + 0.013299856027943004, + -0.02155285175472213, + -0.01790428767061584, + -0.01425560805212199, + -0.014718862143523075, + 0.013834715922951199, + 0.027950533921454142, + -0.014873895940483894, + -0.02206759178144721, + -0.011615805531298621, + 0.017684846426351077, + 0.017101354528880196, + 0.014020529653934365, + 0.014300547334952458, + 0.009239534173942292, + 0.014199961687879393, + -0.013635255697216749, + -0.011142064842442003, + -0.014278856387803442, + 0.014095609065981212, + -0.013500109921448048, + 0.018185502508205848, + 0.01167300460951887, + 0.014182188485627505, + -0.01405067913787044, + 0.012825840544075456, + -0.01425560805212199, + -0.01425560805212199, + 0.015671218505862932, + 0.013641475212718544, + 0.01483648040006576, + 0.012944119399632907, + 0.014176899037905134, + 0.01678114501900448, + 0.013710986723813916, + 0.01943686888353964, + 0.013602393911702444, + 0.013959273418308049, + 0.016690074266219976, + -0.019353176911179826, + 0.014911053925261541, + 0.016579191690639202, + 0.013798116722544267, + -0.021483891425735067, + -0.015667476434144272, + 0.017189230738686157, + 0.028893809471084775, + -0.011893934227334993, + 0.010748923549827694, + 0.014157379053420724, + -0.013717932423115203, + 0.01415473109675133, + 0.011186565125150124, + -0.01207142107523838, + -0.014348289108469643, + 0.012379577906613044, + 0.017279086505592605, + -0.01923944150528845, + -0.020787384069282995, + 0.011511092591966619, + 0.014284330355963427, + -0.012488420514215892, + 0.013983604137668665, + -0.014447759760950977 ], - "xaxis": "x", + "xaxis": "x2", "y": [ - 0.17829312341542114, - 0.7778308303232728, - 0.8089250274412433, - 0.6443943731738494, - 0.6127866322057082, - 0.6559253140620132, - 0.2226961748927656, - 0.9589256142542201, - 0.4837394575271877, - 0.7680157493178653, - 0.9054965272580007, - 0.686605502407186, - 0.6326569289693346, - 0.4663142341107176, - 0.5036865592953922, - 0.538170846258478, - 0.3688749506446479, - 0.9792576602453152, - 0.22683207234305947, - 0.6513962369953809, - 0.24507877306183623, - 0.5137460347336097, - 0.8614195705708332, - 0.02666391002757229, - 0.0457236626058527, - 0.42240083166736087, - 0.05230052566298149, - 0.7017885795813902, - 0.2696596541537961, - 0.07021373558070942, - 0.22462578455415494, - 0.22944542620160469, - 0.2643127755078416, - 0.27898827962972683, - 0.3837253244955665, - 0.6971633244204093, - 0.7243889593127018, - 0.9686841789919399, - 0.30585227596967723, - 0.38032463159579977, - 0.3498444121663886, - 0.3052954953396343, - 0.15434501325699412, - 0.07531180811992366, - 0.7515006088128731, - 0.5049782575217039, - 0.6045246721240847, - 0.4134003129325122, - 0.43973165348890797, - 0.15385509296749733, - 0.946851291748078, - 0.1298862134729606, - 0.387827963476569, - 0.034742476049250515, - 0.8175457784479429, - 0.3228401846072815, - 0.92610205510828, - 0.19600340242522618, - 0.8888776760260664, - 0.715797504206873, - 0.5161415898702346, - 0.9974173201739782, - 0.5507046691851039, - 0.089986217010538, - 0.8596405519204938, - 0.8778592984789633, - 0.568960904221502, - 0.07372843135593388, - 0.6968972169151197, - 0.6761115120363048, - 0.5205936106293308, - 0.38329401517092665, - 0.22577502868344568, - 0.5576607412544665, - 0.875065358396385, - 0.22443404630358266, - 0.8422599356790303, - 0.019089394288498984, - 0.18805829414175323, - 0.7206026808639959, - 0.7247659482244049, - 0.0798629643491735, - 0.3748352650450473, - 0.8677712334361549, - 0.2263807713530448, - 0.39530317477884447, - 0.018711514144432617, - 0.752093021585569, - 0.7690290468745582, - 0.20979148471928977, - 0.07197664223078448, - 0.7058397536510698, - 0.2484232377435589, - 0.7645998938949979, - 0.8169143117694883, - 0.8396951386519494, - 0.9229963050824691, - 0.025313334279733368, - 0.1982849337535656, - 0.04350393160295041, - 0.07310068745231002, - 0.834935806566158, - 0.025239746002278962, - 0.4449888957603878, - 0.8770755055406804, - 0.5752584509443784, - 0.9059978422631482, - 0.21637331850878605, - 0.5570625910445836, - 0.34345014641850213, - 0.5394125435326883, - 0.6601607084093072, - 0.3665380515664113, - 0.21436931066992682, - 0.7020470970096517, - 0.6297236380866205, - 0.6362860919947142, - 0.30835705893551246, - 0.13801832368934874, - 0.20073208070115833, - 0.07170942765573096, - 0.7740387201806735, - 0.0511437380032036, - 0.21556270073840955, - 0.9509704363748058, - 0.7651477927450139, - 0.013642936887364177, - 0.06802886653598705, - 0.049316547861616766, - 0.135720190266156, - 0.7660541201757316, - 0.1902977019080343, - 0.32020052896727613, - 0.14335504541035238, - 0.9085812475750075, - 0.19486135550588957, - 0.5305734745109568, - 0.999541878563279, - 0.7371776441295427, - 0.48293807454803783, - 0.6335246573918332, - 0.08063243367426731, - 0.4515861262026113, - 0.5692039712603272, - 0.29455225139146424, - 0.3268638471416172, - 0.06478008016072057, - 0.6819976405803333, - 0.5188984037098976, - 0.8116724794196922, - 0.4331135650260618, - 0.6382150569344307, - 0.3211425478447857, - 0.882731854174593, - 0.528938293584792, - 0.9411476425396806, - 0.5965187687950486, - 0.5102927484663609, - 0.2006815980487573, - 0.38705651357403137, - 0.30871089021550957, - 0.8925799556407804, - 0.22277589729550407, - 0.13171195895469234, - 0.42329115699702047, - 0.778870049578296, - 0.5532967973904273, - 0.3540287934279791, - 0.722218525069373, - 0.9973223394368395, - 0.5114454546340026, - 0.5894564290752139, - 0.838954258206742, - 0.5143577224383352, - 0.8687262446899531, - 0.9959296449012397, - 0.653016264447151, - 0.7499503853819991, - 0.7512857426179643, - 0.21833583279804192, - 0.7359626363671393, - 0.020353415226913252, - 0.6738711563966383, - 0.06263038940081167, - 0.33878891492358887, - 0.9358240133364768, - 0.266598121928595, - 0.3064694166056863, - 0.6551758972050564, - 0.4139024654987864, - 0.6133967291781269, - 0.021437171376287867, - 0.2773881138563976, - 0.5319921317328424, - 0.7215578567590132, - 0.7533997256589339, - 0.04823547155971464, - 0.34876277526822697, - 0.08729279193718298, - 0.5186787339781856 + 0.14378141177409642, + 0.08406737512091644, + 0.9059392945167801, + 0.4567247432265089, + 0.276532185575899, + 0.3728867497215087, + 0.839209968425747, + 0.24887973063335422, + 0.3493758453681505, + 0.5181232799209311, + 0.890550612807266, + 0.389106804096759, + 0.7688838712914297, + 0.9556173410083434, + 0.7229103386450507, + 0.19738074578501275, + 0.9220258374665, + 0.9241310518519541, + 0.7188833822941445, + 0.8667750623915866, + 0.5623588709999513, + 0.9572846712201458, + 0.3081694275880723, + 0.29355905491565326, + 0.4340034757741773, + 0.2615149165771655, + 0.2878736047025997, + 0.8721076426611073, + 0.3169162696638267, + 0.04514952819969431, + 0.9414424140878759, + 0.5796004528521543, + 0.07739395635613422, + 0.30194994657478913, + 0.848644101508808, + 0.1864673769300078, + 0.5426829269122398, + 0.5377901998819442, + 0.8520867098142026, + 0.12051589238217608, + 0.8594561683387494, + 0.14773759012940813, + 0.028614370683754053, + 0.5176997563955174, + 0.11899185289332148, + 0.1553847844846652, + 0.5249490184357813, + 0.2380964997842715, + 0.9526615616576519, + 0.645937380451571, + 0.5256939470233176, + 0.3341445503061956, + 0.45851579153982924, + 0.2302454802442936, + 0.09011905015991828, + 0.4365476732132195, + 0.5350090802967954, + 0.41160978597541087, + 0.6523743292381642, + 0.44891960938841524, + 0.9921091556908747, + 0.49394638099812505, + 0.3102615979648483, + 0.6121014762923164, + 0.863131673551744, + 0.09693700308570552, + 0.04596230539067725, + 0.983521449421165, + 0.11583110341003411, + 0.8865267470791254, + 0.6362073961435706, + 0.2672671837645406, + 0.4955397068821188, + 0.254608178686367, + 0.07140917084463982, + 0.885244130233161, + 0.721769252054152, + 0.08416947278537812, + 0.32146492622569467, + 0.6454324194052874, + 0.5891227969920543, + 0.5346490699024248, + 0.8101774360225227, + 0.3976410903971299, + 0.1765479291872719, + 0.37247738645858897, + 0.4767937606484708, + 0.5953479122089683, + 0.38438789621297953, + 0.21977285463077778, + 0.7190679317845929, + 0.24607881922577834, + 0.9545178681244203, + 0.8258393548224956, + 0.40997506031899744, + 0.4083812916768208, + 0.6757325372135963, + 0.7952044400554168, + 0.6166026677610413, + 0.8301471494740408, + 0.7219335477578182, + 0.8039029503216819, + 0.7752325754511408, + 0.4406896435498432, + 0.9365417881877292, + 0.8841854403113268, + 0.23103291740310783, + 0.18593100639304283, + 0.6771182817919724, + 0.3374570948158808, + 0.36431847035985654, + 0.6360081659406684, + 0.9404914793207334, + 0.9783457986605444, + 0.5881623052672675, + 0.04277491897442687, + 0.9518477407312887, + 0.27818148615045313, + 0.7264741859508872, + 0.9619382283381307, + 0.3624784003888747, + 0.4942486504294118, + 0.6879588081165228, + 0.3569108770657411, + 0.4748806644443361, + 0.4806831908532895, + 0.40633586115592635, + 0.15637741589899823, + 0.30108305199149965, + 0.8813079847215382, + 0.5115684369045596, + 0.3106178852754258, + 0.9764341705257147, + 0.18380760190138679, + 0.36871640417881946, + 0.04724766381620049, + 0.6299176247669208, + 0.6028403457070064, + 0.2832054159548443, + 0.3737653103379046, + 0.7218830758767244, + 0.8070009691749892, + 0.6601912222239201, + 0.6479993796840459, + 0.29985362465276677, + 0.4539278069119548, + 0.8528665876092909, + 0.20394909002472095, + 0.39101184998712657, + 0.9471916731223657, + 0.2694764752594858, + 0.968163237132588, + 0.9778800980453956, + 0.8374473713927413, + 0.3621800620268272, + 0.11056379614083156, + 0.039035800495431094, + 0.9579056294704402, + 0.35552729354178303, + 0.33524900752313536, + 0.7915647188290255, + 0.11535044857474308, + 0.7226707561997955, + 0.35169924069339265, + 0.47704310126187943, + 0.2820666889891674, + 0.786337719105039, + 0.9891156890722326, + 0.28402184168617317, + 0.9567357845745496, + 0.9859997610029962, + 0.6555971757742356, + 0.40608303717145366, + 0.8170823718237776, + 0.0009609473310484562, + 0.1971909240376688, + 0.5641472590685914, + 0.959311884169357, + 0.995576903723637, + 0.3059048568090965, + 0.02359402531652033, + 0.8058773799566427, + 0.5480925286546465, + 0.8388483342633323, + 0.24294312459278478, + 0.655920902967291, + 0.7824928688369046, + 0.30618674109162436, + 0.503032629567798, + 0.9580965215684704, + 0.1752677185792083, + 0.886050353105155, + 0.47137991177359995, + 0.08919941417537158, + 0.8570698941945623, + 0.23618711400200698, + 0.5035776847743093, + 0.2987153685451157, + 0.6536293124892188, + 0.9617364911999879 ], - "yaxis": "y" + "yaxis": "y2" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#636EFA", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Embarked_Southampton", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Embarked=Embarked_Southampton
shap=-0.005", + "None=Palsson, Master. Gosta Leonard
Embarked=Embarked_Southampton
shap=0.010", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Embarked=Embarked_Southampton
shap=-0.010", + "None=Saundercock, Mr. William Henry
Embarked=Embarked_Southampton
shap=0.008", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Embarked=Embarked_Southampton
shap=-0.011", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Embarked=Embarked_Southampton
shap=-0.012", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Embarked=Embarked_Southampton
shap=-0.012", + "None=Rugg, Miss. Emily
Embarked=Embarked_Southampton
shap=-0.008", + "None=Harris, Mr. Henry Birkhardt
Embarked=Embarked_Southampton
shap=0.005", + "None=Skoog, Master. Harald
Embarked=Embarked_Southampton
shap=0.011", + "None=Kink, Mr. Vincenz
Embarked=Embarked_Southampton
shap=0.008", + "None=Hood, Mr. Ambrose Jr
Embarked=Embarked_Southampton
shap=0.007", + "None=Ilett, Miss. Bertha
Embarked=Embarked_Southampton
shap=-0.007", + "None=Ford, Mr. William Neal
Embarked=Embarked_Southampton
shap=0.010", + "None=Christmann, Mr. Emil
Embarked=Embarked_Southampton
shap=0.007", + "None=Andreasson, Mr. Paul Edvin
Embarked=Embarked_Southampton
shap=0.008", + "None=Chaffee, Mr. Herbert Fuller
Embarked=Embarked_Southampton
shap=0.006", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Embarked=Embarked_Southampton
shap=0.009", + "None=White, Mr. Richard Frasar
Embarked=Embarked_Southampton
shap=0.005", + "None=Rekic, Mr. Tido
Embarked=Embarked_Southampton
shap=0.007", + "None=Barton, Mr. David John
Embarked=Embarked_Southampton
shap=0.008", + "None=Jussila, Miss. Katriina
Embarked=Embarked_Southampton
shap=-0.011", + "None=Pekoniemi, Mr. Edvard
Embarked=Embarked_Southampton
shap=0.008", + "None=Turpin, Mr. William John Robert
Embarked=Embarked_Southampton
shap=0.007", + "None=Moore, Mr. Leonard Charles
Embarked=Embarked_Southampton
shap=0.009", + "None=Osen, Mr. Olaf Elon
Embarked=Embarked_Southampton
shap=0.009", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Embarked=Embarked_Southampton
shap=-0.013", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Embarked=Embarked_Southampton
shap=0.006", + "None=Bateman, Rev. Robert James
Embarked=Embarked_Southampton
shap=0.005", + "None=Meo, Mr. Alfonzo
Embarked=Embarked_Southampton
shap=0.006", + "None=Cribb, Mr. John Hatfield
Embarked=Embarked_Southampton
shap=0.006", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Embarked=Embarked_Southampton
shap=-0.009", + "None=Van der hoef, Mr. Wyckoff
Embarked=Embarked_Southampton
shap=0.005", + "None=Sivola, Mr. Antti Wilhelm
Embarked=Embarked_Southampton
shap=0.008", + "None=Klasen, Mr. Klas Albin
Embarked=Embarked_Southampton
shap=0.007", + "None=Rood, Mr. Hugh Roscoe
Embarked=Embarked_Southampton
shap=0.008", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Embarked=Embarked_Southampton
shap=-0.011", + "None=Vande Walle, Mr. Nestor Cyriel
Embarked=Embarked_Southampton
shap=0.008", + "None=Backstrom, Mr. Karl Alfred
Embarked=Embarked_Southampton
shap=0.008", + "None=Ali, Mr. Ahmed
Embarked=Embarked_Southampton
shap=0.007", + "None=Green, Mr. George Henry
Embarked=Embarked_Southampton
shap=0.006", + "None=Nenkoff, Mr. Christo
Embarked=Embarked_Southampton
shap=0.009", + "None=Asplund, Miss. Lillian Gertrud
Embarked=Embarked_Southampton
shap=-0.015", + "None=Harknett, Miss. Alice Phoebe
Embarked=Embarked_Southampton
shap=-0.012", + "None=Hunt, Mr. George Henry
Embarked=Embarked_Southampton
shap=0.006", + "None=Reed, Mr. James George
Embarked=Embarked_Southampton
shap=0.009", + "None=Stead, Mr. William Thomas
Embarked=Embarked_Southampton
shap=0.005", + "None=Parrish, Mrs. (Lutie Davis)
Embarked=Embarked_Southampton
shap=-0.006", + "None=Asplund, Master. Edvin Rojj Felix
Embarked=Embarked_Southampton
shap=0.010", + "None=Andrews, Miss. Kornelia Theodosia
Embarked=Embarked_Southampton
shap=-0.005", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Embarked=Embarked_Southampton
shap=-0.010", + "None=Smith, Mr. Richard William
Embarked=Embarked_Southampton
shap=0.008", + "None=Williams, Mr. Howard Hugh \"Harry\"
Embarked=Embarked_Southampton
shap=0.009", + "None=Sage, Mr. George John Jr
Embarked=Embarked_Southampton
shap=0.011", + "None=Nysveen, Mr. Johan Hansen
Embarked=Embarked_Southampton
shap=0.006", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Embarked=Embarked_Southampton
shap=-0.013", + "None=Denkoff, Mr. Mitto
Embarked=Embarked_Southampton
shap=0.009", + "None=Dimic, Mr. Jovan
Embarked=Embarked_Southampton
shap=0.007", + "None=Beavan, Mr. William Thomas
Embarked=Embarked_Southampton
shap=0.008", + "None=Gustafsson, Mr. Karl Gideon
Embarked=Embarked_Southampton
shap=0.008", + "None=Plotcharsky, Mr. Vasil
Embarked=Embarked_Southampton
shap=0.009", + "None=Goodwin, Master. Sidney Leonard
Embarked=Embarked_Southampton
shap=0.010", + "None=Gustafsson, Mr. Johan Birger
Embarked=Embarked_Southampton
shap=0.008", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Embarked=Embarked_Southampton
shap=-0.009", + "None=Niskanen, Mr. Juha
Embarked=Embarked_Southampton
shap=0.007", + "None=Matthews, Mr. William John
Embarked=Embarked_Southampton
shap=0.006", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Embarked=Embarked_Southampton
shap=-0.008", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Embarked=Embarked_Southampton
shap=-0.008", + "None=Johannesen-Bratthammer, Mr. Bernt
Embarked=Embarked_Southampton
shap=0.009", + "None=Peuchen, Major. Arthur Godfrey
Embarked=Embarked_Southampton
shap=0.004", + "None=Anderson, Mr. Harry
Embarked=Embarked_Southampton
shap=0.005", + "None=Milling, Mr. Jacob Christian
Embarked=Embarked_Southampton
shap=0.005", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Embarked=Embarked_Southampton
shap=-0.009", + "None=Karlsson, Mr. Nils August
Embarked=Embarked_Southampton
shap=0.008", + "None=Frost, Mr. Anthony Wood \"Archie\"
Embarked=Embarked_Southampton
shap=0.007", + "None=Windelov, Mr. Einar
Embarked=Embarked_Southampton
shap=0.008", + "None=Shellard, Mr. Frederick William
Embarked=Embarked_Southampton
shap=0.009", + "None=Svensson, Mr. Olof
Embarked=Embarked_Southampton
shap=0.008", + "None=Laitinen, Miss. Kristina Sofia
Embarked=Embarked_Southampton
shap=-0.010", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Embarked=Embarked_Southampton
shap=0.008", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Embarked=Embarked_Southampton
shap=-0.009", + "None=Cacic, Miss. Marija
Embarked=Embarked_Southampton
shap=-0.010", + "None=Hart, Miss. Eva Miriam
Embarked=Embarked_Southampton
shap=-0.009", + "None=Butt, Major. Archibald Willingham
Embarked=Embarked_Southampton
shap=0.004", + "None=Beane, Mr. Edward
Embarked=Embarked_Southampton
shap=0.008", + "None=Goldsmith, Mr. Frank John
Embarked=Embarked_Southampton
shap=0.008", + "None=Ohman, Miss. Velin
Embarked=Embarked_Southampton
shap=-0.011", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Embarked=Embarked_Southampton
shap=-0.006", + "None=Harris, Mr. George
Embarked=Embarked_Southampton
shap=0.006", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Embarked=Embarked_Southampton
shap=-0.004", + "None=Patchett, Mr. George
Embarked=Embarked_Southampton
shap=0.007", + "None=Murdlin, Mr. Joseph
Embarked=Embarked_Southampton
shap=0.009", + "None=Lindell, Mr. Edvard Bengtsson
Embarked=Embarked_Southampton
shap=0.008", + "None=Daniel, Mr. Robert Williams
Embarked=Embarked_Southampton
shap=0.007", + "None=Shutes, Miss. Elizabeth W
Embarked=Embarked_Southampton
shap=-0.008", + "None=Jardin, Mr. Jose Neto
Embarked=Embarked_Southampton
shap=0.009", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Embarked=Embarked_Southampton
shap=-0.010", + "None=Bostandyeff, Mr. Guentcho
Embarked=Embarked_Southampton
shap=0.008", + "None=Lundahl, Mr. Johan Svensson
Embarked=Embarked_Southampton
shap=0.006", + "None=Willey, Mr. Edward
Embarked=Embarked_Southampton
shap=0.009", + "None=Stanley, Miss. Amy Zillah Elsie
Embarked=Embarked_Southampton
shap=-0.011", + "None=Eitemiller, Mr. George Floyd
Embarked=Embarked_Southampton
shap=0.006", + "None=Colley, Mr. Edward Pomeroy
Embarked=Embarked_Southampton
shap=0.005", + "None=Coleff, Mr. Peju
Embarked=Embarked_Southampton
shap=0.007", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Embarked=Embarked_Southampton
shap=-0.008", + "None=Davidson, Mr. Thornton
Embarked=Embarked_Southampton
shap=0.007", + "None=Turja, Miss. Anna Sofia
Embarked=Embarked_Southampton
shap=-0.011", + "None=Goodwin, Mr. Charles Edward
Embarked=Embarked_Southampton
shap=0.010", + "None=Panula, Mr. Jaako Arnold
Embarked=Embarked_Southampton
shap=0.010", + "None=Fischer, Mr. Eberhard Thelander
Embarked=Embarked_Southampton
shap=0.008", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
Embarked=Embarked_Southampton
shap=0.007", + "None=Hansen, Mr. Henrik Juul
Embarked=Embarked_Southampton
shap=0.008", + "None=Calderhead, Mr. Edward Pennington
Embarked=Embarked_Southampton
shap=0.006", + "None=Klaber, Mr. Herman
Embarked=Embarked_Southampton
shap=0.007", + "None=Taylor, Mr. Elmer Zebley
Embarked=Embarked_Southampton
shap=0.005", + "None=Larsson, Mr. August Viktor
Embarked=Embarked_Southampton
shap=0.008", + "None=Greenberg, Mr. Samuel
Embarked=Embarked_Southampton
shap=0.005", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
Embarked=Embarked_Southampton
shap=-0.009", + "None=Johnson, Mr. Malkolm Joackim
Embarked=Embarked_Southampton
shap=0.007", + "None=Gillespie, Mr. William Henry
Embarked=Embarked_Southampton
shap=0.006", + "None=Allen, Miss. Elisabeth Walton
Embarked=Embarked_Southampton
shap=-0.007", + "None=Berriman, Mr. William John
Embarked=Embarked_Southampton
shap=0.006", + "None=Troupiansky, Mr. Moses Aaron
Embarked=Embarked_Southampton
shap=0.006", + "None=Williams, Mr. Leslie
Embarked=Embarked_Southampton
shap=0.008", + "None=Ivanoff, Mr. Kanio
Embarked=Embarked_Southampton
shap=0.009", + "None=McNamee, Mr. Neal
Embarked=Embarked_Southampton
shap=0.008", + "None=Carlsson, Mr. August Sigfrid
Embarked=Embarked_Southampton
shap=0.008", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Embarked=Embarked_Southampton
shap=-0.005", + "None=Eklund, Mr. Hans Linus
Embarked=Embarked_Southampton
shap=0.009", + "None=Hogeboom, Mrs. John C (Anna Andrews)
Embarked=Embarked_Southampton
shap=-0.003", + "None=Lievens, Mr. Rene Aime
Embarked=Embarked_Southampton
shap=0.008", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Embarked=Embarked_Southampton
shap=-0.005", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
Embarked=Embarked_Southampton
shap=-0.008", + "None=Johnston, Mr. Andrew G
Embarked=Embarked_Southampton
shap=0.010", + "None=Ali, Mr. William
Embarked=Embarked_Southampton
shap=0.007", + "None=Sjoblom, Miss. Anna Sofia
Embarked=Embarked_Southampton
shap=-0.011", + "None=Leader, Dr. Alice (Farnham)
Embarked=Embarked_Southampton
shap=-0.003", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Embarked=Embarked_Southampton
shap=-0.008", + "None=Carter, Master. William Thornton II
Embarked=Embarked_Southampton
shap=0.009", + "None=Johansson, Mr. Karl Johan
Embarked=Embarked_Southampton
shap=0.008", + "None=Slemen, Mr. Richard James
Embarked=Embarked_Southampton
shap=0.007", + "None=Tomlin, Mr. Ernest Portage
Embarked=Embarked_Southampton
shap=0.008", + "None=Richards, Master. George Sibley
Embarked=Embarked_Southampton
shap=0.007", + "None=Mudd, Mr. Thomas Charles
Embarked=Embarked_Southampton
shap=0.007", + "None=Sage, Mr. Douglas Bullen
Embarked=Embarked_Southampton
shap=0.011", + "None=Aks, Mrs. Sam (Leah Rosen)
Embarked=Embarked_Southampton
shap=-0.010", + "None=Johnson, Master. Harold Theodor
Embarked=Embarked_Southampton
shap=0.008", + "None=Carlsson, Mr. Frans Olof
Embarked=Embarked_Southampton
shap=0.004", + "None=Gustafsson, Mr. Alfred Ossian
Embarked=Embarked_Southampton
shap=0.009", + "None=Montvila, Rev. Juozas
Embarked=Embarked_Southampton
shap=0.006" + ], + "type": "scattergl", + "x": [ + -0.00532652770763659, + 0.009986933095694612, + -0.009516218552120896, + 0.008083868750615928, + -0.01115600744798096, + -0.012348192021725633, + -0.01212465743726858, + -0.00758864717742208, + 0.004667952538078438, + 0.010766079918091094, + 0.007678217155896126, + 0.006903746949449812, + -0.007465629378999341, + 0.009699229372219958, + 0.007485119294067182, + 0.008154330696077874, + 0.005805155321601234, + 0.008994672696468321, + 0.005024093940349893, + 0.006730376893063677, + 0.007911514531460795, + -0.01073943172938847, + 0.008154330696077874, + 0.0073321652548986715, + 0.008947104523900148, + 0.008555322188115125, + -0.013216027631446995, + 0.0057514525704311075, + 0.004853887138040491, + 0.005960303399096515, + 0.006256675742033611, + -0.009411562540679213, + 0.00457064848870777, + 0.008154330696077874, + 0.007455944178123774, + 0.00816922811979129, + -0.010795589315813528, + 0.008006359832722356, + 0.008242423610109281, + 0.007232557215807664, + 0.005930300192460663, + 0.008994672696468321, + -0.014750357370933304, + -0.012096946628285931, + 0.006196469117500413, + 0.008609710449279552, + 0.004717551985552185, + -0.006148439459789929, + 0.010458979948439199, + -0.004519609690661128, + -0.009688836001659176, + 0.008067787015586744, + 0.008947104523900148, + 0.01062598304070525, + 0.005756510465715128, + -0.012576357405417838, + 0.008994672696468321, + 0.0066460509414423274, + 0.00799964752911353, + 0.008037988889089938, + 0.008994672696468321, + 0.010499033748761401, + 0.007748679101358072, + -0.009349932709959345, + 0.006722211796008811, + 0.006233008052296469, + -0.008141007003838525, + -0.007583045438048878, + 0.008947104523900148, + 0.0038694771251411107, + 0.005400828498474808, + 0.005418672497404947, + -0.008557267909508946, + 0.007949855891437204, + 0.007228540379977788, + 0.007769368448889106, + 0.008864647841999388, + 0.00759221295267347, + -0.009671668452560426, + 0.007654428031466189, + -0.008729025240013519, + -0.010303885383714052, + -0.008919703882501663, + 0.004087679761587344, + 0.00762710834567051, + 0.007786617943219993, + -0.010761788947761811, + -0.005624422123958697, + 0.005723171390875716, + -0.004315688538778254, + 0.00737010849139199, + 0.008947104523900148, + 0.007941879763748598, + 0.007167467002888888, + -0.007763893444342674, + 0.008609710449279552, + -0.009909412130409372, + 0.00757849489124162, + 0.005635502546569343, + 0.008962552110982784, + -0.011154570475597075, + 0.006294646921342797, + 0.005406639882816256, + 0.0074226070724297405, + -0.008026161051795874, + 0.0067945116594052765, + -0.010876726928907659, + 0.010116081142551518, + 0.009878502687034328, + 0.008195001340794246, + 0.007112773478858496, + 0.007888111295496039, + 0.005746550067939471, + 0.0068100510719922925, + 0.004664766538558672, + 0.007983446181009862, + 0.004854725757050238, + -0.00868627653106621, + 0.0074226070724297405, + 0.006196469117500413, + -0.007325814852374628, + 0.006294646921342797, + 0.006294646921342797, + 0.007760489250563752, + 0.008994672696468321, + 0.008099759219872202, + 0.0075728910367541605, + -0.005090358881885506, + 0.008593663548091535, + -0.003301194313584745, + 0.008025681748641666, + -0.005147429714537924, + -0.007833778551033488, + 0.010126718784811594, + 0.0072177034176347295, + -0.011036230336038452, + -0.00286991970912213, + -0.008254771911755748, + 0.008517793128896693, + 0.007723150918790423, + 0.006602306774461233, + 0.007663703374704928, + 0.0072408475883604705, + 0.006937339401700094, + 0.01062598304070525, + -0.009757533008400356, + 0.008279742726963163, + 0.004433700659709494, + 0.00858219563755861, + 0.006171025986290349 + ], + "xaxis": "x3", + "y": [ + 0.2440791046769899, + 0.9694382461825193, + 0.10165959572310213, + 0.6267396309617782, + 0.45980876074658383, + 0.5322408898503231, + 0.6971862767817409, + 0.4085988046352804, + 0.4193061648852302, + 0.9493578686573267, + 0.6136931667034061, + 0.5914459823737982, + 0.9586123019124014, + 0.7787157397005621, + 0.17991202419456098, + 0.18117467887837124, + 0.4006349399066116, + 0.1925353974459254, + 0.457181222048733, + 0.2461623942852843, + 0.3275366712917328, + 0.011570256149723623, + 0.635674470235269, + 0.27622476821710096, + 0.5200083287223622, + 0.31718733605278504, + 0.30827887905617835, + 0.3388921303371911, + 0.4810094974433523, + 0.7184023236921973, + 0.6306724623079547, + 0.10672472440845027, + 0.3396987502757781, + 0.20932590959543595, + 0.48767027885259717, + 0.2631604559540668, + 0.12252051726870905, + 0.577437788417329, + 0.03899986813761869, + 0.6497059772854978, + 0.03759664639213667, + 0.8001534766288416, + 0.43468383542159317, + 0.28257822628095486, + 0.8665750600960196, + 0.8522286622355932, + 0.5731401313355247, + 0.7911132479284303, + 0.031158178436979322, + 0.2682595468972988, + 0.506518111532862, + 0.21267786989362814, + 0.614642709381388, + 0.4782032612068464, + 0.712043974232649, + 0.2515495419970659, + 0.34306876160765454, + 0.9913894644383711, + 0.1510170795675284, + 0.6530767266057922, + 0.17716151807293334, + 0.13536853828980977, + 0.3386633012260918, + 0.22979410032948766, + 0.8460645251197312, + 0.7873045354012675, + 0.7021350401112846, + 0.9291108356254649, + 0.017594921698077748, + 0.14483234872415574, + 0.5672729842374769, + 0.63123777617754, + 0.41197433906878833, + 0.5758927795459742, + 0.22392767050121354, + 0.6981310902470743, + 0.0779888736872868, + 0.6119536430045373, + 0.9179503264453186, + 0.509046763325318, + 0.2333249313269663, + 0.7392672070637875, + 0.6084814982227155, + 0.7873943191589391, + 0.25261196436370414, + 0.6208003671699186, + 0.8578139468350989, + 0.9426670688481689, + 0.20516849266695603, + 0.4151207082913879, + 0.02561830774933127, + 0.9875755751776825, + 0.9364457123850944, + 0.09043870214740846, + 0.614680069727976, + 0.296685428552793, + 0.6511050804534484, + 0.2821205561506991, + 0.270744754098764, + 0.04654474345949777, + 0.007226593772398648, + 0.9388254491547612, + 0.3331081402291477, + 0.4523134868920947, + 0.2507370014393666, + 0.9692094483525627, + 0.8716323518963535, + 0.9714931273189884, + 0.0666854205509243, + 0.02227056727102017, + 0.48972510325738927, + 0.8524416529605822, + 0.9909606008732721, + 0.9617737867885126, + 0.9980821564121323, + 0.13240360869241263, + 0.25255117703536434, + 0.20831591120346082, + 0.9092538528386872, + 0.3505173721053516, + 0.2541390026884168, + 0.2705742072132191, + 0.7984776330036423, + 0.44634005339716154, + 0.3012543208046823, + 0.8582251966652439, + 0.5744835857362179, + 0.48388634794539687, + 0.778742661134513, + 0.36125238793009207, + 0.2719425985640095, + 0.9213115053556505, + 0.8285891426571393, + 0.3544504528570406, + 0.69454741461478, + 0.48994569498397633, + 0.5103610524197392, + 0.049842790864864206, + 0.3999238513334523, + 0.27415642983644084, + 0.004201164259660439, + 0.13205537217791774, + 0.7437636910547855, + 0.642931822669817, + 0.9089456094164862, + 0.380337966336327, + 0.8560344401669554, + 0.3409763608334966, + 0.8485765192083292, + 0.7835015030291678 + ], + "yaxis": "y3" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#EF553B", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Embarked_Cherbourg", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Embarked=Embarked_Cherbourg
shap=0.009", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Embarked=Embarked_Cherbourg
shap=0.017", + "None=Meyer, Mr. Edgar Joseph
Embarked=Embarked_Cherbourg
shap=-0.017", + "None=Kraeff, Mr. Theodor
Embarked=Embarked_Cherbourg
shap=-0.012", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Embarked=Embarked_Cherbourg
shap=0.007", + "None=Blank, Mr. Henry
Embarked=Embarked_Cherbourg
shap=-0.013", + "None=Thorne, Mrs. Gertrude Maybelle
Embarked=Embarked_Cherbourg
shap=0.022", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Embarked=Embarked_Cherbourg
shap=0.013", + "None=Levy, Mr. Rene Jacques
Embarked=Embarked_Cherbourg
shap=-0.009", + "None=Lewy, Mr. Ervin G
Embarked=Embarked_Cherbourg
shap=-0.014", + "None=Burns, Miss. Elizabeth Margaret
Embarked=Embarked_Cherbourg
shap=0.016", + "None=del Carlo, Mr. Sebastiano
Embarked=Embarked_Cherbourg
shap=-0.016", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Embarked=Embarked_Cherbourg
shap=0.022", + "None=Widener, Mr. Harry Elkins
Embarked=Embarked_Cherbourg
shap=-0.010", + "None=Bishop, Mr. Dickinson H
Embarked=Embarked_Cherbourg
shap=-0.010", + "None=Penasco y Castellana, Mr. Victor de Satode
Embarked=Embarked_Cherbourg
shap=-0.010", + "None=Kassem, Mr. Fared
Embarked=Embarked_Cherbourg
shap=-0.011", + "None=Ross, Mr. John Hugo
Embarked=Embarked_Cherbourg
shap=-0.013", + "None=Boulos, Mr. Hanna
Embarked=Embarked_Cherbourg
shap=-0.011", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Embarked=Embarked_Cherbourg
shap=-0.013", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Embarked=Embarked_Cherbourg
shap=-0.015", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Embarked=Embarked_Cherbourg
shap=0.018", + "None=Yasbeck, Mr. Antoni
Embarked=Embarked_Cherbourg
shap=-0.012", + "None=Stahelin-Maeglin, Dr. Max
Embarked=Embarked_Cherbourg
shap=-0.009", + "None=Hassab, Mr. Hammad
Embarked=Embarked_Cherbourg
shap=-0.008", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Embarked=Embarked_Cherbourg
shap=0.012", + "None=Ayoub, Miss. Banoura
Embarked=Embarked_Cherbourg
shap=0.009", + "None=Guggenheim, Mr. Benjamin
Embarked=Embarked_Cherbourg
shap=-0.005", + "None=Thomas, Master. Assad Alexander
Embarked=Embarked_Cherbourg
shap=-0.013", + "None=Lemberopolous, Mr. Peter L
Embarked=Embarked_Cherbourg
shap=-0.012", + "None=Boulos, Miss. Nourelain
Embarked=Embarked_Cherbourg
shap=0.012", + "None=Razi, Mr. Raihed
Embarked=Embarked_Cherbourg
shap=-0.011" + ], + "type": "scattergl", + "x": [ + 0.008510947298725173, + 0.016660397286571246, + -0.016548199192545885, + -0.011659768381006115, + 0.006718653420817389, + -0.01291013473301182, + 0.02181526916485703, + 0.012956408428576049, + -0.009181935687942051, + -0.014185940983981744, + 0.015642805985355883, + -0.01631382492104469, + 0.022364435333124336, + -0.009682189087973579, + -0.009992060280297747, + -0.010097335520249223, + -0.01072225007878609, + -0.012843980373632826, + -0.01072225007878609, + -0.013219671383006745, + -0.015031503511872876, + 0.017969992919982344, + -0.012105416469112588, + -0.009073104498383128, + -0.007635878120916644, + 0.012136801872510173, + 0.008927548637559011, + -0.005259907508240912, + -0.012990822089632812, + -0.011861783811177695, + 0.011644547198312994, + -0.01072225007878609 + ], + "xaxis": "x3", + "y": [ + 0.24329718527008504, + 0.34552834091453766, + 0.6907161200937224, + 0.5410166411695104, + 0.1105854767105805, + 0.9323616171349031, + 0.11659437132380857, + 0.04268977470989621, + 0.7253416881408328, + 0.23071318695717835, + 0.5746364967068214, + 0.3794413059373982, + 0.6762671269357563, + 0.09866634115601158, + 0.2868916744826755, + 0.23022464445322366, + 0.5439775681706899, + 0.23936757710991696, + 0.6817849747844575, + 0.36309850643434527, + 0.06748309394609386, + 0.8024889785769636, + 0.5721726359102478, + 0.849198825999204, + 0.8298178865133281, + 0.5669164256897804, + 0.4148745679128951, + 0.779996569573859, + 0.0014283156838948985, + 0.8750571478882971, + 0.8935411078676415, + 0.6621043172092408 + ], + "yaxis": "y3" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#00CC96", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Embarked_Queenstown", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Glynn, Miss. Mary Agatha
Embarked=Embarked_Queenstown
shap=0.020", + "None=Devaney, Miss. Margaret Delia
Embarked=Embarked_Queenstown
shap=0.019", + "None=Moran, Miss. Bertha
Embarked=Embarked_Queenstown
shap=0.021", + "None=Smith, Mr. Thomas
Embarked=Embarked_Queenstown
shap=-0.019", + "None=Healy, Miss. Hanora \"Nora\"
Embarked=Embarked_Queenstown
shap=0.020", + "None=Connolly, Miss. Kate
Embarked=Embarked_Queenstown
shap=0.018", + "None=Sadlier, Mr. Matthew
Embarked=Embarked_Queenstown
shap=-0.019", + "None=Minahan, Miss. Daisy E
Embarked=Embarked_Queenstown
shap=0.009", + "None=Charters, Mr. David
Embarked=Embarked_Queenstown
shap=-0.018", + "None=O'Sullivan, Miss. Bridget Mary
Embarked=Embarked_Queenstown
shap=0.020", + "None=Morrow, Mr. Thomas Rowan
Embarked=Embarked_Queenstown
shap=-0.019", + "None=Bourke, Miss. Mary
Embarked=Embarked_Queenstown
shap=0.018", + "None=Horgan, Mr. John
Embarked=Embarked_Queenstown
shap=-0.019", + "None=Hegarty, Miss. Hanora \"Nora\"
Embarked=Embarked_Queenstown
shap=0.018", + "None=McEvoy, Mr. Michael
Embarked=Embarked_Queenstown
shap=-0.018", + "None=Connaghton, Mr. Michael
Embarked=Embarked_Queenstown
shap=-0.014", + "None=Moran, Mr. Daniel J
Embarked=Embarked_Queenstown
shap=-0.019", + "None=McCormack, Mr. Thomas Joseph
Embarked=Embarked_Queenstown
shap=-0.019" + ], + "type": "scattergl", + "x": [ + 0.020402442321561156, + 0.01864550004400555, + 0.021361509620373646, + -0.019430160831012542, + 0.020402442321561156, + 0.017605541398011695, + -0.019430160831012542, + 0.008863251277856816, + -0.017921672635405825, + 0.020402442321561156, + -0.019430160831012542, + 0.018128355586658686, + -0.019430160831012542, + 0.017526677448959253, + -0.017993138526117915, + -0.014155583787005412, + -0.01883808793334264, + -0.019430160831012542 + ], + "xaxis": "x3", + "y": [ + 0.26772883832137884, + 0.32429070710267005, + 0.8296846671523974, + 0.9557896522682885, + 0.6591232965569578, + 0.828337795805595, + 0.427009378034349, + 0.9726007810645608, + 0.3904977985357957, + 0.14920814094104606, + 0.276970640521939, + 0.6096860370081492, + 0.32806522527246385, + 0.7648026143497143, + 0.43694637863119035, + 0.4870388574764869, + 0.35147006751837917, + 0.1787810177694189 + ], + "yaxis": "y3" }, { "hoverinfo": "text", "marker": { "color": [ - 1, - 1, - 0, - 1, - 1, - 0, - 1, - 1, - 1, 0, 0, 1, - 1, - 1, - 0, - 0, - 0, + 2, 0, - 1, 0, 0, + 5, 0, 0, 0, 0, 0, - 1, 0, - 1, 0, + 2, 0, 0, 0, - 1, + 3, 0, 0, 0, @@ -9223,17 +9774,12 @@ 0, 0, 0, - 1, - 1, - 0, - 0, 0, 0, 0, 0, - 1, - 1, - 0, + 2, + 2, 0, 0, 1, @@ -9241,38 +9787,24 @@ 0, 0, 1, - 1, - 1, - 0, - 1, - 1, - 0, - 0, - 0, - 0, 0, - 1, 0, - 1, 0, 0, 0, - 1, 0, 0, 0, 0, + 2, 0, 0, - 1, 0, - 1, 0, 0, 1, - 1, - 0, 0, + 2, 0, 0, 1, @@ -9282,33 +9814,25 @@ 0, 0, 0, - 1, - 1, - 0, + 2, 0, - 1, 0, - 1, - 1, 0, 0, 0, - 1, - 1, 0, 0, - 1, 0, + 2, 0, 0, - 1, + 2, 0, 0, + 2, 0, 0, 0, - 1, - 1, 0, 0, 1, @@ -9316,31 +9840,25 @@ 0, 0, 0, - 0, - 1, - 1, + 2, 0, 0, 0, - 1, 0, - 1, 0, 0, 0, 0, 0, - 1, 0, 0, 0, 0, + 2, 0, 0, 1, 0, - 0, - 0, 1, 0, 0, @@ -9348,24 +9866,13 @@ 0, 0, 0, + 2, 0, - 1, - 0, - 1, - 0, - 0, - 1, - 1, - 1, - 0, - 0, - 1, 0, - 1, - 1, 0, 0, 0, + 2, 0, 0, 0, @@ -9373,852 +9880,71 @@ 0, 0, 0, - 1, - 1, 0, 0, 0, 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "Sex_female", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Sex_female=1
shap=0.128", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Sex_female=1
shap=0.145", - "index=Palsson, Master. Gosta Leonard
Sex_female=0
shap=-0.045", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Sex_female=1
shap=0.114", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Sex_female=1
shap=0.135", - "index=Saundercock, Mr. William Henry
Sex_female=0
shap=-0.067", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Sex_female=1
shap=0.142", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Sex_female=1
shap=0.084", - "index=Glynn, Miss. Mary Agatha
Sex_female=1
shap=0.147", - "index=Meyer, Mr. Edgar Joseph
Sex_female=0
shap=-0.082", - "index=Kraeff, Mr. Theodor
Sex_female=0
shap=-0.068", - "index=Devaney, Miss. Margaret Delia
Sex_female=1
shap=0.144", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Sex_female=1
shap=0.134", - "index=Rugg, Miss. Emily
Sex_female=1
shap=0.164", - "index=Harris, Mr. Henry Birkhardt
Sex_female=0
shap=-0.093", - "index=Skoog, Master. Harald
Sex_female=0
shap=-0.05", - "index=Kink, Mr. Vincenz
Sex_female=0
shap=-0.068", - "index=Hood, Mr. Ambrose Jr
Sex_female=0
shap=-0.093", - "index=Ilett, Miss. Bertha
Sex_female=1
shap=0.165", - "index=Ford, Mr. William Neal
Sex_female=0
shap=-0.058", - "index=Christmann, Mr. Emil
Sex_female=0
shap=-0.069", - "index=Andreasson, Mr. Paul Edvin
Sex_female=0
shap=-0.069", - "index=Chaffee, Mr. Herbert Fuller
Sex_female=0
shap=-0.09", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Sex_female=0
shap=-0.066", - "index=White, Mr. Richard Frasar
Sex_female=0
shap=-0.087", - "index=Rekic, Mr. Tido
Sex_female=0
shap=-0.068", - "index=Moran, Miss. Bertha
Sex_female=1
shap=0.129", - "index=Barton, Mr. David John
Sex_female=0
shap=-0.067", - "index=Jussila, Miss. Katriina
Sex_female=1
shap=0.123", - "index=Pekoniemi, Mr. Edvard
Sex_female=0
shap=-0.068", - "index=Turpin, Mr. William John Robert
Sex_female=0
shap=-0.094", - "index=Moore, Mr. Leonard Charles
Sex_female=0
shap=-0.065", - "index=Osen, Mr. Olaf Elon
Sex_female=0
shap=-0.067", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Sex_female=1
shap=0.088", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Sex_female=0
shap=-0.087", - "index=Bateman, Rev. Robert James
Sex_female=0
shap=-0.089", - "index=Meo, Mr. Alfonzo
Sex_female=0
shap=-0.069", - "index=Cribb, Mr. John Hatfield
Sex_female=0
shap=-0.076", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Sex_female=1
shap=0.112", - "index=Van der hoef, Mr. Wyckoff
Sex_female=0
shap=-0.089", - "index=Sivola, Mr. Antti Wilhelm
Sex_female=0
shap=-0.068", - "index=Klasen, Mr. Klas Albin
Sex_female=0
shap=-0.066", - "index=Rood, Mr. Hugh Roscoe
Sex_female=0
shap=-0.08", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Sex_female=1
shap=0.131", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Sex_female=1
shap=0.138", - "index=Vande Walle, Mr. Nestor Cyriel
Sex_female=0
shap=-0.069", - "index=Backstrom, Mr. Karl Alfred
Sex_female=0
shap=-0.075", - "index=Blank, Mr. Henry
Sex_female=0
shap=-0.074", - "index=Ali, Mr. Ahmed
Sex_female=0
shap=-0.069", - "index=Green, Mr. George Henry
Sex_female=0
shap=-0.069", - "index=Nenkoff, Mr. Christo
Sex_female=0
shap=-0.066", - "index=Asplund, Miss. Lillian Gertrud
Sex_female=1
shap=0.075", - "index=Harknett, Miss. Alice Phoebe
Sex_female=1
shap=0.14", - "index=Hunt, Mr. George Henry
Sex_female=0
shap=-0.09", - "index=Reed, Mr. James George
Sex_female=0
shap=-0.067", - "index=Stead, Mr. William Thomas
Sex_female=0
shap=-0.085", - "index=Thorne, Mrs. Gertrude Maybelle
Sex_female=1
shap=0.138", - "index=Parrish, Mrs. (Lutie Davis)
Sex_female=1
shap=0.174", - "index=Smith, Mr. Thomas
Sex_female=0
shap=-0.076", - "index=Asplund, Master. Edvin Rojj Felix
Sex_female=0
shap=-0.039", - "index=Healy, Miss. Hanora \"Nora\"
Sex_female=1
shap=0.147", - "index=Andrews, Miss. Kornelia Theodosia
Sex_female=1
shap=0.14", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Sex_female=1
shap=0.125", - "index=Smith, Mr. Richard William
Sex_female=0
shap=-0.077", - "index=Connolly, Miss. Kate
Sex_female=1
shap=0.143", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Sex_female=1
shap=0.124", - "index=Levy, Mr. Rene Jacques
Sex_female=0
shap=-0.082", - "index=Lewy, Mr. Ervin G
Sex_female=0
shap=-0.081", - "index=Williams, Mr. Howard Hugh \"Harry\"
Sex_female=0
shap=-0.065", - "index=Sage, Mr. George John Jr
Sex_female=0
shap=-0.039", - "index=Nysveen, Mr. Johan Hansen
Sex_female=0
shap=-0.07", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Sex_female=1
shap=0.138", - "index=Denkoff, Mr. Mitto
Sex_female=0
shap=-0.066", - "index=Burns, Miss. Elizabeth Margaret
Sex_female=1
shap=0.121", - "index=Dimic, Mr. Jovan
Sex_female=0
shap=-0.069", - "index=del Carlo, Mr. Sebastiano
Sex_female=0
shap=-0.082", - "index=Beavan, Mr. William Thomas
Sex_female=0
shap=-0.068", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Sex_female=1
shap=0.126", - "index=Widener, Mr. Harry Elkins
Sex_female=0
shap=-0.078", - "index=Gustafsson, Mr. Karl Gideon
Sex_female=0
shap=-0.069", - "index=Plotcharsky, Mr. Vasil
Sex_female=0
shap=-0.066", - "index=Goodwin, Master. Sidney Leonard
Sex_female=0
shap=-0.039", - "index=Sadlier, Mr. Matthew
Sex_female=0
shap=-0.076", - "index=Gustafsson, Mr. Johan Birger
Sex_female=0
shap=-0.069", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Sex_female=1
shap=0.09", - "index=Niskanen, Mr. Juha
Sex_female=0
shap=-0.068", - "index=Minahan, Miss. Daisy E
Sex_female=1
shap=0.139", - "index=Matthews, Mr. William John
Sex_female=0
shap=-0.089", - "index=Charters, Mr. David
Sex_female=0
shap=-0.076", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Sex_female=1
shap=0.17", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Sex_female=1
shap=0.157", - "index=Johannesen-Bratthammer, Mr. Bernt
Sex_female=0
shap=-0.065", - "index=Peuchen, Major. Arthur Godfrey
Sex_female=0
shap=-0.082", - "index=Anderson, Mr. Harry
Sex_female=0
shap=-0.076", - "index=Milling, Mr. Jacob Christian
Sex_female=0
shap=-0.089", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Sex_female=1
shap=0.151", - "index=Karlsson, Mr. Nils August
Sex_female=0
shap=-0.069", - "index=Frost, Mr. Anthony Wood \"Archie\"
Sex_female=0
shap=-0.08", - "index=Bishop, Mr. Dickinson H
Sex_female=0
shap=-0.087", - "index=Windelov, Mr. Einar
Sex_female=0
shap=-0.069", - "index=Shellard, Mr. Frederick William
Sex_female=0
shap=-0.069", - "index=Svensson, Mr. Olof
Sex_female=0
shap=-0.069", - "index=O'Sullivan, Miss. Bridget Mary
Sex_female=1
shap=0.152", - "index=Laitinen, Miss. Kristina Sofia
Sex_female=1
shap=0.139", - "index=Penasco y Castellana, Mr. Victor de Satode
Sex_female=0
shap=-0.076", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Sex_female=0
shap=-0.086", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Sex_female=1
shap=0.166", - "index=Kassem, Mr. Fared
Sex_female=0
shap=-0.069", - "index=Cacic, Miss. Marija
Sex_female=1
shap=0.142", - "index=Hart, Miss. Eva Miriam
Sex_female=1
shap=0.133", - "index=Butt, Major. Archibald Willingham
Sex_female=0
shap=-0.09", - "index=Beane, Mr. Edward
Sex_female=0
shap=-0.094", - "index=Goldsmith, Mr. Frank John
Sex_female=0
shap=-0.075", - "index=Ohman, Miss. Velin
Sex_female=1
shap=0.141", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Sex_female=1
shap=0.135", - "index=Morrow, Mr. Thomas Rowan
Sex_female=0
shap=-0.076", - "index=Harris, Mr. George
Sex_female=0
shap=-0.083", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Sex_female=1
shap=0.152", - "index=Patchett, Mr. George
Sex_female=0
shap=-0.073", - "index=Ross, Mr. John Hugo
Sex_female=0
shap=-0.077", - "index=Murdlin, Mr. Joseph
Sex_female=0
shap=-0.065", - "index=Bourke, Miss. Mary
Sex_female=1
shap=0.103", - "index=Boulos, Mr. Hanna
Sex_female=0
shap=-0.069", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Sex_female=0
shap=-0.084", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Sex_female=0
shap=-0.084", - "index=Lindell, Mr. Edvard Bengtsson
Sex_female=0
shap=-0.077", - "index=Daniel, Mr. Robert Williams
Sex_female=0
shap=-0.091", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Sex_female=1
shap=0.127", - "index=Shutes, Miss. Elizabeth W
Sex_female=1
shap=0.148", - "index=Jardin, Mr. Jose Neto
Sex_female=0
shap=-0.067", - "index=Horgan, Mr. John
Sex_female=0
shap=-0.076", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Sex_female=1
shap=0.134", - "index=Yasbeck, Mr. Antoni
Sex_female=0
shap=-0.07", - "index=Bostandyeff, Mr. Guentcho
Sex_female=0
shap=-0.069", - "index=Lundahl, Mr. Johan Svensson
Sex_female=0
shap=-0.07", - "index=Stahelin-Maeglin, Dr. Max
Sex_female=0
shap=-0.088", - "index=Willey, Mr. Edward
Sex_female=0
shap=-0.067", - "index=Stanley, Miss. Amy Zillah Elsie
Sex_female=1
shap=0.142", - "index=Hegarty, Miss. Hanora \"Nora\"
Sex_female=1
shap=0.154", - "index=Eitemiller, Mr. George Floyd
Sex_female=0
shap=-0.088", - "index=Colley, Mr. Edward Pomeroy
Sex_female=0
shap=-0.075", - "index=Coleff, Mr. Peju
Sex_female=0
shap=-0.071", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Sex_female=1
shap=0.154", - "index=Davidson, Mr. Thornton
Sex_female=0
shap=-0.09", - "index=Turja, Miss. Anna Sofia
Sex_female=1
shap=0.132", - "index=Hassab, Mr. Hammad
Sex_female=0
shap=-0.081", - "index=Goodwin, Mr. Charles Edward
Sex_female=0
shap=-0.049", - "index=Panula, Mr. Jaako Arnold
Sex_female=0
shap=-0.049", - "index=Fischer, Mr. Eberhard Thelander
Sex_female=0
shap=-0.069", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Sex_female=0
shap=-0.072", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Sex_female=1
shap=0.118", - "index=Hansen, Mr. Henrik Juul
Sex_female=0
shap=-0.07", - "index=Calderhead, Mr. Edward Pennington
Sex_female=0
shap=-0.076", - "index=Klaber, Mr. Herman
Sex_female=0
shap=-0.079", - "index=Taylor, Mr. Elmer Zebley
Sex_female=0
shap=-0.092", - "index=Larsson, Mr. August Viktor
Sex_female=0
shap=-0.069", - "index=Greenberg, Mr. Samuel
Sex_female=0
shap=-0.089", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Sex_female=1
shap=0.117", - "index=McEvoy, Mr. Michael
Sex_female=0
shap=-0.078", - "index=Johnson, Mr. Malkolm Joackim
Sex_female=0
shap=-0.071", - "index=Gillespie, Mr. William Henry
Sex_female=0
shap=-0.09", - "index=Allen, Miss. Elisabeth Walton
Sex_female=1
shap=0.149", - "index=Berriman, Mr. William John
Sex_female=0
shap=-0.088", - "index=Troupiansky, Mr. Moses Aaron
Sex_female=0
shap=-0.088", - "index=Williams, Mr. Leslie
Sex_female=0
shap=-0.074", - "index=Ivanoff, Mr. Kanio
Sex_female=0
shap=-0.066", - "index=McNamee, Mr. Neal
Sex_female=0
shap=-0.075", - "index=Connaghton, Mr. Michael
Sex_female=0
shap=-0.075", - "index=Carlsson, Mr. August Sigfrid
Sex_female=0
shap=-0.07", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Sex_female=1
shap=0.153", - "index=Eklund, Mr. Hans Linus
Sex_female=0
shap=-0.069", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Sex_female=1
shap=0.14", - "index=Moran, Mr. Daniel J
Sex_female=0
shap=-0.075", - "index=Lievens, Mr. Rene Aime
Sex_female=0
shap=-0.067", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Sex_female=1
shap=0.145", - "index=Ayoub, Miss. Banoura
Sex_female=1
shap=0.141", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Sex_female=1
shap=0.135", - "index=Johnston, Mr. Andrew G
Sex_female=0
shap=-0.062", - "index=Ali, Mr. William
Sex_female=0
shap=-0.069", - "index=Sjoblom, Miss. Anna Sofia
Sex_female=1
shap=0.143", - "index=Guggenheim, Mr. Benjamin
Sex_female=0
shap=-0.091", - "index=Leader, Dr. Alice (Farnham)
Sex_female=1
shap=0.149", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Sex_female=1
shap=0.152", - "index=Carter, Master. William Thornton II
Sex_female=0
shap=-0.08", - "index=Thomas, Master. Assad Alexander
Sex_female=0
shap=-0.061", - "index=Johansson, Mr. Karl Johan
Sex_female=0
shap=-0.069", - "index=Slemen, Mr. Richard James
Sex_female=0
shap=-0.084", - "index=Tomlin, Mr. Ernest Portage
Sex_female=0
shap=-0.069", - "index=McCormack, Mr. Thomas Joseph
Sex_female=0
shap=-0.076", - "index=Richards, Master. George Sibley
Sex_female=0
shap=-0.074", - "index=Mudd, Mr. Thomas Charles
Sex_female=0
shap=-0.082", - "index=Lemberopolous, Mr. Peter L
Sex_female=0
shap=-0.07", - "index=Sage, Mr. Douglas Bullen
Sex_female=0
shap=-0.039", - "index=Boulos, Miss. Nourelain
Sex_female=1
shap=0.102", - "index=Aks, Mrs. Sam (Leah Rosen)
Sex_female=1
shap=0.125", - "index=Razi, Mr. Raihed
Sex_female=0
shap=-0.069", - "index=Johnson, Master. Harold Theodor
Sex_female=0
shap=-0.062", - "index=Carlsson, Mr. Frans Olof
Sex_female=0
shap=-0.086", - "index=Gustafsson, Mr. Alfred Ossian
Sex_female=0
shap=-0.066", - "index=Montvila, Rev. Juozas
Sex_female=0
shap=-0.089" - ], - "type": "scatter", - "x": [ - 0.12766134570209536, - 0.1453651280912175, - -0.044950456533318084, - 0.11390369782588865, - 0.13516778420634065, - -0.06693591248839381, - 0.1417759805477697, - 0.0844321651623858, - 0.14687362155146264, - -0.08247222349898894, - -0.06836622515837017, - 0.14425971416856276, - 0.13371040710480164, - 0.16393801721063983, - -0.09304289377609742, - -0.050470279996426254, - -0.06760089687397293, - -0.0933542584129523, - 0.1646994352841107, - -0.05779445858331244, - -0.06914985352851656, - -0.06853970153010025, - -0.08992858834830575, - -0.06624583183664341, - -0.08732685591581808, - -0.06825819242246581, - 0.12872931823480777, - -0.06700024572729579, - 0.12255088518369836, - -0.06762260577363442, - -0.0943744377964472, - -0.06545924618921468, - -0.06721224763687265, - 0.08811580231003548, - -0.08677897379246324, - -0.08890401755160421, - -0.06914709556337455, - -0.07628983654875815, - 0.11249135573876366, - -0.08873748861324766, - -0.06762260577363442, - -0.06606696360459853, - -0.08020446991198106, - 0.13101954117504513, - 0.13798319375254547, - -0.06912730196017482, - -0.0750985503399035, - -0.07425869423006835, - -0.0689284548050395, - -0.06914709556337455, - -0.06624583183664341, - 0.07537525265227622, - 0.14026672820245967, - -0.08972747949249547, - -0.0670245601318158, - -0.08505142331386764, - 0.13796309840301016, - 0.17394509602398261, - -0.07607213303164405, - -0.03884028981798293, - 0.14687362155146264, - 0.14001315319961402, - 0.124928038362773, - -0.07720156027521106, - 0.1427108928703603, - 0.12420697737534152, - -0.08178121111212747, - -0.08082666451612146, - -0.06545924618921468, - -0.03904235480472682, - -0.0701037985708323, - 0.13754101520384251, - -0.06624583183664341, - 0.12085828999439487, - -0.06889870120719145, - -0.08161485084164725, - -0.06767218978116972, - 0.12612554896745348, - -0.07789733431860502, - -0.06916975086867194, - -0.06624583183664341, - -0.03927290403649735, - -0.07607213303164405, - -0.06892050139378902, - 0.090384902152388, - -0.06762101030293635, - 0.1387065816641727, - -0.08916715246922731, - -0.07560421005901097, - 0.17017817821874698, - 0.15740271631707412, - -0.06545924618921468, - -0.08192858584755373, - -0.07633482620818592, - -0.08879789640442794, - 0.15144958818539095, - -0.06856555966989694, - -0.08037973580257378, - -0.08708616737099172, - -0.06850122643099496, - -0.06920727021577582, - -0.06896692990414478, - 0.15229400830682238, - 0.13888522516597976, - -0.07639418236425814, - -0.0857319328183918, - 0.1657815305172905, - -0.06900086782262992, - 0.141653953493338, - 0.13330826075405625, - -0.08956954562944965, - -0.0942752375057451, - -0.07506045101718982, - 0.14117680963169604, - 0.13512254580691443, - -0.07607213303164405, - -0.0831462583155334, - 0.1516860847013259, - -0.07266978600262072, - -0.07663616640952532, - -0.06545924618921468, - 0.10320837589882212, - -0.06900086782262992, - -0.08411428321464232, - -0.08399923981609496, - -0.07682044976134694, - -0.09055518540655895, - 0.12656469229836403, - 0.14764338932789042, - -0.0670245601318158, - -0.07607213303164405, - 0.1335982836406079, - -0.06966010789565057, - -0.06922135018337092, - -0.07009617625144457, - -0.0879805090923114, - -0.0670245601318158, - 0.14176400104255338, - 0.15384915106361133, - -0.08821741215797319, - -0.07474287231039463, - -0.07053965704315374, - 0.1540885753524373, - -0.0900548444581144, - 0.13222394013390534, - -0.08128520925582075, - -0.0486869712829308, - -0.04914481467587194, - -0.06912466665798826, - -0.07222974554274748, - 0.11780567927194517, - -0.06970237822907255, - -0.07567087135324387, - -0.07905554980185604, - -0.09191025111821574, - -0.06914985352851656, - -0.08890401755160421, - 0.11723132161288005, - -0.07829027162209763, - -0.07063329191832816, - -0.0896709197654294, - 0.14892647032381498, - -0.08821741215797319, - -0.08821741215797319, - -0.07366520782068801, - -0.06624583183664341, - -0.0753547830571072, - -0.07518616728279728, - -0.07005523155769297, - 0.15348888396592458, - -0.06870980872437488, - 0.13985536541540994, - -0.07475523203328537, - -0.0674227670520955, - 0.14468473926355388, - 0.14138270908948933, - 0.13517656851527582, - -0.06178263722552477, - -0.0689284548050395, - 0.14311306583873784, - -0.09096185735390475, - 0.14906553981571413, - 0.1524583660250279, - -0.07976186988976774, - -0.06089950483637365, - -0.06887800970356396, - -0.08390553820997085, - -0.06906851238958965, - -0.07607213303164405, - -0.07385894394406854, - -0.08165891954734349, - -0.07029983116123366, - -0.03904235480472682, - 0.10241114398495262, - 0.12453051274214041, - -0.06900086782262992, - -0.06168746764240741, - -0.0860648108177464, - -0.0659695362083774, - -0.08850540058390996 - ], - "xaxis": "x2", - "y": [ - 0.6866701379419757, - 0.9137839503258051, - 0.2704755307392027, - 0.7318644484065069, - 0.13764100698189818, - 0.929504060156013, - 0.9363275766433389, - 0.971434288900629, - 0.3410658674329472, - 0.5537512768563945, - 0.9348718158115056, - 0.8850100012765334, - 0.1966481354179188, - 0.6348128668547505, - 0.21383363924984544, - 0.471501760253048, - 0.09417963282400776, - 0.5035139789548878, - 0.7901088283283877, - 0.9898394881587353, - 0.8984529900700466, - 0.8616823076303642, - 0.2557182757713652, - 0.451496751402111, - 0.527463969960305, - 0.4584252618965068, - 0.4832667235284205, - 0.947237515557729, - 0.02002546483890222, - 0.39850159798867046, - 0.44237369036842245, - 0.8356923689283419, - 0.9710531936766539, - 0.2074770648473011, - 0.5911903157875926, - 0.729124272740743, - 0.5623794379251899, - 0.08841635056387953, - 0.6793028896458019, - 0.9481684838867641, - 0.4346554687920552, - 0.48233069116094107, - 0.8414036430347028, - 0.5489124001717258, - 0.5458143941576986, - 0.8780531456094047, - 0.07180117372162753, - 0.06513085699932908, - 0.9452436225297673, - 0.5673998244673949, - 0.8226784845914086, - 0.9701671891424061, - 0.48995064134630384, - 0.7588180125732729, - 0.6656499848282127, - 0.5651685927879871, - 0.7869252431108699, - 0.45343066554898903, - 0.33276258257621916, - 0.0020252448935528244, - 0.7932512783727147, - 0.6303582274781372, - 0.1673696717212919, - 0.007281490920649114, - 0.08124737600955412, - 0.270553261226252, - 0.9445698025708558, - 0.3385909490868958, - 0.36772667445017415, - 0.5561437655338134, - 0.3251303220270809, - 0.15984289730425516, - 0.8222874688335131, - 0.7413592025300306, - 0.8050563497637481, - 0.7239279481368018, - 0.016891079341605608, - 0.07502560533821045, - 0.4754949592382661, - 0.46465703884595877, - 0.13166893059703166, - 0.22267478149388098, - 0.6284387382863067, - 0.5864492142284066, - 0.20988752612881179, - 0.6625659828105884, - 0.8658802540112546, - 0.4043290940562927, - 0.11599210698845885, - 0.636583142221323, - 0.7230265655843493, - 0.30486851670498727, - 0.8692783109659806, - 0.836457901142658, - 0.16783876927374553, - 0.11612738178432946, - 0.813509161352923, - 0.39775731304949635, - 0.06837077920036572, - 0.9709047614186185, - 0.0369960388977143, - 0.9086268337382751, - 0.5264055320229735, - 0.5810701337957236, - 0.08249144440279454, - 0.8853778280172959, - 0.5499593566075919, - 0.5354627177639358, - 0.923816477121151, - 0.7954360084939718, - 0.8609842599774119, - 0.12210694192312699, - 0.31807857225501035, - 0.5758334468379996, - 0.048087993985517, - 0.051732575688930194, - 0.5678729067753285, - 0.8393352240160834, - 0.6466500430771328, - 0.4942771505148271, - 0.09106254773599776, - 0.9519704070272349, - 0.28392238898951705, - 0.9124834204522236, - 0.12659554581201848, - 0.8560686104543018, - 0.5345935067596117, - 0.991506769051416, - 0.38572555783918705, - 0.8375351134305858, - 0.42556031641568537, - 0.8278042621767573, - 0.6361827385677186, - 0.18822108964903872, - 0.9008884309473356, - 0.8068905277645945, - 0.5053160395088445, - 0.05109530223181136, - 0.6458443306790195, - 0.4339655700881455, - 0.1260005815114038, - 0.9980570581815588, - 0.8851834434186499, - 0.16045321798202283, - 0.9630254052237324, - 0.20337169354432438, - 0.16738717651296298, - 0.5449866941145051, - 0.15270714014125653, - 0.03943368840166028, - 0.37101743992943803, - 0.5050714966922464, - 0.4990026710416159, - 0.4682473874744587, - 0.1835673879547567, - 0.4868529902452331, - 0.512014084419662, - 0.3014738400203174, - 0.7468448577811313, - 0.9952501497686714, - 0.39590634530402524, - 0.3052000421497373, - 0.5873200088094958, - 0.6701409505713015, - 0.8501520401779749, - 0.6839605126637198, - 0.7663952987332554, - 0.02437877289674628, - 0.24177155160907338, - 0.5657025700103696, - 0.5649891556131073, - 0.9384676350958587, - 0.3140172188162714, - 0.7015585449214641, - 0.5646518581460019, - 0.5282872685070129, - 0.8210200481711167, - 0.9407178724489668, - 0.5748687450641928, - 0.7055144639741786, - 0.29373821092198515, - 0.4152702820978952, - 0.9550294345701472, - 0.7653324530055681, - 0.7170704640586089, - 0.9134273187954125, - 0.12003018855760417, - 0.12683593210597466, - 0.6658888751780279, - 0.4032411280021023, - 0.04681796819629713, - 0.7820096785248906, - 0.1909593431666664, - 0.3276925912860055, - 0.33069413097619305, - 0.25111593296195867, - 0.207065963023931, - 0.6438708365783388, - 0.2482403523537008, - 0.7136195789896236 - ], - "yaxis": "y2" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ 0, 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, 0, 1, - 1, - 1, - 1, - 1, - 1, - 1, 0, - 1, 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, 0, - 1, - 1, + 2, 1, 0, 0, - 1, - 1, - 0, - 1, 0, - 1, - 1, 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, 0, - 1, - 1, - 1, - 1, - 1, 0, - 1, 0, - 1, 0, 0, - 1, - 1, - 1, - 1, - 1, - 1, 0, - 1, - 1, - 1, - 1, 0, - 1, - 1, - 1, - 1, - 1, 0, - 1, 0, - 1, - 1, - 1, - 1, - 1, 0, 0, - 1, - 1, - 1, - 1, 0, - 1, - 1, - 1, - 1, - 1, 0, - 1, - 1, - 1, - 1, - 1, 0, - 1, - 1, - 1, 0, - 1, - 1, 0, - 1, 0, - 1, - 1, - 1, 0, - 1, - 1, - 1, - 1, 0, - 1, - 1, - 1, - 1, - 1, - 1, 0, - 1, - 1, - 1, - 1, 0, - 1, - 1, 0, 1, 0, - 1, - 1, - 1, 0, + 2, 0, - 1, 0, 0, 0, 1, + 2, 1, 0, - 1, - 1, - 1, 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, 0, - 1, 0, 1, - 1, 0, - 1, 0, + 2, 1, 1, - 1, - 0, 0, 1, 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, 0, - 1, - 1 + 0 ], "colorbar": { "showticklabels": false, @@ -10241,1457 +9967,1350 @@ "size": 5 }, "mode": "markers", + "name": "No_of_parents_plus_children_on_board", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
No_of_parents_plus_children_on_board=0
shap=0.009", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
No_of_parents_plus_children_on_board=0
shap=0.009", + "None=Palsson, Master. Gosta Leonard
No_of_parents_plus_children_on_board=1
shap=0.010", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
No_of_parents_plus_children_on_board=2
shap=-0.032", + "None=Nasser, Mrs. Nicholas (Adele Achem)
No_of_parents_plus_children_on_board=0
shap=0.009", + "None=Saundercock, Mr. William Henry
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Vestrom, Miss. Hulda Amanda Adolfina
No_of_parents_plus_children_on_board=0
shap=0.010", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
No_of_parents_plus_children_on_board=5
shap=-0.046", + "None=Glynn, Miss. Mary Agatha
No_of_parents_plus_children_on_board=0
shap=0.012", + "None=Meyer, Mr. Edgar Joseph
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Kraeff, Mr. Theodor
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Devaney, Miss. Margaret Delia
No_of_parents_plus_children_on_board=0
shap=0.010", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
No_of_parents_plus_children_on_board=0
shap=0.009", + "None=Rugg, Miss. Emily
No_of_parents_plus_children_on_board=0
shap=0.010", + "None=Harris, Mr. Henry Birkhardt
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Skoog, Master. Harald
No_of_parents_plus_children_on_board=2
shap=0.016", + "None=Kink, Mr. Vincenz
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Hood, Mr. Ambrose Jr
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Ilett, Miss. Bertha
No_of_parents_plus_children_on_board=0
shap=0.010", + "None=Ford, Mr. William Neal
No_of_parents_plus_children_on_board=3
shap=0.012", + "None=Christmann, Mr. Emil
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Andreasson, Mr. Paul Edvin
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Chaffee, Mr. Herbert Fuller
No_of_parents_plus_children_on_board=0
shap=-0.003", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=White, Mr. Richard Frasar
No_of_parents_plus_children_on_board=1
shap=0.010", + "None=Rekic, Mr. Tido
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Moran, Miss. Bertha
No_of_parents_plus_children_on_board=0
shap=0.010", + "None=Barton, Mr. David John
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Jussila, Miss. Katriina
No_of_parents_plus_children_on_board=0
shap=0.008", + "None=Pekoniemi, Mr. Edvard
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Turpin, Mr. William John Robert
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Moore, Mr. Leonard Charles
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Osen, Mr. Olaf Elon
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Ford, Miss. Robina Maggie \"Ruby\"
No_of_parents_plus_children_on_board=2
shap=-0.026", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
No_of_parents_plus_children_on_board=2
shap=0.014", + "None=Bateman, Rev. Robert James
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Meo, Mr. Alfonzo
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Cribb, Mr. John Hatfield
No_of_parents_plus_children_on_board=1
shap=0.008", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
No_of_parents_plus_children_on_board=1
shap=-0.012", + "None=Van der hoef, Mr. Wyckoff
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Sivola, Mr. Antti Wilhelm
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Klasen, Mr. Klas Albin
No_of_parents_plus_children_on_board=1
shap=0.006", + "None=Rood, Mr. Hugh Roscoe
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
No_of_parents_plus_children_on_board=0
shap=0.008", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
No_of_parents_plus_children_on_board=0
shap=0.007", + "None=Vande Walle, Mr. Nestor Cyriel
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Backstrom, Mr. Karl Alfred
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Blank, Mr. Henry
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Ali, Mr. Ahmed
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Green, Mr. George Henry
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Nenkoff, Mr. Christo
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Asplund, Miss. Lillian Gertrud
No_of_parents_plus_children_on_board=2
shap=-0.028", + "None=Harknett, Miss. Alice Phoebe
No_of_parents_plus_children_on_board=0
shap=0.012", + "None=Hunt, Mr. George Henry
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Reed, Mr. James George
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Stead, Mr. William Thomas
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Thorne, Mrs. Gertrude Maybelle
No_of_parents_plus_children_on_board=0
shap=0.010", + "None=Parrish, Mrs. (Lutie Davis)
No_of_parents_plus_children_on_board=1
shap=-0.018", + "None=Smith, Mr. Thomas
No_of_parents_plus_children_on_board=0
shap=-0.007", + "None=Asplund, Master. Edvin Rojj Felix
No_of_parents_plus_children_on_board=2
shap=0.017", + "None=Healy, Miss. Hanora \"Nora\"
No_of_parents_plus_children_on_board=0
shap=0.012", + "None=Andrews, Miss. Kornelia Theodosia
No_of_parents_plus_children_on_board=0
shap=0.008", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
No_of_parents_plus_children_on_board=1
shap=-0.012", + "None=Smith, Mr. Richard William
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Connolly, Miss. Kate
No_of_parents_plus_children_on_board=0
shap=0.010", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
No_of_parents_plus_children_on_board=0
shap=0.008", + "None=Levy, Mr. Rene Jacques
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Lewy, Mr. Ervin G
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Williams, Mr. Howard Hugh \"Harry\"
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Sage, Mr. George John Jr
No_of_parents_plus_children_on_board=2
shap=0.014", + "None=Nysveen, Mr. Johan Hansen
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
No_of_parents_plus_children_on_board=0
shap=0.009", + "None=Denkoff, Mr. Mitto
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Burns, Miss. Elizabeth Margaret
No_of_parents_plus_children_on_board=0
shap=0.007", + "None=Dimic, Mr. Jovan
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=del Carlo, Mr. Sebastiano
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Beavan, Mr. William Thomas
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
No_of_parents_plus_children_on_board=0
shap=0.009", + "None=Widener, Mr. Harry Elkins
No_of_parents_plus_children_on_board=2
shap=0.011", + "None=Gustafsson, Mr. Karl Gideon
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Plotcharsky, Mr. Vasil
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Goodwin, Master. Sidney Leonard
No_of_parents_plus_children_on_board=2
shap=0.015", + "None=Sadlier, Mr. Matthew
No_of_parents_plus_children_on_board=0
shap=-0.007", + "None=Gustafsson, Mr. Johan Birger
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
No_of_parents_plus_children_on_board=2
shap=-0.031", + "None=Niskanen, Mr. Juha
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Minahan, Miss. Daisy E
No_of_parents_plus_children_on_board=0
shap=0.008", + "None=Matthews, Mr. William John
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Charters, Mr. David
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
No_of_parents_plus_children_on_board=0
shap=0.009", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
No_of_parents_plus_children_on_board=1
shap=-0.014", + "None=Johannesen-Bratthammer, Mr. Bernt
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Peuchen, Major. Arthur Godfrey
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Anderson, Mr. Harry
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Milling, Mr. Jacob Christian
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
No_of_parents_plus_children_on_board=2
shap=-0.024", + "None=Karlsson, Mr. Nils August
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Frost, Mr. Anthony Wood \"Archie\"
No_of_parents_plus_children_on_board=0
shap=-0.007", + "None=Bishop, Mr. Dickinson H
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Windelov, Mr. Einar
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Shellard, Mr. Frederick William
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Svensson, Mr. Olof
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=O'Sullivan, Miss. Bridget Mary
No_of_parents_plus_children_on_board=0
shap=0.012", + "None=Laitinen, Miss. Kristina Sofia
No_of_parents_plus_children_on_board=0
shap=0.009", + "None=Penasco y Castellana, Mr. Victor de Satode
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
No_of_parents_plus_children_on_board=0
shap=0.009", + "None=Kassem, Mr. Fared
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Cacic, Miss. Marija
No_of_parents_plus_children_on_board=0
shap=0.009", + "None=Hart, Miss. Eva Miriam
No_of_parents_plus_children_on_board=2
shap=-0.033", + "None=Butt, Major. Archibald Willingham
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Beane, Mr. Edward
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Goldsmith, Mr. Frank John
No_of_parents_plus_children_on_board=1
shap=0.005", + "None=Ohman, Miss. Velin
No_of_parents_plus_children_on_board=0
shap=0.009", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
No_of_parents_plus_children_on_board=1
shap=-0.009", + "None=Morrow, Mr. Thomas Rowan
No_of_parents_plus_children_on_board=0
shap=-0.007", + "None=Harris, Mr. George
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
No_of_parents_plus_children_on_board=0
shap=0.008", + "None=Patchett, Mr. George
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Ross, Mr. John Hugo
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Murdlin, Mr. Joseph
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Bourke, Miss. Mary
No_of_parents_plus_children_on_board=2
shap=-0.044", + "None=Boulos, Mr. Hanna
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Homer, Mr. Harry (\"Mr E Haven\")
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Lindell, Mr. Edvard Bengtsson
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Daniel, Mr. Robert Williams
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
No_of_parents_plus_children_on_board=2
shap=-0.025", + "None=Shutes, Miss. Elizabeth W
No_of_parents_plus_children_on_board=0
shap=0.009", + "None=Jardin, Mr. Jose Neto
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Horgan, Mr. John
No_of_parents_plus_children_on_board=0
shap=-0.007", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
No_of_parents_plus_children_on_board=0
shap=0.009", + "None=Yasbeck, Mr. Antoni
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Bostandyeff, Mr. Guentcho
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Lundahl, Mr. Johan Svensson
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Stahelin-Maeglin, Dr. Max
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Willey, Mr. Edward
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Stanley, Miss. Amy Zillah Elsie
No_of_parents_plus_children_on_board=0
shap=0.010", + "None=Hegarty, Miss. Hanora \"Nora\"
No_of_parents_plus_children_on_board=0
shap=0.010", + "None=Eitemiller, Mr. George Floyd
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Colley, Mr. Edward Pomeroy
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Coleff, Mr. Peju
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
No_of_parents_plus_children_on_board=1
shap=-0.014", + "None=Davidson, Mr. Thornton
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Turja, Miss. Anna Sofia
No_of_parents_plus_children_on_board=0
shap=0.009", + "None=Hassab, Mr. Hammad
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Goodwin, Mr. Charles Edward
No_of_parents_plus_children_on_board=2
shap=0.011", + "None=Panula, Mr. Jaako Arnold
No_of_parents_plus_children_on_board=1
shap=0.005", + "None=Fischer, Mr. Eberhard Thelander
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
No_of_parents_plus_children_on_board=0
shap=0.008", + "None=Hansen, Mr. Henrik Juul
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Calderhead, Mr. Edward Pennington
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Klaber, Mr. Herman
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Taylor, Mr. Elmer Zebley
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Larsson, Mr. August Viktor
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Greenberg, Mr. Samuel
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
No_of_parents_plus_children_on_board=0
shap=0.009", + "None=McEvoy, Mr. Michael
No_of_parents_plus_children_on_board=0
shap=-0.007", + "None=Johnson, Mr. Malkolm Joackim
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Gillespie, Mr. William Henry
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Allen, Miss. Elisabeth Walton
No_of_parents_plus_children_on_board=0
shap=0.007", + "None=Berriman, Mr. William John
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Troupiansky, Mr. Moses Aaron
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Williams, Mr. Leslie
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Ivanoff, Mr. Kanio
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=McNamee, Mr. Neal
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Connaghton, Mr. Michael
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Carlsson, Mr. August Sigfrid
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
No_of_parents_plus_children_on_board=0
shap=0.008", + "None=Eklund, Mr. Hans Linus
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Hogeboom, Mrs. John C (Anna Andrews)
No_of_parents_plus_children_on_board=0
shap=0.008", + "None=Moran, Mr. Daniel J
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Lievens, Mr. Rene Aime
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
No_of_parents_plus_children_on_board=1
shap=-0.015", + "None=Ayoub, Miss. Banoura
No_of_parents_plus_children_on_board=0
shap=0.009", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
No_of_parents_plus_children_on_board=0
shap=0.008", + "None=Johnston, Mr. Andrew G
No_of_parents_plus_children_on_board=2
shap=0.016", + "None=Ali, Mr. William
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Sjoblom, Miss. Anna Sofia
No_of_parents_plus_children_on_board=0
shap=0.010", + "None=Guggenheim, Mr. Benjamin
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Leader, Dr. Alice (Farnham)
No_of_parents_plus_children_on_board=0
shap=0.008", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
No_of_parents_plus_children_on_board=1
shap=-0.014", + "None=Carter, Master. William Thornton II
No_of_parents_plus_children_on_board=2
shap=0.013", + "None=Thomas, Master. Assad Alexander
No_of_parents_plus_children_on_board=1
shap=0.012", + "None=Johansson, Mr. Karl Johan
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Slemen, Mr. Richard James
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Tomlin, Mr. Ernest Portage
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=McCormack, Mr. Thomas Joseph
No_of_parents_plus_children_on_board=0
shap=-0.007", + "None=Richards, Master. George Sibley
No_of_parents_plus_children_on_board=1
shap=0.013", + "None=Mudd, Mr. Thomas Charles
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Lemberopolous, Mr. Peter L
No_of_parents_plus_children_on_board=0
shap=-0.005", + "None=Sage, Mr. Douglas Bullen
No_of_parents_plus_children_on_board=2
shap=0.014", + "None=Boulos, Miss. Nourelain
No_of_parents_plus_children_on_board=1
shap=-0.021", + "None=Aks, Mrs. Sam (Leah Rosen)
No_of_parents_plus_children_on_board=1
shap=-0.018", + "None=Razi, Mr. Raihed
No_of_parents_plus_children_on_board=0
shap=-0.006", + "None=Johnson, Master. Harold Theodor
No_of_parents_plus_children_on_board=1
shap=0.009", + "None=Carlsson, Mr. Frans Olof
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Gustafsson, Mr. Alfred Ossian
No_of_parents_plus_children_on_board=0
shap=-0.004", + "None=Montvila, Rev. Juozas
No_of_parents_plus_children_on_board=0
shap=-0.004" + ], + "type": "scattergl", + "x": [ + 0.008709581296759306, + 0.008663356087377748, + 0.010444030388907212, + -0.0319031778048844, + 0.009273065650540839, + -0.0044560081686330095, + 0.009944713506004677, + -0.04571525155619047, + 0.011922562480087068, + -0.004029836703659331, + -0.005591755191948254, + 0.009696269471137647, + 0.00877255022729661, + 0.009759552026712873, + -0.004480226087230621, + 0.01586409661603441, + -0.0038689717386541774, + -0.004032019840204829, + 0.009759552026712873, + 0.011887517468820741, + -0.00430927609348129, + -0.0044560081686330095, + -0.0031518499593001523, + -0.00617307719646271, + 0.010147088369332521, + -0.0043731554867531275, + 0.0098535918873534, + -0.0044960585160615345, + 0.008108083569420903, + -0.0044560081686330095, + -0.004285480496461217, + -0.00617307719646271, + -0.005023912426939941, + -0.026277573262042532, + 0.014147366876097382, + -0.004152898912729659, + -0.004082842875219652, + 0.00820747897141205, + -0.012489311866618377, + -0.004287649055909901, + -0.0044560081686330095, + 0.006295171407779224, + -0.005573489733827316, + 0.008108083569420903, + 0.00722389817371924, + -0.004309276093481291, + -0.0043230793649851555, + -0.004759481427927103, + -0.0046528703559161055, + -0.004082842875219652, + -0.00617307719646271, + -0.027876234123695623, + 0.011819594855564112, + -0.004438692388662112, + -0.006333919346333812, + -0.003857200374424669, + 0.009770163366480143, + -0.017788465776430586, + -0.006541599057109915, + 0.01733114729428801, + 0.011922562480087068, + 0.008045931876372064, + -0.012114470701577201, + -0.005739415906319054, + 0.009727946633739836, + 0.0075159281941585745, + -0.004564333562203121, + -0.005412460578941978, + -0.00617307719646271, + 0.013903913125637522, + -0.0042502256106704, + 0.008521961465801484, + -0.00617307719646271, + 0.006956957578729487, + -0.004448239219559532, + -0.004382440422907894, + -0.0044560081686330095, + 0.009350687033510422, + 0.011143899903250685, + -0.004472360649747076, + -0.00617307719646271, + 0.015224393097425232, + -0.0066860887258669505, + -0.0038689717386541774, + -0.030564463006575393, + -0.0043731554867531275, + 0.007896946421273116, + -0.004419131323205655, + -0.005059181903296425, + 0.009351257473125544, + -0.014222096745029625, + -0.00617307719646271, + -0.003870840258929078, + -0.003534386869285851, + -0.004553907828569472, + -0.023560998619261128, + -0.004656900665932637, + -0.006565964867289263, + -0.004404788425748844, + -0.004616850318504112, + -0.006464448384683647, + -0.00450838068715907, + 0.012185592652599875, + 0.00926022569814148, + -0.0051416762885921, + -0.005121738739448642, + 0.008705767746534369, + -0.005752597341819355, + 0.009183480014245913, + -0.03253045601850891, + -0.003921900681876048, + -0.004163983127842032, + 0.004885107275156923, + 0.009365073295795301, + -0.009182286807642256, + -0.006541599057109915, + -0.003987787961503222, + 0.00781441442320486, + -0.004723792773382836, + -0.004598574827077784, + -0.00617307719646271, + -0.043786739728172465, + -0.005752597341819355, + -0.004880209211409234, + -0.004070069586595058, + -0.004367002004213628, + -0.004092814525277388, + -0.025200813861184137, + 0.008756992029459728, + -0.006333919346333812, + -0.006541599057109915, + 0.008931313370228226, + -0.004283889931711872, + -0.004309276093481291, + -0.004243685025090754, + -0.003953285635803173, + -0.006333919346333812, + 0.009631229598915922, + 0.009977355508213904, + -0.004896014963515781, + -0.0037585025302888956, + -0.004514040882580865, + -0.014111504390581588, + -0.0037159874673668796, + 0.009276280876994359, + -0.004709982671916172, + 0.011177265905387939, + 0.0047268517856637205, + -0.004472360649747076, + -0.005726141904728137, + 0.007907369690641371, + -0.003880985125954496, + -0.003561366235277356, + -0.00573660182059164, + -0.0037970284340190304, + -0.00430927609348129, + -0.004152898912729659, + 0.008553659972214144, + -0.0067589099696146425, + -0.004387688182912531, + -0.004438692388662112, + 0.007460043911053274, + -0.004896014963515781, + -0.004896014963515781, + -0.004623691227013651, + -0.00617307719646271, + -0.004505831477548869, + -0.004728637953259407, + -0.004325628574595357, + 0.007983266086328898, + -0.005040264908054008, + 0.007752163094299159, + -0.0056589125196941596, + -0.004492028206045003, + -0.014713523558805362, + 0.008998790666205271, + 0.0075932335545637105, + 0.016471879623328068, + -0.004503593130466062, + 0.009557366914070614, + -0.004841150879789309, + 0.008230052285734204, + -0.01416038348476302, + 0.013447338580195964, + 0.011618581325272414, + -0.004325628574595357, + -0.004312487145819716, + -0.00430927609348129, + -0.006541599057109915, + 0.012560604139680374, + -0.005451324973596766, + -0.004503866832257083, + 0.013903913125637522, + -0.0214125211146969, + -0.01757894854906629, + -0.005752597341819355, + 0.009326116672721338, + -0.0037842633978228007, + -0.0044560081686330095, + -0.004419131323205655 + ], + "xaxis": "x4", + "y": [ + 0.7180384477911472, + 0.48087748731433, + 0.4596163510283101, + 0.1674749415517247, + 0.35405237971562364, + 0.0227387584469817, + 0.46548067549210015, + 0.5446609459300706, + 0.9035769061556304, + 0.6079394953085684, + 0.6895869358011424, + 0.6666894101155832, + 0.4300890988733965, + 0.31626230876122596, + 0.7830834318198047, + 0.7356057349799214, + 0.6172444591180442, + 0.021307438653884736, + 0.6036060150686537, + 0.48540561874205657, + 0.5051129191487317, + 0.04332613249099826, + 0.03165013383785331, + 0.3359981871118043, + 0.038293118577831686, + 0.3792582869332495, + 0.5541657274137173, + 0.8868741477896346, + 0.06511925914741978, + 0.669429602388527, + 0.7429885488814123, + 0.22393059630575596, + 0.9336971685496891, + 0.9904000171069196, + 0.7506770899078893, + 0.8056336583190687, + 0.578438785671074, + 0.9927889845356324, + 0.8215139532698105, + 0.44624444019071263, + 0.4068778633832739, + 0.5072810651205063, + 0.2649809115082977, + 0.9985993576597119, + 0.40042836016870464, + 0.6252418814820021, + 0.1488455733341696, + 0.5693679052530858, + 0.5133674490689262, + 0.5388503287441521, + 0.8867950268887472, + 0.2377547509779343, + 0.26490152207042117, + 0.6150077475875096, + 0.3260943340319258, + 0.6469591727322719, + 0.9170621156240226, + 0.7175616327397204, + 0.31830296943304226, + 0.8117526552651747, + 0.22160278988556448, + 0.7818513489637984, + 0.25090012195149436, + 0.7263651613870681, + 0.5203763252445922, + 0.5316937097726201, + 0.7904855122829498, + 0.8989969703603132, + 0.19754262962772628, + 0.8182968422859369, + 0.2013775361889355, + 0.012121619014913265, + 0.046957455324541764, + 0.7492509523643341, + 0.9258288254992093, + 0.51142263405657, + 0.857381289725533, + 0.9020735408756473, + 0.02378322845943559, + 0.7164185912726689, + 0.1835075417749028, + 0.6797744327432416, + 0.4181928525638047, + 0.2123550003202207, + 0.5570809310444532, + 0.8680571246600962, + 0.9887825369234703, + 0.04719068789436942, + 0.2829248214551685, + 0.582157248102417, + 0.046870018003212, + 0.7998103674074297, + 0.4559802557071235, + 0.6326617550810785, + 0.012510285809413269, + 0.3935245369145908, + 0.449862703024997, + 0.5679387715189217, + 0.4667566546983488, + 0.5371469360380219, + 0.9368755126218579, + 0.5777378467383628, + 0.5459789748621525, + 0.7681787415379459, + 0.7693380277616307, + 0.5482550124907993, + 0.41396617418860593, + 0.056420977238457626, + 0.5169611677446063, + 0.5153064694031744, + 0.7047685165424695, + 0.07026709632123751, + 0.6968485733367563, + 0.07121740375776198, + 0.8826431355385195, + 0.9487452636972412, + 0.7226712938531805, + 0.7996891979262749, + 0.9297579704407075, + 0.6885048766927746, + 0.42663902865168857, + 0.9048130329564151, + 0.41292895442197186, + 0.6120936968335505, + 0.6567989404667731, + 0.45290568749333904, + 0.919899009730958, + 0.2631479143061134, + 0.7957799330170252, + 0.7194981976984869, + 0.25436383088227377, + 0.44141918092068944, + 0.849304690810263, + 0.23554823770204114, + 0.6611522378571694, + 0.46748745644609013, + 0.8554407604920667, + 0.113806682080142, + 0.4889829469370496, + 0.7242441758619002, + 0.2637755203751182, + 0.17976837023703707, + 0.021524423702323214, + 0.025951283101722566, + 0.5223310166325611, + 0.5711361193087976, + 0.8164419975355119, + 0.3142058456174148, + 0.6516366261631151, + 0.26573023724053213, + 0.7834382375084701, + 0.9699122283895099, + 0.14038450614357056, + 0.02644848818657597, + 0.8764097258638373, + 0.982644802654291, + 0.1830201164308447, + 0.20270746476645984, + 0.9972015807106026, + 0.7313562052064834, + 0.7782990212125523, + 0.9715071045649363, + 0.035088098421237834, + 0.8947967682148196, + 0.6452982700261385, + 0.060360561942642055, + 0.419574565738716, + 0.30391650882667287, + 0.8105764796586132, + 0.6380641290291683, + 0.812876658493014, + 0.6323437671672604, + 0.14457712374239506, + 0.19687077579558931, + 0.7144398738323539, + 0.8183269163210652, + 0.34361739790172163, + 0.86106958356794, + 0.5009785414427997, + 0.47372348363991523, + 0.28567255750187404, + 0.9884357637978224, + 0.5879574531766831, + 0.1389302082678977, + 0.6480991408627506, + 0.984043097053144, + 0.6158864519485863, + 0.05471851370410641, + 0.5755360514408099, + 0.1402251229418665, + 0.5071192905864408, + 0.48414918153205344, + 0.4981311118563675, + 0.45107942410986945, + 0.503721771087861, + 0.2878565383737802, + 0.5571994073479494, + 0.5346409527618022, + 0.48184084972295316, + 0.9204266638355966 + ], + "yaxis": "y4" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#636EFA", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", "name": "Deck_Unkown", "opacity": 0.8, "showlegend": false, "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_Unkown=0
shap=0.067", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_Unkown=0
shap=0.068", - "index=Palsson, Master. Gosta Leonard
Deck_Unkown=1
shap=-0.04", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_Unkown=1
shap=-0.023", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_Unkown=1
shap=-0.028", - "index=Saundercock, Mr. William Henry
Deck_Unkown=1
shap=-0.028", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_Unkown=1
shap=-0.016", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_Unkown=1
shap=-0.033", - "index=Glynn, Miss. Mary Agatha
Deck_Unkown=1
shap=-0.012", - "index=Meyer, Mr. Edgar Joseph
Deck_Unkown=1
shap=-0.05", - "index=Kraeff, Mr. Theodor
Deck_Unkown=1
shap=-0.026", - "index=Devaney, Miss. Margaret Delia
Deck_Unkown=1
shap=-0.014", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_Unkown=1
shap=-0.026", - "index=Rugg, Miss. Emily
Deck_Unkown=1
shap=-0.026", - "index=Harris, Mr. Henry Birkhardt
Deck_Unkown=0
shap=0.103", - "index=Skoog, Master. Harald
Deck_Unkown=1
shap=-0.038", - "index=Kink, Mr. Vincenz
Deck_Unkown=1
shap=-0.03", - "index=Hood, Mr. Ambrose Jr
Deck_Unkown=1
shap=-0.036", - "index=Ilett, Miss. Bertha
Deck_Unkown=1
shap=-0.026", - "index=Ford, Mr. William Neal
Deck_Unkown=1
shap=-0.04", - "index=Christmann, Mr. Emil
Deck_Unkown=1
shap=-0.027", - "index=Andreasson, Mr. Paul Edvin
Deck_Unkown=1
shap=-0.024", - "index=Chaffee, Mr. Herbert Fuller
Deck_Unkown=0
shap=0.132", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_Unkown=1
shap=-0.026", - "index=White, Mr. Richard Frasar
Deck_Unkown=0
shap=0.131", - "index=Rekic, Mr. Tido
Deck_Unkown=1
shap=-0.022", - "index=Moran, Miss. Bertha
Deck_Unkown=1
shap=-0.024", - "index=Barton, Mr. David John
Deck_Unkown=1
shap=-0.028", - "index=Jussila, Miss. Katriina
Deck_Unkown=1
shap=-0.023", - "index=Pekoniemi, Mr. Edvard
Deck_Unkown=1
shap=-0.028", - "index=Turpin, Mr. William John Robert
Deck_Unkown=1
shap=-0.042", - "index=Moore, Mr. Leonard Charles
Deck_Unkown=1
shap=-0.029", - "index=Osen, Mr. Olaf Elon
Deck_Unkown=1
shap=-0.029", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_Unkown=1
shap=-0.032", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_Unkown=0
shap=0.141", - "index=Bateman, Rev. Robert James
Deck_Unkown=1
shap=-0.034", - "index=Meo, Mr. Alfonzo
Deck_Unkown=1
shap=-0.024", - "index=Cribb, Mr. John Hatfield
Deck_Unkown=1
shap=-0.033", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_Unkown=0
shap=0.076", - "index=Van der hoef, Mr. Wyckoff
Deck_Unkown=0
shap=0.101", - "index=Sivola, Mr. Antti Wilhelm
Deck_Unkown=1
shap=-0.028", - "index=Klasen, Mr. Klas Albin
Deck_Unkown=1
shap=-0.028", - "index=Rood, Mr. Hugh Roscoe
Deck_Unkown=0
shap=0.129", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_Unkown=1
shap=-0.021", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_Unkown=0
shap=0.063", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_Unkown=1
shap=-0.028", - "index=Backstrom, Mr. Karl Alfred
Deck_Unkown=1
shap=-0.038", - "index=Blank, Mr. Henry
Deck_Unkown=0
shap=0.119", - "index=Ali, Mr. Ahmed
Deck_Unkown=1
shap=-0.024", - "index=Green, Mr. George Henry
Deck_Unkown=1
shap=-0.024", - "index=Nenkoff, Mr. Christo
Deck_Unkown=1
shap=-0.026", - "index=Asplund, Miss. Lillian Gertrud
Deck_Unkown=1
shap=-0.034", - "index=Harknett, Miss. Alice Phoebe
Deck_Unkown=1
shap=-0.016", - "index=Hunt, Mr. George Henry
Deck_Unkown=1
shap=-0.036", - "index=Reed, Mr. James George
Deck_Unkown=1
shap=-0.025", - "index=Stead, Mr. William Thomas
Deck_Unkown=0
shap=0.116", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_Unkown=1
shap=-0.026", - "index=Parrish, Mrs. (Lutie Davis)
Deck_Unkown=1
shap=-0.02", - "index=Smith, Mr. Thomas
Deck_Unkown=1
shap=-0.022", - "index=Asplund, Master. Edvin Rojj Felix
Deck_Unkown=1
shap=-0.038", - "index=Healy, Miss. Hanora \"Nora\"
Deck_Unkown=1
shap=-0.012", - "index=Andrews, Miss. Kornelia Theodosia
Deck_Unkown=0
shap=0.064", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_Unkown=1
shap=-0.024", - "index=Smith, Mr. Richard William
Deck_Unkown=0
shap=0.141", - "index=Connolly, Miss. Kate
Deck_Unkown=1
shap=-0.014", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_Unkown=0
shap=0.074", - "index=Levy, Mr. Rene Jacques
Deck_Unkown=0
shap=0.132", - "index=Lewy, Mr. Ervin G
Deck_Unkown=1
shap=-0.045", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_Unkown=1
shap=-0.029", - "index=Sage, Mr. George John Jr
Deck_Unkown=1
shap=-0.038", - "index=Nysveen, Mr. Johan Hansen
Deck_Unkown=1
shap=-0.021", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_Unkown=1
shap=-0.027", - "index=Denkoff, Mr. Mitto
Deck_Unkown=1
shap=-0.026", - "index=Burns, Miss. Elizabeth Margaret
Deck_Unkown=0
shap=0.069", - "index=Dimic, Mr. Jovan
Deck_Unkown=1
shap=-0.025", - "index=del Carlo, Mr. Sebastiano
Deck_Unkown=1
shap=-0.043", - "index=Beavan, Mr. William Thomas
Deck_Unkown=1
shap=-0.028", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_Unkown=1
shap=-0.03", - "index=Widener, Mr. Harry Elkins
Deck_Unkown=0
shap=0.092", - "index=Gustafsson, Mr. Karl Gideon
Deck_Unkown=1
shap=-0.024", - "index=Plotcharsky, Mr. Vasil
Deck_Unkown=1
shap=-0.026", - "index=Goodwin, Master. Sidney Leonard
Deck_Unkown=1
shap=-0.036", - "index=Sadlier, Mr. Matthew
Deck_Unkown=1
shap=-0.022", - "index=Gustafsson, Mr. Johan Birger
Deck_Unkown=1
shap=-0.03", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_Unkown=0
shap=0.077", - "index=Niskanen, Mr. Juha
Deck_Unkown=1
shap=-0.025", - "index=Minahan, Miss. Daisy E
Deck_Unkown=0
shap=0.075", - "index=Matthews, Mr. William John
Deck_Unkown=1
shap=-0.036", - "index=Charters, Mr. David
Deck_Unkown=1
shap=-0.021", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_Unkown=1
shap=-0.024", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_Unkown=1
shap=-0.024", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_Unkown=1
shap=-0.029", - "index=Peuchen, Major. Arthur Godfrey
Deck_Unkown=0
shap=0.103", - "index=Anderson, Mr. Harry
Deck_Unkown=0
shap=0.138", - "index=Milling, Mr. Jacob Christian
Deck_Unkown=1
shap=-0.034", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_Unkown=1
shap=-0.024", - "index=Karlsson, Mr. Nils August
Deck_Unkown=1
shap=-0.024", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_Unkown=1
shap=-0.031", - "index=Bishop, Mr. Dickinson H
Deck_Unkown=0
shap=0.115", - "index=Windelov, Mr. Einar
Deck_Unkown=1
shap=-0.024", - "index=Shellard, Mr. Frederick William
Deck_Unkown=1
shap=-0.035", - "index=Svensson, Mr. Olof
Deck_Unkown=1
shap=-0.024", - "index=O'Sullivan, Miss. Bridget Mary
Deck_Unkown=1
shap=-0.012", - "index=Laitinen, Miss. Kristina Sofia
Deck_Unkown=1
shap=-0.017", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_Unkown=0
shap=0.123", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_Unkown=1
shap=-0.043", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_Unkown=1
shap=-0.025", - "index=Kassem, Mr. Fared
Deck_Unkown=1
shap=-0.026", - "index=Cacic, Miss. Marija
Deck_Unkown=1
shap=-0.017", - "index=Hart, Miss. Eva Miriam
Deck_Unkown=1
shap=-0.021", - "index=Butt, Major. Archibald Willingham
Deck_Unkown=0
shap=0.11", - "index=Beane, Mr. Edward
Deck_Unkown=1
shap=-0.043", - "index=Goldsmith, Mr. Frank John
Deck_Unkown=1
shap=-0.034", - "index=Ohman, Miss. Velin
Deck_Unkown=1
shap=-0.015", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_Unkown=0
shap=0.074", - "index=Morrow, Mr. Thomas Rowan
Deck_Unkown=1
shap=-0.022", - "index=Harris, Mr. George
Deck_Unkown=1
shap=-0.032", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_Unkown=0
shap=0.059", - "index=Patchett, Mr. George
Deck_Unkown=1
shap=-0.034", - "index=Ross, Mr. John Hugo
Deck_Unkown=0
shap=0.13", - "index=Murdlin, Mr. Joseph
Deck_Unkown=1
shap=-0.029", - "index=Bourke, Miss. Mary
Deck_Unkown=1
shap=-0.013", - "index=Boulos, Mr. Hanna
Deck_Unkown=1
shap=-0.026", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_Unkown=0
shap=0.125", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_Unkown=1
shap=-0.044", - "index=Lindell, Mr. Edvard Bengtsson
Deck_Unkown=1
shap=-0.038", - "index=Daniel, Mr. Robert Williams
Deck_Unkown=1
shap=-0.041", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_Unkown=1
shap=-0.024", - "index=Shutes, Miss. Elizabeth W
Deck_Unkown=0
shap=0.057", - "index=Jardin, Mr. Jose Neto
Deck_Unkown=1
shap=-0.025", - "index=Horgan, Mr. John
Deck_Unkown=1
shap=-0.022", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_Unkown=1
shap=-0.025", - "index=Yasbeck, Mr. Antoni
Deck_Unkown=1
shap=-0.038", - "index=Bostandyeff, Mr. Guentcho
Deck_Unkown=1
shap=-0.025", - "index=Lundahl, Mr. Johan Svensson
Deck_Unkown=1
shap=-0.022", - "index=Stahelin-Maeglin, Dr. Max
Deck_Unkown=0
shap=0.115", - "index=Willey, Mr. Edward
Deck_Unkown=1
shap=-0.025", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_Unkown=1
shap=-0.015", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_Unkown=1
shap=-0.012", - "index=Eitemiller, Mr. George Floyd
Deck_Unkown=1
shap=-0.037", - "index=Colley, Mr. Edward Pomeroy
Deck_Unkown=0
shap=0.139", - "index=Coleff, Mr. Peju
Deck_Unkown=1
shap=-0.023", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_Unkown=1
shap=-0.023", - "index=Davidson, Mr. Thornton
Deck_Unkown=0
shap=0.125", - "index=Turja, Miss. Anna Sofia
Deck_Unkown=1
shap=-0.019", - "index=Hassab, Mr. Hammad
Deck_Unkown=0
shap=0.123", - "index=Goodwin, Mr. Charles Edward
Deck_Unkown=1
shap=-0.038", - "index=Panula, Mr. Jaako Arnold
Deck_Unkown=1
shap=-0.04", - "index=Fischer, Mr. Eberhard Thelander
Deck_Unkown=1
shap=-0.026", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_Unkown=0
shap=0.092", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_Unkown=0
shap=0.071", - "index=Hansen, Mr. Henrik Juul
Deck_Unkown=1
shap=-0.029", - "index=Calderhead, Mr. Edward Pennington
Deck_Unkown=0
shap=0.138", - "index=Klaber, Mr. Herman
Deck_Unkown=0
shap=0.135", - "index=Taylor, Mr. Elmer Zebley
Deck_Unkown=0
shap=0.115", - "index=Larsson, Mr. August Viktor
Deck_Unkown=1
shap=-0.027", - "index=Greenberg, Mr. Samuel
Deck_Unkown=1
shap=-0.034", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_Unkown=0
shap=0.088", - "index=McEvoy, Mr. Michael
Deck_Unkown=1
shap=-0.032", - "index=Johnson, Mr. Malkolm Joackim
Deck_Unkown=1
shap=-0.024", - "index=Gillespie, Mr. William Henry
Deck_Unkown=1
shap=-0.036", - "index=Allen, Miss. Elisabeth Walton
Deck_Unkown=0
shap=0.063", - "index=Berriman, Mr. William John
Deck_Unkown=1
shap=-0.037", - "index=Troupiansky, Mr. Moses Aaron
Deck_Unkown=1
shap=-0.037", - "index=Williams, Mr. Leslie
Deck_Unkown=1
shap=-0.035", - "index=Ivanoff, Mr. Kanio
Deck_Unkown=1
shap=-0.026", - "index=McNamee, Mr. Neal
Deck_Unkown=1
shap=-0.039", - "index=Connaghton, Mr. Michael
Deck_Unkown=1
shap=-0.021", - "index=Carlsson, Mr. August Sigfrid
Deck_Unkown=1
shap=-0.024", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_Unkown=0
shap=0.068", - "index=Eklund, Mr. Hans Linus
Deck_Unkown=1
shap=-0.026", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_Unkown=0
shap=0.069", - "index=Moran, Mr. Daniel J
Deck_Unkown=1
shap=-0.035", - "index=Lievens, Mr. Rene Aime
Deck_Unkown=1
shap=-0.028", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_Unkown=0
shap=0.064", - "index=Ayoub, Miss. Banoura
Deck_Unkown=1
shap=-0.014", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_Unkown=0
shap=0.08", - "index=Johnston, Mr. Andrew G
Deck_Unkown=1
shap=-0.037", - "index=Ali, Mr. William
Deck_Unkown=1
shap=-0.024", - "index=Sjoblom, Miss. Anna Sofia
Deck_Unkown=1
shap=-0.016", - "index=Guggenheim, Mr. Benjamin
Deck_Unkown=0
shap=0.1", - "index=Leader, Dr. Alice (Farnham)
Deck_Unkown=0
shap=0.074", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_Unkown=1
shap=-0.025", - "index=Carter, Master. William Thornton II
Deck_Unkown=0
shap=0.101", - "index=Thomas, Master. Assad Alexander
Deck_Unkown=1
shap=-0.032", - "index=Johansson, Mr. Karl Johan
Deck_Unkown=1
shap=-0.023", - "index=Slemen, Mr. Richard James
Deck_Unkown=1
shap=-0.036", - "index=Tomlin, Mr. Ernest Portage
Deck_Unkown=1
shap=-0.027", - "index=McCormack, Mr. Thomas Joseph
Deck_Unkown=1
shap=-0.022", - "index=Richards, Master. George Sibley
Deck_Unkown=1
shap=-0.037", - "index=Mudd, Mr. Thomas Charles
Deck_Unkown=1
shap=-0.04", - "index=Lemberopolous, Mr. Peter L
Deck_Unkown=1
shap=-0.024", - "index=Sage, Mr. Douglas Bullen
Deck_Unkown=1
shap=-0.038", - "index=Boulos, Miss. Nourelain
Deck_Unkown=1
shap=-0.026", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_Unkown=1
shap=-0.021", - "index=Razi, Mr. Raihed
Deck_Unkown=1
shap=-0.026", - "index=Johnson, Master. Harold Theodor
Deck_Unkown=1
shap=-0.034", - "index=Carlsson, Mr. Frans Olof
Deck_Unkown=0
shap=0.095", - "index=Gustafsson, Mr. Alfred Ossian
Deck_Unkown=1
shap=-0.029", - "index=Montvila, Rev. Juozas
Deck_Unkown=1
shap=-0.037" - ], - "type": "scatter", - "x": [ - 0.06744547621832636, - 0.06784486915799097, - -0.03954828346750306, - -0.022959493599429625, - -0.027921757380678647, - -0.02803124392162664, - -0.01563088086295501, - -0.03266072811805128, - -0.012087074288574124, - -0.0502876379679111, - -0.026169703147101812, - -0.013981242410244394, - -0.02572397248018001, - -0.025669679161866424, - 0.10314610511610514, - -0.037502303598569514, - -0.029773194418967433, - -0.03607209578242904, - -0.02577412091137321, - -0.04037417905675871, - -0.02696517310148308, - -0.024438478199660617, - 0.13201956187620523, - -0.02571439234953296, - 0.13081053264464884, - -0.02247221128140554, - -0.023979812749191726, - -0.02801459550399401, - -0.023126988263859227, - -0.02803124392162664, - -0.04236865888135552, - -0.029015985019344163, - -0.029275110265072804, - -0.03192134655044687, - 0.14099329617950476, - -0.034429790170121016, - -0.023808765492724232, - -0.032974771348132044, - 0.07608193050929508, - 0.10061128116138889, - -0.02803124392162664, - -0.027966268664130337, - 0.1288110610827901, - -0.020701133340263377, - 0.06262167349906435, - -0.02786519273221675, - -0.037699918339124665, - 0.11867005769000705, - -0.02447470791991142, - -0.024324669535169933, - -0.02571439234953296, - -0.03443925522649389, - -0.015543284119865884, - -0.03641546880418311, - -0.025476097435261566, - 0.11646364569966162, - -0.026041121221332533, - -0.020380229588279446, - -0.022051337783654198, - -0.03771898489706346, - -0.012087074288574124, - 0.06407554072425901, - -0.02434219683146631, - 0.14125461621646465, - -0.013912784866234889, - 0.07351287248483994, - 0.13246739576978112, - -0.044541866641557584, - -0.029015985019344163, - -0.03761310643960373, - -0.021249851414399754, - -0.027371509920440316, - -0.02571439234953296, - 0.06893169319613925, - -0.024516596711498206, - -0.042893035064638846, - -0.02803124392162664, - -0.030178217520637547, - 0.09199699740135021, - -0.024438478199660617, - -0.02571439234953296, - -0.03618550847731822, - -0.022051337783654198, - -0.029793213714674138, - 0.07666891100258623, - -0.024767074927730212, - 0.07473079917424741, - -0.03623217234824847, - -0.021217633057429106, - -0.024086060633539116, - -0.02369395974862331, - -0.029015985019344163, - 0.10290670034036563, - 0.13816600629189557, - -0.03429577992952903, - -0.0235308285857065, - -0.02447470791991142, - -0.030870573215996965, - 0.11485387504958974, - -0.024491356337544044, - -0.034727921747723905, - -0.024421829782027987, - -0.012068857173780265, - -0.017355469754699496, - 0.12279274231991254, - -0.042779294393449976, - -0.024804126205116676, - -0.02619721077197664, - -0.01712009090915373, - -0.02057236080348867, - 0.11016012999459701, - -0.042578573505331646, - -0.03428678116567565, - -0.015434453702633391, - 0.07422845680763948, - -0.022051337783654198, - -0.03233625237281401, - 0.05867596542443155, - -0.03403821741818129, - 0.12967369962998873, - -0.029015985019344163, - -0.013002015321501043, - -0.02619721077197664, - 0.12453575887864883, - -0.04403453755222224, - -0.037901645147001735, - -0.04108017769007405, - -0.023512742764497038, - 0.05675369919842582, - -0.025476097435261566, - -0.022051337783654198, - -0.025450149570712434, - -0.03754965308065545, - -0.024624871903582323, - -0.02179151097457387, - 0.11548123596815958, - -0.025476097435261566, - -0.015459967622598976, - -0.012412795111376216, - -0.0374719657209733, - 0.1393481223639248, - -0.023417613632499664, - -0.02336152783649305, - 0.12492400393119192, - -0.01862991573867559, - 0.1233886477125198, - -0.03813652782056441, - -0.04002115187121347, - -0.025670284726415988, - 0.09184741912847429, - 0.07079176292704312, - -0.02914665337625423, - 0.1381077103184583, - 0.1345933513572626, - 0.11513815930429604, - -0.026883881964599607, - -0.03391388612767531, - 0.08822597358221856, - -0.03150170962069912, - -0.023555703835451677, - -0.03641546880418311, - 0.06286425547746263, - -0.0374719657209733, - -0.0374719657209733, - -0.03461129522414569, - -0.02571439234953296, - -0.03910666923235455, - -0.02073885189771006, - -0.0243537181471342, - 0.06784548077943794, - -0.025682344543106774, - 0.06931537394188492, - -0.035318065474777414, - -0.027933304367110535, - 0.06400574095510927, - -0.0142585654660659, - 0.08034522151886261, - -0.03670511158536479, - -0.024471424051220398, - -0.01563286691611527, - 0.0997994830566137, - 0.07404479914117434, - -0.024692644443300854, - 0.10142228595707095, - -0.03181353204016885, - -0.023431196119204363, - -0.03601642783670379, - -0.02696517310148308, - -0.022051337783654198, - -0.036568784822907235, - -0.03979798599596788, - -0.024499913314742553, - -0.03761310643960373, - -0.026039583472018638, - -0.020752661841034168, - -0.02619721077197664, - -0.033743839099106575, - 0.09520180822219132, - -0.02872411857297874, - -0.03714377927757215 + "None=Palsson, Master. Gosta Leonard
Deck=Deck_Unkown
shap=0.000", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck=Deck_Unkown
shap=0.006", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Deck=Deck_Unkown
shap=0.007", + "None=Saundercock, Mr. William Henry
Deck=Deck_Unkown
shap=-0.002", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Deck=Deck_Unkown
shap=0.006", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck=Deck_Unkown
shap=-0.000", + "None=Glynn, Miss. Mary Agatha
Deck=Deck_Unkown
shap=0.005", + "None=Meyer, Mr. Edgar Joseph
Deck=Deck_Unkown
shap=-0.002", + "None=Kraeff, Mr. Theodor
Deck=Deck_Unkown
shap=-0.001", + "None=Devaney, Miss. Margaret Delia
Deck=Deck_Unkown
shap=0.006", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck=Deck_Unkown
shap=0.003", + "None=Rugg, Miss. Emily
Deck=Deck_Unkown
shap=0.008", + "None=Skoog, Master. Harald
Deck=Deck_Unkown
shap=0.001", + "None=Kink, Mr. Vincenz
Deck=Deck_Unkown
shap=-0.001", + "None=Hood, Mr. Ambrose Jr
Deck=Deck_Unkown
shap=-0.000", + "None=Ilett, Miss. Bertha
Deck=Deck_Unkown
shap=0.009", + "None=Ford, Mr. William Neal
Deck=Deck_Unkown
shap=0.000", + "None=Christmann, Mr. Emil
Deck=Deck_Unkown
shap=-0.002", + "None=Andreasson, Mr. Paul Edvin
Deck=Deck_Unkown
shap=-0.001", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Deck=Deck_Unkown
shap=-0.001", + "None=Rekic, Mr. Tido
Deck=Deck_Unkown
shap=-0.000", + "None=Moran, Miss. Bertha
Deck=Deck_Unkown
shap=0.003", + "None=Barton, Mr. David John
Deck=Deck_Unkown
shap=-0.002", + "None=Jussila, Miss. Katriina
Deck=Deck_Unkown
shap=0.006", + "None=Pekoniemi, Mr. Edvard
Deck=Deck_Unkown
shap=-0.002", + "None=Turpin, Mr. William John Robert
Deck=Deck_Unkown
shap=-0.001", + "None=Moore, Mr. Leonard Charles
Deck=Deck_Unkown
shap=-0.002", + "None=Osen, Mr. Olaf Elon
Deck=Deck_Unkown
shap=-0.002", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Deck=Deck_Unkown
shap=0.001", + "None=Bateman, Rev. Robert James
Deck=Deck_Unkown
shap=-0.001", + "None=Meo, Mr. Alfonzo
Deck=Deck_Unkown
shap=-0.001", + "None=Cribb, Mr. John Hatfield
Deck=Deck_Unkown
shap=0.001", + "None=Sivola, Mr. Antti Wilhelm
Deck=Deck_Unkown
shap=-0.002", + "None=Klasen, Mr. Klas Albin
Deck=Deck_Unkown
shap=-0.001", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck=Deck_Unkown
shap=0.005", + "None=Vande Walle, Mr. Nestor Cyriel
Deck=Deck_Unkown
shap=-0.002", + "None=Backstrom, Mr. Karl Alfred
Deck=Deck_Unkown
shap=-0.000", + "None=Ali, Mr. Ahmed
Deck=Deck_Unkown
shap=-0.001", + "None=Green, Mr. George Henry
Deck=Deck_Unkown
shap=-0.001", + "None=Nenkoff, Mr. Christo
Deck=Deck_Unkown
shap=-0.001", + "None=Asplund, Miss. Lillian Gertrud
Deck=Deck_Unkown
shap=-0.000", + "None=Harknett, Miss. Alice Phoebe
Deck=Deck_Unkown
shap=0.006", + "None=Hunt, Mr. George Henry
Deck=Deck_Unkown
shap=-0.001", + "None=Reed, Mr. James George
Deck=Deck_Unkown
shap=-0.001", + "None=Thorne, Mrs. Gertrude Maybelle
Deck=Deck_Unkown
shap=0.007", + "None=Parrish, Mrs. (Lutie Davis)
Deck=Deck_Unkown
shap=0.004", + "None=Smith, Mr. Thomas
Deck=Deck_Unkown
shap=-0.001", + "None=Asplund, Master. Edvin Rojj Felix
Deck=Deck_Unkown
shap=0.001", + "None=Healy, Miss. Hanora \"Nora\"
Deck=Deck_Unkown
shap=0.005", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Deck=Deck_Unkown
shap=0.003", + "None=Connolly, Miss. Kate
Deck=Deck_Unkown
shap=0.005", + "None=Lewy, Mr. Ervin G
Deck=Deck_Unkown
shap=-0.001", + "None=Williams, Mr. Howard Hugh \"Harry\"
Deck=Deck_Unkown
shap=-0.002", + "None=Sage, Mr. George John Jr
Deck=Deck_Unkown
shap=0.001", + "None=Nysveen, Mr. Johan Hansen
Deck=Deck_Unkown
shap=-0.001", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck=Deck_Unkown
shap=0.004", + "None=Denkoff, Mr. Mitto
Deck=Deck_Unkown
shap=-0.001", + "None=Dimic, Mr. Jovan
Deck=Deck_Unkown
shap=-0.001", + "None=del Carlo, Mr. Sebastiano
Deck=Deck_Unkown
shap=-0.003", + "None=Beavan, Mr. William Thomas
Deck=Deck_Unkown
shap=-0.002", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck=Deck_Unkown
shap=0.007", + "None=Gustafsson, Mr. Karl Gideon
Deck=Deck_Unkown
shap=-0.001", + "None=Plotcharsky, Mr. Vasil
Deck=Deck_Unkown
shap=-0.001", + "None=Goodwin, Master. Sidney Leonard
Deck=Deck_Unkown
shap=0.001", + "None=Sadlier, Mr. Matthew
Deck=Deck_Unkown
shap=-0.001", + "None=Gustafsson, Mr. Johan Birger
Deck=Deck_Unkown
shap=-0.001", + "None=Niskanen, Mr. Juha
Deck=Deck_Unkown
shap=-0.001", + "None=Matthews, Mr. William John
Deck=Deck_Unkown
shap=-0.000", + "None=Charters, Mr. David
Deck=Deck_Unkown
shap=-0.001", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck=Deck_Unkown
shap=0.005", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck=Deck_Unkown
shap=0.004", + "None=Johannesen-Bratthammer, Mr. Bernt
Deck=Deck_Unkown
shap=-0.002", + "None=Milling, Mr. Jacob Christian
Deck=Deck_Unkown
shap=-0.001", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck=Deck_Unkown
shap=0.005", + "None=Karlsson, Mr. Nils August
Deck=Deck_Unkown
shap=-0.001", + "None=Frost, Mr. Anthony Wood \"Archie\"
Deck=Deck_Unkown
shap=-0.002", + "None=Windelov, Mr. Einar
Deck=Deck_Unkown
shap=-0.001", + "None=Shellard, Mr. Frederick William
Deck=Deck_Unkown
shap=-0.000", + "None=Svensson, Mr. Olof
Deck=Deck_Unkown
shap=-0.001", + "None=O'Sullivan, Miss. Bridget Mary
Deck=Deck_Unkown
shap=0.005", + "None=Laitinen, Miss. Kristina Sofia
Deck=Deck_Unkown
shap=0.005", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Deck=Deck_Unkown
shap=-0.000", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck=Deck_Unkown
shap=0.005", + "None=Kassem, Mr. Fared
Deck=Deck_Unkown
shap=-0.001", + "None=Cacic, Miss. Marija
Deck=Deck_Unkown
shap=0.006", + "None=Hart, Miss. Eva Miriam
Deck=Deck_Unkown
shap=0.005", + "None=Beane, Mr. Edward
Deck=Deck_Unkown
shap=-0.001", + "None=Goldsmith, Mr. Frank John
Deck=Deck_Unkown
shap=-0.001", + "None=Ohman, Miss. Velin
Deck=Deck_Unkown
shap=0.005", + "None=Morrow, Mr. Thomas Rowan
Deck=Deck_Unkown
shap=-0.001", + "None=Harris, Mr. George
Deck=Deck_Unkown
shap=-0.002", + "None=Patchett, Mr. George
Deck=Deck_Unkown
shap=-0.000", + "None=Murdlin, Mr. Joseph
Deck=Deck_Unkown
shap=-0.002", + "None=Bourke, Miss. Mary
Deck=Deck_Unkown
shap=0.004", + "None=Boulos, Mr. Hanna
Deck=Deck_Unkown
shap=-0.001", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Deck=Deck_Unkown
shap=-0.002", + "None=Lindell, Mr. Edvard Bengtsson
Deck=Deck_Unkown
shap=-0.000", + "None=Daniel, Mr. Robert Williams
Deck=Deck_Unkown
shap=0.001", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck=Deck_Unkown
shap=0.007", + "None=Jardin, Mr. Jose Neto
Deck=Deck_Unkown
shap=-0.001", + "None=Horgan, Mr. John
Deck=Deck_Unkown
shap=-0.001", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck=Deck_Unkown
shap=0.003", + "None=Yasbeck, Mr. Antoni
Deck=Deck_Unkown
shap=-0.002", + "None=Bostandyeff, Mr. Guentcho
Deck=Deck_Unkown
shap=-0.001", + "None=Lundahl, Mr. Johan Svensson
Deck=Deck_Unkown
shap=-0.001", + "None=Willey, Mr. Edward
Deck=Deck_Unkown
shap=-0.001", + "None=Stanley, Miss. Amy Zillah Elsie
Deck=Deck_Unkown
shap=0.005", + "None=Hegarty, Miss. Hanora \"Nora\"
Deck=Deck_Unkown
shap=0.006", + "None=Eitemiller, Mr. George Floyd
Deck=Deck_Unkown
shap=-0.000", + "None=Coleff, Mr. Peju
Deck=Deck_Unkown
shap=-0.001", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck=Deck_Unkown
shap=0.004", + "None=Turja, Miss. Anna Sofia
Deck=Deck_Unkown
shap=0.006", + "None=Goodwin, Mr. Charles Edward
Deck=Deck_Unkown
shap=0.002", + "None=Panula, Mr. Jaako Arnold
Deck=Deck_Unkown
shap=0.002", + "None=Fischer, Mr. Eberhard Thelander
Deck=Deck_Unkown
shap=-0.001", + "None=Hansen, Mr. Henrik Juul
Deck=Deck_Unkown
shap=-0.001", + "None=Larsson, Mr. August Viktor
Deck=Deck_Unkown
shap=-0.002", + "None=Greenberg, Mr. Samuel
Deck=Deck_Unkown
shap=-0.001", + "None=McEvoy, Mr. Michael
Deck=Deck_Unkown
shap=-0.000", + "None=Johnson, Mr. Malkolm Joackim
Deck=Deck_Unkown
shap=-0.001", + "None=Gillespie, Mr. William Henry
Deck=Deck_Unkown
shap=-0.001", + "None=Berriman, Mr. William John
Deck=Deck_Unkown
shap=-0.000", + "None=Troupiansky, Mr. Moses Aaron
Deck=Deck_Unkown
shap=-0.000", + "None=Williams, Mr. Leslie
Deck=Deck_Unkown
shap=-0.000", + "None=Ivanoff, Mr. Kanio
Deck=Deck_Unkown
shap=-0.001", + "None=McNamee, Mr. Neal
Deck=Deck_Unkown
shap=-0.000", + "None=Connaghton, Mr. Michael
Deck=Deck_Unkown
shap=-0.001", + "None=Carlsson, Mr. August Sigfrid
Deck=Deck_Unkown
shap=-0.001", + "None=Eklund, Mr. Hans Linus
Deck=Deck_Unkown
shap=-0.001", + "None=Moran, Mr. Daniel J
Deck=Deck_Unkown
shap=-0.001", + "None=Lievens, Mr. Rene Aime
Deck=Deck_Unkown
shap=-0.002", + "None=Ayoub, Miss. Banoura
Deck=Deck_Unkown
shap=0.005", + "None=Johnston, Mr. Andrew G
Deck=Deck_Unkown
shap=0.000", + "None=Ali, Mr. William
Deck=Deck_Unkown
shap=-0.001", + "None=Sjoblom, Miss. Anna Sofia
Deck=Deck_Unkown
shap=0.005", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck=Deck_Unkown
shap=0.005", + "None=Thomas, Master. Assad Alexander
Deck=Deck_Unkown
shap=-0.002", + "None=Johansson, Mr. Karl Johan
Deck=Deck_Unkown
shap=-0.001", + "None=Slemen, Mr. Richard James
Deck=Deck_Unkown
shap=-0.002", + "None=Tomlin, Mr. Ernest Portage
Deck=Deck_Unkown
shap=-0.002", + "None=McCormack, Mr. Thomas Joseph
Deck=Deck_Unkown
shap=-0.001", + "None=Richards, Master. George Sibley
Deck=Deck_Unkown
shap=-0.002", + "None=Mudd, Mr. Thomas Charles
Deck=Deck_Unkown
shap=-0.002", + "None=Lemberopolous, Mr. Peter L
Deck=Deck_Unkown
shap=-0.001", + "None=Sage, Mr. Douglas Bullen
Deck=Deck_Unkown
shap=0.001", + "None=Boulos, Miss. Nourelain
Deck=Deck_Unkown
shap=0.004", + "None=Aks, Mrs. Sam (Leah Rosen)
Deck=Deck_Unkown
shap=0.006", + "None=Razi, Mr. Raihed
Deck=Deck_Unkown
shap=-0.001", + "None=Johnson, Master. Harold Theodor
Deck=Deck_Unkown
shap=-0.002", + "None=Gustafsson, Mr. Alfred Ossian
Deck=Deck_Unkown
shap=-0.002", + "None=Montvila, Rev. Juozas
Deck=Deck_Unkown
shap=-0.000" + ], + "type": "scattergl", + "x": [ + 0.0002966579437912692, + 0.005512105921392609, + 0.0067600972178753025, + -0.0015658821787655924, + 0.005918393561070683, + -0.00047181631057571327, + 0.00526720849229586, + -0.0023611376592200277, + -0.000686005002248967, + 0.005868145733744645, + 0.0033988083027570257, + 0.008144905738120132, + 0.001459336813485708, + -0.001423219281792965, + -0.00017619636950218644, + 0.008534951203438225, + 0.00046543003108631394, + -0.001622785501385868, + -0.0009384505808999933, + -0.0011220145545860797, + -0.0003909170400399841, + 0.0031823247509780083, + -0.0015976574087825188, + 0.005608394415740487, + -0.0015658821787655924, + -0.0007618739891179186, + -0.001748526375312155, + -0.0017922207703516511, + 0.0009411622185986858, + -0.0006068605195808929, + -0.0010746123326307784, + 0.0011020539971607563, + -0.0015658821787655924, + -0.001256728339630839, + 0.005166037882903078, + -0.001615289180485972, + -0.000395135246488276, + -0.0007521084858970329, + -0.0010746656476837608, + -0.0011220145545860797, + -0.00043046090940206984, + 0.005900369831261643, + -0.000505521021010613, + -0.0008491810252653628, + 0.0067561753024894915, + 0.004345355623517107, + -0.000686717258681011, + 0.001290320557601852, + 0.00526720849229586, + 0.0033954367667375267, + 0.00523861075108731, + -0.0012693024098535293, + -0.001748526375312155, + 0.0006296102678906794, + -0.0005296907733706808, + 0.0036608518419208843, + -0.0011220145545860797, + -0.0009255089996339752, + -0.002593589807417145, + -0.0017109675959892689, + 0.006977820901816445, + -0.0008037700298582275, + -0.0011220145545860797, + 0.0011773268861517156, + -0.000686717258681011, + -0.0014400423121240938, + -0.0008546789352782198, + -0.0004647964419285614, + -0.0009485043651368421, + 0.0049058269826257, + 0.0037327269621525976, + -0.001748526375312155, + -0.0005485679115175435, + 0.0049085414982598646, + -0.000690459842651477, + -0.001500294220884876, + -0.0006665368287188004, + -0.00019160356742543047, + -0.0007097184408248981, + 0.00526720849229586, + 0.005449958910414431, + -3.727319979826224e-05, + 0.004608738891724338, + -0.0005268244707583667, + 0.006230594470733663, + 0.004930270772588552, + -0.0006149840264987566, + -0.0005570390272720252, + 0.005105990905503405, + -0.000686717258681011, + -0.0016353215601655575, + -0.0002473327344831946, + -0.001748526375312155, + 0.004133343748885519, + -0.0005268244707583667, + -0.0017752608890444865, + -0.0004729714620203253, + 0.0006708865999363621, + 0.006500815827387183, + -0.0008837188542532484, + -0.000686717258681011, + 0.003078144435449291, + -0.001957999735430003, + -0.000942005447931509, + -0.000759170853718197, + -0.0008413288091811135, + 0.005142220447114905, + 0.005626469799587671, + -0.0004796118038989266, + -0.0008188916007090383, + 0.0035456873313140284, + 0.006416001789747666, + 0.0018042821470123421, + 0.001633147581352033, + -0.000814983521621163, + -0.00105343323963335, + -0.0016527343828831261, + -0.0007257875079865847, + -0.0004579837061290536, + -0.0007911566759629617, + -0.000505521021010613, + -0.0004796118038989266, + -0.0004796118038989266, + -3.8076090005552984e-05, + -0.0011220145545860797, + -0.00036734007206207036, + -0.000987227805231963, + -0.000678142732857672, + -0.0008850232042206096, + -0.000589391080592466, + -0.0016468648884531984, + 0.005346518471718556, + 0.000469884638783714, + -0.0007616342837618657, + 0.005328207838638321, + 0.0050452635412990545, + -0.0017655047504471564, + -0.0007049160643371431, + -0.002225471307468128, + -0.0016038187783712925, + -0.000686717258681011, + -0.0016092133471434585, + -0.002319342552904716, + -0.0013656402274838544, + 0.0006296102678906794, + 0.004258865533521485, + 0.006065197795642652, + -0.0005268244707583667, + -0.001953451800315818, + -0.0015958310602628505, + -0.0004598736949366891 ], - "xaxis": "x3", + "xaxis": "x5", "y": [ - 0.8433586669114309, - 0.01500697730221856, - 0.5190229227106837, - 0.7182686748368124, - 0.7721839966149846, - 0.963047067503794, - 0.7847373789579088, - 0.8738805816645521, - 0.3116704675290858, - 0.14600013734562034, - 0.616844956741394, - 0.6864744574132604, - 0.6354905297084372, - 0.4173907656150784, - 0.8113345132414604, - 0.167654097853853, - 0.43069407889191025, - 0.2751034110699987, - 0.611579286954798, - 0.03602325041025378, - 0.038968186414081396, - 0.4475507415409469, - 0.736278070780091, - 0.4066883518110763, - 0.5740734189602436, - 0.19619815634163373, - 0.25633576940294767, - 0.45003952454793317, - 0.6323140558042659, - 0.13951409538139137, - 0.21486849252180074, - 0.017202939977765785, - 0.9700365522883325, - 0.2796369947701681, - 0.3497858599565645, - 0.8532010172599013, - 0.9041037242004247, - 0.2464433023771525, - 0.9221606905550345, - 0.024414338986914252, - 0.5208198774904704, - 0.6791113559633926, - 0.13980505550118083, - 0.1582892890841856, - 0.8752948748419753, - 0.06873814540083956, - 0.6791750009026755, - 0.05421045398945146, - 0.007072238529226782, - 0.7692925153610415, - 0.2653966363364483, - 0.5902291320457564, - 0.40213653694736085, - 0.7103575845122315, - 0.7871180410796456, - 0.9767836223415628, - 0.05926470360014269, - 0.9626969691101838, - 0.6073464940154124, - 0.0914937889224604, - 0.18216890427805366, - 0.5873883853865504, - 0.7801393688923717, - 0.5432466045742252, - 0.21017417827432294, - 0.9048554514618771, - 0.8857468479470924, - 0.42340219724313244, - 0.901767202392569, - 0.23547222776224797, - 0.9310279526316115, - 0.3530638440246492, - 0.6194930768436077, - 0.5316255542632614, - 0.35939073564541935, - 0.9338828541610578, - 0.10906404097482003, - 0.09676283470569291, - 0.7127343942601387, - 0.551882491143824, - 0.6873492902267015, - 0.7454429747961677, - 0.5018477499034689, - 0.21059270595158075, - 0.18749528070690658, - 0.9170453139445177, - 0.268652166762832, - 0.8911356392434974, - 0.6735416578216609, - 0.36504632322762987, - 0.8213613517052134, - 0.8898735210040916, - 0.8451996356557877, - 0.05807761372808795, - 0.49364480801491795, - 0.9622362136882391, - 0.749354431198866, - 0.02470576135140734, - 0.7454265750062898, - 0.7912444718831007, - 0.8405753193768647, - 0.7416213856296668, - 0.22601006545120272, - 0.2316737381032027, - 0.48725439730041686, - 0.830157754241744, - 0.5503132698463167, - 0.12447731358935754, - 0.87740410656539, - 0.5799488204104678, - 0.4892843164319999, - 0.3863404791253141, - 0.6527169424017637, - 0.4279314164245078, - 0.6319868265965903, - 0.7606133349706011, - 0.7112341162198651, - 0.8153897035617587, - 0.28771007061828957, - 0.010732225872484236, - 0.07743079953110255, - 0.38106523281694615, - 0.6527290508232868, - 0.24804653215250727, - 0.7502248775771971, - 0.22477363415752305, - 0.24333258252250123, - 0.7870240989843124, - 0.5646634364357613, - 0.7980041948600618, - 0.10803824914629723, - 0.12533397289508053, - 0.015759581648231435, - 0.999821359612428, - 0.6754565476297765, - 0.7652728386021754, - 0.45753758355828555, - 0.31441371624825376, - 0.9940288531796332, - 0.746339740085883, - 0.9572431208514227, - 0.6378588856146079, - 0.26323307644466165, - 0.8253337386018551, - 0.2582543364442047, - 0.20532482422122256, - 0.4192215108578099, - 0.05801218124797847, - 0.1945304217678253, - 0.34675626256297365, - 0.05953482892506967, - 0.5489216755908141, - 0.9028834256130138, - 0.5501016185717051, - 0.6307916344401436, - 0.9897297335950245, - 0.20453936671083994, - 0.08408883902327546, - 0.04033442815281929, - 0.8233363896036848, - 0.06142462422596162, - 0.37966868550872157, - 0.8306864074087319, - 0.483817504114735, - 0.3061556662099949, - 0.669174795536136, - 0.2237074999671982, - 0.8125714845639691, - 0.5562471216194086, - 0.901933084247859, - 0.03846628386698148, - 0.7062104915448006, - 0.88466144816945, - 0.92177237630252, - 0.19946403545076696, - 0.8229449329884517, - 0.8984225308272471, - 0.11387389876667176, - 0.4260483685032209, - 0.6246329141224453, - 0.8704401411141331, - 0.413282817818457, - 0.3258779905382162, - 0.79026994085083, - 0.7916975740926541, - 0.33042496419916, - 0.6736813792237659, - 0.5018689063385178, - 0.781006039869418, - 0.9981645185503044, - 0.304063075258866, - 0.807781179803711, - 0.9715379050680536, - 0.493314534600392, - 0.14226308142148658, - 0.6954929788334789, - 0.7919002840703435, - 0.09623243616021337, - 0.8094345799260044, - 0.8776990418426981 + 0.5698424030848308, + 0.9257400884601434, + 0.52207708045762, + 0.7393985216486716, + 0.8626584677755361, + 0.3453246799238405, + 0.7236898576878255, + 0.32183393217641787, + 0.6202322285482907, + 0.876444792737961, + 0.08829513314938353, + 0.4867074848580515, + 0.3437520141975793, + 0.5592881321576604, + 0.6258138051659595, + 0.6489401582428315, + 0.06944010597891681, + 0.129882431109828, + 0.7643493308903931, + 0.7476107084104583, + 0.7194456074148269, + 0.9022833498653258, + 0.20741818300320947, + 0.7262020515064536, + 0.9549666425471335, + 0.9810853781439527, + 0.31793111885594316, + 0.17893788943344946, + 0.7168467191884184, + 0.690536968673612, + 0.09260286294488174, + 0.4491432940037523, + 0.6647709233242363, + 0.1464648527099447, + 0.5600254676089856, + 0.37627411257147747, + 0.562258250270115, + 0.3697138352444961, + 0.853825860889536, + 0.22267449568457054, + 0.6486437156902288, + 0.578950507211997, + 0.42421298513223105, + 0.7951406277599045, + 0.9916915101508512, + 0.5972504225866708, + 0.5422249987846277, + 0.6898985745602082, + 0.0955010108622576, + 0.8317770366428295, + 0.545376876242561, + 0.8051936316869867, + 0.007196678808055301, + 0.02568257130996121, + 0.5507410401413089, + 0.09102971540609206, + 0.3970635737119229, + 0.020227943188617092, + 0.8368603762422209, + 0.316786774345833, + 0.3712961895580231, + 0.33704720443871294, + 0.6248859164693633, + 0.44019172274253726, + 0.7018660809234925, + 0.18007073722720945, + 0.8295151543421316, + 0.15616478411647372, + 0.5890114420554018, + 0.5953732046618109, + 0.06200705910217952, + 0.3260693965674807, + 0.0032081255437412803, + 0.7060037075279182, + 0.6684343141657337, + 0.10959930688145036, + 0.0800538682575157, + 0.8104877488435511, + 0.25040514149267623, + 0.2133225563994131, + 0.6782288090810455, + 0.3404638252572617, + 0.22263705885253326, + 0.08793314013097131, + 0.33270258899901406, + 0.6798918781990638, + 0.822070626919626, + 0.6784907551578836, + 0.7940417214340756, + 0.08091686223539918, + 0.3289480485744638, + 0.6592237249301367, + 0.4554088053266324, + 0.2413092386905482, + 0.41773129363856565, + 0.5722998598881757, + 0.7542266393923386, + 0.32432678836679063, + 0.5278746794666271, + 0.012891455355193204, + 0.5439829821106629, + 0.7689501725868475, + 0.3206060538694435, + 0.32329949899324817, + 0.6389142148230236, + 0.03633963121817163, + 0.28521211823906456, + 0.2702867122416178, + 0.475684958855497, + 0.47925057252586356, + 0.7485493876795732, + 0.14190611673542686, + 0.20783789668973174, + 0.6456057933479357, + 0.026747121251991968, + 0.19149091606411894, + 0.41499573245480614, + 0.8052717049471185, + 0.26274560057439134, + 0.7028505700246257, + 0.5568532937977275, + 0.8547026161542102, + 0.12071812997972065, + 0.6336540359356476, + 0.5841494027225473, + 0.9790658646532575, + 0.01967793385782135, + 0.21816167374374917, + 0.013644795427669387, + 0.9670358585365418, + 0.4097617097376577, + 0.02349260637753503, + 0.16740321010396664, + 0.19092653250710745, + 0.29253090803745574, + 0.7164349308418584, + 0.9912369718574495, + 0.693521167389326, + 0.9932690669676407, + 0.7360057898543196, + 0.2496485102089272, + 0.6644652627765493, + 0.35893063204667053, + 0.3879745220976527, + 0.5180040496063207, + 0.851002099992229, + 0.8887098172463727, + 0.10409654601821627, + 0.453086790598731, + 0.18657359273036256, + 0.04267529698058914 ], - "yaxis": "y3" + "yaxis": "y5" }, { "hoverinfo": "text", "marker": { - "color": [ - 1, - 1, - 3, - 3, - 2, - 3, - 3, - 3, - 3, - 1, - 3, - 3, - 3, - 2, - 1, - 3, - 3, - 2, - 2, - 3, - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 3, - 3, - 3, - 2, - 3, - 3, - 3, - 2, - 2, - 3, - 3, - 1, - 1, - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 1, - 3, - 3, - 3, - 3, - 3, - 2, - 3, - 1, - 1, - 2, - 3, - 3, - 3, - 1, - 3, - 1, - 3, - 1, - 2, - 1, - 3, - 3, - 3, - 1, - 3, - 1, - 3, - 2, - 3, - 1, - 1, - 3, - 3, - 3, - 3, - 3, - 3, - 3, - 1, - 2, - 3, - 2, - 2, - 3, - 1, - 1, - 2, - 2, - 3, - 2, - 1, - 3, - 3, - 3, - 3, - 3, - 1, - 1, - 2, - 3, - 3, - 2, - 1, - 2, - 3, - 3, - 1, - 3, - 2, - 1, - 3, - 1, - 3, - 3, - 3, - 1, - 1, - 3, - 1, - 2, - 1, - 3, - 3, - 3, - 3, - 3, - 3, - 1, - 3, - 3, - 3, - 2, - 1, - 3, - 2, - 1, - 3, - 1, - 3, - 3, - 3, - 3, - 1, - 3, - 1, - 1, - 1, - 3, - 2, - 2, - 3, - 3, - 2, - 1, - 2, - 2, - 3, - 3, - 3, - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 3, - 1, - 1, - 2, - 1, - 3, - 3, - 2, - 3, - 3, - 2, - 2, - 3, - 3, - 3, - 3, - 3, - 3, - 1, - 3, - 2 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], + "color": "#EF553B", "opacity": 0.3, - "showscale": true, + "showscale": false, "size": 5 }, "mode": "markers", - "name": "PassengerClass", + "name": "Deck_B", "opacity": 0.8, "showlegend": false, "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
PassengerClass=1
shap=0.051", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
PassengerClass=1
shap=0.057", - "index=Palsson, Master. Gosta Leonard
PassengerClass=3
shap=-0.037", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
PassengerClass=3
shap=-0.055", - "index=Nasser, Mrs. Nicholas (Adele Achem)
PassengerClass=2
shap=0.062", - "index=Saundercock, Mr. William Henry
PassengerClass=3
shap=-0.019", - "index=Vestrom, Miss. Hulda Amanda Adolfina
PassengerClass=3
shap=-0.048", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
PassengerClass=3
shap=-0.098", - "index=Glynn, Miss. Mary Agatha
PassengerClass=3
shap=-0.04", - "index=Meyer, Mr. Edgar Joseph
PassengerClass=1
shap=0.017", - "index=Kraeff, Mr. Theodor
PassengerClass=3
shap=-0.018", - "index=Devaney, Miss. Margaret Delia
PassengerClass=3
shap=-0.046", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
PassengerClass=3
shap=-0.066", - "index=Rugg, Miss. Emily
PassengerClass=2
shap=0.05", - "index=Harris, Mr. Henry Birkhardt
PassengerClass=1
shap=0.023", - "index=Skoog, Master. Harald
PassengerClass=3
shap=-0.043", - "index=Kink, Mr. Vincenz
PassengerClass=3
shap=-0.023", - "index=Hood, Mr. Ambrose Jr
PassengerClass=2
shap=0.017", - "index=Ilett, Miss. Bertha
PassengerClass=2
shap=0.049", - "index=Ford, Mr. William Neal
PassengerClass=3
shap=-0.033", - "index=Christmann, Mr. Emil
PassengerClass=3
shap=-0.019", - "index=Andreasson, Mr. Paul Edvin
PassengerClass=3
shap=-0.019", - "index=Chaffee, Mr. Herbert Fuller
PassengerClass=1
shap=0.016", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
PassengerClass=3
shap=-0.018", - "index=White, Mr. Richard Frasar
PassengerClass=1
shap=0.032", - "index=Rekic, Mr. Tido
PassengerClass=3
shap=-0.02", - "index=Moran, Miss. Bertha
PassengerClass=3
shap=-0.071", - "index=Barton, Mr. David John
PassengerClass=3
shap=-0.019", - "index=Jussila, Miss. Katriina
PassengerClass=3
shap=-0.054", - "index=Pekoniemi, Mr. Edvard
PassengerClass=3
shap=-0.019", - "index=Turpin, Mr. William John Robert
PassengerClass=2
shap=0.023", - "index=Moore, Mr. Leonard Charles
PassengerClass=3
shap=-0.018", - "index=Osen, Mr. Olaf Elon
PassengerClass=3
shap=-0.019", - "index=Ford, Miss. Robina Maggie \"Ruby\"
PassengerClass=3
shap=-0.092", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
PassengerClass=2
shap=0.034", - "index=Bateman, Rev. Robert James
PassengerClass=2
shap=0.02", - "index=Meo, Mr. Alfonzo
PassengerClass=3
shap=-0.026", - "index=Cribb, Mr. John Hatfield
PassengerClass=3
shap=-0.023", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
PassengerClass=1
shap=0.058", - "index=Van der hoef, Mr. Wyckoff
PassengerClass=1
shap=0.023", - "index=Sivola, Mr. Antti Wilhelm
PassengerClass=3
shap=-0.019", - "index=Klasen, Mr. Klas Albin
PassengerClass=3
shap=-0.022", - "index=Rood, Mr. Hugh Roscoe
PassengerClass=1
shap=0.026", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
PassengerClass=3
shap=-0.053", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
PassengerClass=1
shap=0.057", - "index=Vande Walle, Mr. Nestor Cyriel
PassengerClass=3
shap=-0.02", - "index=Backstrom, Mr. Karl Alfred
PassengerClass=3
shap=-0.024", - "index=Blank, Mr. Henry
PassengerClass=1
shap=0.025", - "index=Ali, Mr. Ahmed
PassengerClass=3
shap=-0.019", - "index=Green, Mr. George Henry
PassengerClass=3
shap=-0.026", - "index=Nenkoff, Mr. Christo
PassengerClass=3
shap=-0.018", - "index=Asplund, Miss. Lillian Gertrud
PassengerClass=3
shap=-0.092", - "index=Harknett, Miss. Alice Phoebe
PassengerClass=3
shap=-0.045", - "index=Hunt, Mr. George Henry
PassengerClass=2
shap=0.019", - "index=Reed, Mr. James George
PassengerClass=3
shap=-0.018", - "index=Stead, Mr. William Thomas
PassengerClass=1
shap=0.026", - "index=Thorne, Mrs. Gertrude Maybelle
PassengerClass=1
shap=0.054", - "index=Parrish, Mrs. (Lutie Davis)
PassengerClass=2
shap=0.08", - "index=Smith, Mr. Thomas
PassengerClass=3
shap=-0.017", - "index=Asplund, Master. Edvin Rojj Felix
PassengerClass=3
shap=-0.042", - "index=Healy, Miss. Hanora \"Nora\"
PassengerClass=3
shap=-0.04", - "index=Andrews, Miss. Kornelia Theodosia
PassengerClass=1
shap=0.063", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
PassengerClass=3
shap=-0.075", - "index=Smith, Mr. Richard William
PassengerClass=1
shap=0.029", - "index=Connolly, Miss. Kate
PassengerClass=3
shap=-0.048", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
PassengerClass=1
shap=0.05", - "index=Levy, Mr. Rene Jacques
PassengerClass=2
shap=0.026", - "index=Lewy, Mr. Ervin G
PassengerClass=1
shap=0.02", - "index=Williams, Mr. Howard Hugh \"Harry\"
PassengerClass=3
shap=-0.018", - "index=Sage, Mr. George John Jr
PassengerClass=3
shap=-0.044", - "index=Nysveen, Mr. Johan Hansen
PassengerClass=3
shap=-0.026", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
PassengerClass=1
shap=0.071", - "index=Denkoff, Mr. Mitto
PassengerClass=3
shap=-0.018", - "index=Burns, Miss. Elizabeth Margaret
PassengerClass=1
shap=0.047", - "index=Dimic, Mr. Jovan
PassengerClass=3
shap=-0.025", - "index=del Carlo, Mr. Sebastiano
PassengerClass=2
shap=0.022", - "index=Beavan, Mr. William Thomas
PassengerClass=3
shap=-0.019", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
PassengerClass=1
shap=0.058", - "index=Widener, Mr. Harry Elkins
PassengerClass=1
shap=0.02", - "index=Gustafsson, Mr. Karl Gideon
PassengerClass=3
shap=-0.019", - "index=Plotcharsky, Mr. Vasil
PassengerClass=3
shap=-0.018", - "index=Goodwin, Master. Sidney Leonard
PassengerClass=3
shap=-0.042", - "index=Sadlier, Mr. Matthew
PassengerClass=3
shap=-0.017", - "index=Gustafsson, Mr. Johan Birger
PassengerClass=3
shap=-0.023", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
PassengerClass=3
shap=-0.062", - "index=Niskanen, Mr. Juha
PassengerClass=3
shap=-0.022", - "index=Minahan, Miss. Daisy E
PassengerClass=1
shap=0.043", - "index=Matthews, Mr. William John
PassengerClass=2
shap=0.019", - "index=Charters, Mr. David
PassengerClass=3
shap=-0.018", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
PassengerClass=2
shap=0.07", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
PassengerClass=2
shap=0.08", - "index=Johannesen-Bratthammer, Mr. Bernt
PassengerClass=3
shap=-0.018", - "index=Peuchen, Major. Arthur Godfrey
PassengerClass=1
shap=0.026", - "index=Anderson, Mr. Harry
PassengerClass=1
shap=0.016", - "index=Milling, Mr. Jacob Christian
PassengerClass=2
shap=0.022", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
PassengerClass=2
shap=0.08", - "index=Karlsson, Mr. Nils August
PassengerClass=3
shap=-0.019", - "index=Frost, Mr. Anthony Wood \"Archie\"
PassengerClass=2
shap=0.005", - "index=Bishop, Mr. Dickinson H
PassengerClass=1
shap=0.024", - "index=Windelov, Mr. Einar
PassengerClass=3
shap=-0.019", - "index=Shellard, Mr. Frederick William
PassengerClass=3
shap=-0.022", - "index=Svensson, Mr. Olof
PassengerClass=3
shap=-0.019", - "index=O'Sullivan, Miss. Bridget Mary
PassengerClass=3
shap=-0.04", - "index=Laitinen, Miss. Kristina Sofia
PassengerClass=3
shap=-0.054", - "index=Penasco y Castellana, Mr. Victor de Satode
PassengerClass=1
shap=0.023", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
PassengerClass=1
shap=0.027", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
PassengerClass=2
shap=0.08", - "index=Kassem, Mr. Fared
PassengerClass=3
shap=-0.018", - "index=Cacic, Miss. Marija
PassengerClass=3
shap=-0.052", - "index=Hart, Miss. Eva Miriam
PassengerClass=2
shap=0.083", - "index=Butt, Major. Archibald Willingham
PassengerClass=1
shap=0.024", - "index=Beane, Mr. Edward
PassengerClass=2
shap=0.025", - "index=Goldsmith, Mr. Frank John
PassengerClass=3
shap=-0.025", - "index=Ohman, Miss. Velin
PassengerClass=3
shap=-0.049", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
PassengerClass=1
shap=0.06", - "index=Morrow, Mr. Thomas Rowan
PassengerClass=3
shap=-0.017", - "index=Harris, Mr. George
PassengerClass=2
shap=0.019", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
PassengerClass=1
shap=0.061", - "index=Patchett, Mr. George
PassengerClass=3
shap=-0.021", - "index=Ross, Mr. John Hugo
PassengerClass=1
shap=0.026", - "index=Murdlin, Mr. Joseph
PassengerClass=3
shap=-0.018", - "index=Bourke, Miss. Mary
PassengerClass=3
shap=-0.039", - "index=Boulos, Mr. Hanna
PassengerClass=3
shap=-0.018", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
PassengerClass=1
shap=0.022", - "index=Homer, Mr. Harry (\"Mr E Haven\")
PassengerClass=1
shap=0.019", - "index=Lindell, Mr. Edvard Bengtsson
PassengerClass=3
shap=-0.026", - "index=Daniel, Mr. Robert Williams
PassengerClass=1
shap=0.026", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
PassengerClass=2
shap=0.069", - "index=Shutes, Miss. Elizabeth W
PassengerClass=1
shap=0.054", - "index=Jardin, Mr. Jose Neto
PassengerClass=3
shap=-0.018", - "index=Horgan, Mr. John
PassengerClass=3
shap=-0.017", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
PassengerClass=3
shap=-0.066", - "index=Yasbeck, Mr. Antoni
PassengerClass=3
shap=-0.023", - "index=Bostandyeff, Mr. Guentcho
PassengerClass=3
shap=-0.019", - "index=Lundahl, Mr. Johan Svensson
PassengerClass=3
shap=-0.026", - "index=Stahelin-Maeglin, Dr. Max
PassengerClass=1
shap=0.018", - "index=Willey, Mr. Edward
PassengerClass=3
shap=-0.018", - "index=Stanley, Miss. Amy Zillah Elsie
PassengerClass=3
shap=-0.049", - "index=Hegarty, Miss. Hanora \"Nora\"
PassengerClass=3
shap=-0.046", - "index=Eitemiller, Mr. George Floyd
PassengerClass=2
shap=0.018", - "index=Colley, Mr. Edward Pomeroy
PassengerClass=1
shap=0.015", - "index=Coleff, Mr. Peju
PassengerClass=3
shap=-0.021", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
PassengerClass=2
shap=0.08", - "index=Davidson, Mr. Thornton
PassengerClass=1
shap=0.022", - "index=Turja, Miss. Anna Sofia
PassengerClass=3
shap=-0.051", - "index=Hassab, Mr. Hammad
PassengerClass=1
shap=0.025", - "index=Goodwin, Mr. Charles Edward
PassengerClass=3
shap=-0.041", - "index=Panula, Mr. Jaako Arnold
PassengerClass=3
shap=-0.041", - "index=Fischer, Mr. Eberhard Thelander
PassengerClass=3
shap=-0.019", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
PassengerClass=3
shap=-0.035", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
PassengerClass=1
shap=0.049", - "index=Hansen, Mr. Henrik Juul
PassengerClass=3
shap=-0.021", - "index=Calderhead, Mr. Edward Pennington
PassengerClass=1
shap=0.016", - "index=Klaber, Mr. Herman
PassengerClass=1
shap=0.028", - "index=Taylor, Mr. Elmer Zebley
PassengerClass=1
shap=0.024", - "index=Larsson, Mr. August Viktor
PassengerClass=3
shap=-0.019", - "index=Greenberg, Mr. Samuel
PassengerClass=2
shap=0.02", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
PassengerClass=2
shap=0.033", - "index=McEvoy, Mr. Michael
PassengerClass=3
shap=-0.019", - "index=Johnson, Mr. Malkolm Joackim
PassengerClass=3
shap=-0.02", - "index=Gillespie, Mr. William Henry
PassengerClass=2
shap=0.021", - "index=Allen, Miss. Elisabeth Walton
PassengerClass=1
shap=0.055", - "index=Berriman, Mr. William John
PassengerClass=2
shap=0.018", - "index=Troupiansky, Mr. Moses Aaron
PassengerClass=2
shap=0.018", - "index=Williams, Mr. Leslie
PassengerClass=3
shap=-0.022", - "index=Ivanoff, Mr. Kanio
PassengerClass=3
shap=-0.018", - "index=McNamee, Mr. Neal
PassengerClass=3
shap=-0.024", - "index=Connaghton, Mr. Michael
PassengerClass=3
shap=-0.017", - "index=Carlsson, Mr. August Sigfrid
PassengerClass=3
shap=-0.019", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
PassengerClass=1
shap=0.053", - "index=Eklund, Mr. Hans Linus
PassengerClass=3
shap=-0.019", - "index=Hogeboom, Mrs. John C (Anna Andrews)
PassengerClass=1
shap=0.063", - "index=Moran, Mr. Daniel J
PassengerClass=3
shap=-0.025", - "index=Lievens, Mr. Rene Aime
PassengerClass=3
shap=-0.019", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
PassengerClass=1
shap=0.062", - "index=Ayoub, Miss. Banoura
PassengerClass=3
shap=-0.046", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
PassengerClass=1
shap=0.06", - "index=Johnston, Mr. Andrew G
PassengerClass=3
shap=-0.029", - "index=Ali, Mr. William
PassengerClass=3
shap=-0.019", - "index=Sjoblom, Miss. Anna Sofia
PassengerClass=3
shap=-0.049", - "index=Guggenheim, Mr. Benjamin
PassengerClass=1
shap=0.017", - "index=Leader, Dr. Alice (Farnham)
PassengerClass=1
shap=0.066", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
PassengerClass=2
shap=0.078", - "index=Carter, Master. William Thornton II
PassengerClass=1
shap=0.029", - "index=Thomas, Master. Assad Alexander
PassengerClass=3
shap=-0.02", - "index=Johansson, Mr. Karl Johan
PassengerClass=3
shap=-0.018", - "index=Slemen, Mr. Richard James
PassengerClass=2
shap=0.015", - "index=Tomlin, Mr. Ernest Portage
PassengerClass=3
shap=-0.019", - "index=McCormack, Mr. Thomas Joseph
PassengerClass=3
shap=-0.017", - "index=Richards, Master. George Sibley
PassengerClass=2
shap=0.026", - "index=Mudd, Mr. Thomas Charles
PassengerClass=2
shap=0.013", - "index=Lemberopolous, Mr. Peter L
PassengerClass=3
shap=-0.021", - "index=Sage, Mr. Douglas Bullen
PassengerClass=3
shap=-0.044", - "index=Boulos, Miss. Nourelain
PassengerClass=3
shap=-0.061", - "index=Aks, Mrs. Sam (Leah Rosen)
PassengerClass=3
shap=-0.057", - "index=Razi, Mr. Raihed
PassengerClass=3
shap=-0.018", - "index=Johnson, Master. Harold Theodor
PassengerClass=3
shap=-0.022", - "index=Carlsson, Mr. Frans Olof
PassengerClass=1
shap=0.021", - "index=Gustafsson, Mr. Alfred Ossian
PassengerClass=3
shap=-0.019", - "index=Montvila, Rev. Juozas
PassengerClass=2
shap=0.019" - ], - "type": "scatter", - "x": [ - 0.05075333040769578, - 0.056674269025121085, - -0.0371818250403251, - -0.05472252251125869, - 0.06215243676050207, - -0.018819197212802556, - -0.04779120160994615, - -0.0975351479935134, - -0.040099811999437206, - 0.016612941793009924, - -0.018088160119755923, - -0.04565978569839208, - -0.06617547848175757, - 0.04979060696067262, - 0.02253420182583749, - -0.04253609557449759, - -0.022933666079071036, - 0.017301245048418977, - 0.04871760970728236, - -0.03324773710612748, - -0.01929264026930152, - -0.018633156003462218, - 0.016060940354837558, - -0.018018884996414332, - 0.03205651816327995, - -0.020119990049349515, - -0.07119620161646757, - -0.018819197212802556, - -0.054316650946884544, - -0.018533007988226928, - 0.0228824332438026, - -0.01826510064390456, - -0.01872078744831815, - -0.09189054093229906, - 0.034061607925338355, - 0.019837843858053116, - -0.025640441980973146, - -0.022680540317621553, - 0.05845515082231629, - 0.02341402639092176, - -0.018533007988226928, - -0.021955406175653076, - 0.025895356757582776, - -0.05267853123681795, - 0.057168134245402666, - -0.019601246775303532, - -0.023777234218581602, - 0.024886778029754742, - -0.018701769093741653, - -0.02570964137102161, - -0.018018884996414332, - -0.09191784722873637, - -0.0449793706344293, - 0.01949283667695079, - -0.01818764610192906, - 0.025881094758060823, - 0.05424695716050378, - 0.07986767184108676, - -0.017034627133489598, - -0.04176560101651254, - -0.040099811999437206, - 0.06319646018349606, - -0.07456198953605439, - 0.029354835636070997, - -0.04818474591292219, - 0.0502126521018985, - 0.025653373510645946, - 0.020041052720029266, - -0.01826510064390456, - -0.04436456371644921, - -0.025523013861912237, - 0.07058534743021368, - -0.018018884996414332, - 0.04714331095544868, - -0.024763258267175105, - 0.022443049005702057, - -0.018819197212802556, - 0.058170635739136514, - 0.020084696008311444, - -0.018673420551806545, - -0.018018884996414332, - -0.042201616333333344, - -0.017034627133489598, - -0.022667496150202106, - -0.06177244787780572, - -0.02220626353579088, - 0.04254878015299443, - 0.019101221117258087, - -0.01796829980564255, - 0.0703978501107481, - 0.08036690909691127, - -0.01826510064390456, - 0.025881094758060823, - 0.01632619312607608, - 0.02160803715022659, - 0.08042860620427764, - -0.018701769093741653, - 0.004708564818333167, - 0.02361131162505043, - -0.018701769093741653, - -0.02229214375996978, - -0.018633156003462218, - -0.040099811999437206, - -0.054378814673369226, - 0.023495784148912152, - 0.026570921949812185, - 0.08040249314429382, - -0.018366359248314874, - -0.05206810083938541, - 0.0833992468583628, - 0.02371307293876927, - 0.02466780576726729, - -0.02502506229483933, - -0.04930650622370868, - 0.05993499600124408, - -0.017034627133489598, - 0.019408320409855094, - 0.06054578046767518, - -0.02134801125683038, - 0.025885362194901358, - -0.01826510064390456, - -0.03930376229450706, - -0.018366359248314874, - 0.021916901209328588, - 0.01942510343531281, - -0.026066720806708722, - 0.026187085125743154, - 0.06896435991836271, - 0.05415640776534211, - -0.01818764610192906, - -0.017034627133489598, - -0.06602504294818827, - -0.02273853379076236, - -0.019239631031170233, - -0.0255922132519607, - 0.018388538478804534, - -0.01818764610192906, - -0.049428137714647984, - -0.04642519429748023, - 0.018079291470565896, - 0.015153106037141349, - -0.02060597817005734, - 0.08027949984516017, - 0.022304519006118358, - -0.05064321876926648, - 0.02496355054095693, - -0.04110770206228733, - -0.04088265222503686, - -0.018775091376340015, - -0.03503132019805868, - 0.04919155965396088, - -0.02097749417344155, - 0.01639438366083404, - 0.028313364483365706, - 0.02366883537499759, - -0.01929264026930152, - 0.02013219797433534, - 0.03332698587056105, - -0.019280695940724277, - -0.0199416864795418, - 0.02077343589753555, - 0.0553838107137348, - 0.018079291470565896, - 0.018079291470565896, - -0.022153393011364368, - -0.018018884996414332, - -0.024099985910584553, - -0.01708459284084989, - -0.01935979834211223, - 0.05337934542859747, - -0.01861498436440754, - 0.06320060133901204, - -0.024990086426763015, - -0.01887460443665352, - 0.06177634972948422, - -0.04606660600843012, - 0.05972665611725559, - -0.02870576574129076, - -0.018720322709202996, - -0.049329468633327524, - 0.016779811913297568, - 0.06551463357842552, - 0.07789111434972, - 0.029482007203570765, - -0.01987232030489406, - -0.018388220339519208, - 0.01544458063550593, - -0.01903578488955631, - -0.017034627133489598, - 0.025699970550820943, - 0.013254471594359052, - -0.02063979997799968, - -0.04436456371644921, - -0.060780217514096506, - -0.05686227729722947, - -0.018366359248314874, - -0.02184222264300405, - 0.020964800752002723, - -0.01887460443665352, - 0.018824402855314264 + "None=Van der hoef, Mr. Wyckoff
Deck=Deck_B
shap=-0.017", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Deck=Deck_B
shap=-0.011", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Deck=Deck_B
shap=-0.022", + "None=Bishop, Mr. Dickinson H
Deck=Deck_B
shap=0.002", + "None=Butt, Major. Archibald Willingham
Deck=Deck_B
shap=-0.015", + "None=Stahelin-Maeglin, Dr. Max
Deck=Deck_B
shap=-0.006", + "None=Davidson, Mr. Thornton
Deck=Deck_B
shap=-0.003", + "None=Allen, Miss. Elisabeth Walton
Deck=Deck_B
shap=-0.009", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck=Deck_B
shap=-0.011", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck=Deck_B
shap=0.001", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck=Deck_B
shap=-0.014", + "None=Guggenheim, Mr. Benjamin
Deck=Deck_B
shap=-0.005", + "None=Carter, Master. William Thornton II
Deck=Deck_B
shap=-0.002", + "None=Carlsson, Mr. Frans Olof
Deck=Deck_B
shap=-0.010" + ], + "type": "scattergl", + "x": [ + -0.01701986892484319, + -0.010780613765986054, + -0.02229554375461495, + 0.0015853970200089599, + -0.014569879136632536, + -0.005563471737623666, + -0.0029971916682881516, + -0.008634909790484271, + -0.011301719866387325, + 0.001012993524996334, + -0.014121849771512582, + -0.0054282656040721446, + -0.0023645477025611046, + -0.010404667007181024 ], - "xaxis": "x4", + "xaxis": "x5", "y": [ - 0.572448034625404, - 0.503642029937876, - 0.272652957634819, - 0.7944070565067753, - 0.21482324296246835, - 0.6142020562849825, - 0.4001810164534162, - 0.6020260668603193, - 0.4762177145017681, - 0.4981441189706398, - 0.1620326925090506, - 0.3026395081611891, - 0.4647873337386459, - 0.6447945379214148, - 0.239809796683919, - 0.47971122293942825, - 0.3750876712715988, - 0.40851829148358154, - 0.4886510269841903, - 0.6204810467651793, - 0.6774889150669767, - 0.16790774127181585, - 0.5860401204008651, - 0.8327801631883776, - 0.9727528260591413, - 0.9815352792509574, - 0.9220391605905142, - 0.21534425430502901, - 0.9262689800634326, - 0.7594811805945431, - 0.9577860837983172, - 0.6374629526846735, - 0.6650046696603534, - 0.4241766136551963, - 0.472875245139866, - 0.9373612331074531, - 0.7477337860745028, - 0.0532925020603674, - 0.5717810862685601, - 0.7583383423928856, - 0.43126106796103936, - 0.07467271396646913, - 0.361276232565121, - 0.5880178639062398, - 0.057424164819165124, - 0.8548363413064294, - 0.5590467278863346, - 0.2595209751754901, - 0.7701531632529971, - 0.6014343196428907, - 0.08087473583294735, - 0.8416547132539591, - 0.28238229193676967, - 0.5637171920327709, - 0.02540139175186973, - 0.38064392062738617, - 0.5032789555962554, - 0.49140016784975105, - 0.8407673442470209, - 0.781863508541424, - 0.7085004801562778, - 0.009739785884907315, - 0.513836038716059, - 0.6922611821381961, - 0.2711657402750677, - 0.7940701392589613, - 0.34328815011070957, - 0.02575863325787664, - 0.06196597688388761, - 0.5172453092500527, - 0.4877134216232901, - 0.09458817881123038, - 0.07540924217253608, - 0.34274497825998074, - 0.2358016639490973, - 0.19121703463656892, - 0.834887105628966, - 0.9340975287255795, - 0.9661549175852929, - 0.5403063941598306, - 0.6053529411886652, - 0.14178425344882994, - 0.33844675271819336, - 0.2649736200351923, - 0.21156867007473168, - 0.5351248468344391, - 0.9429183621201067, - 0.7497324088117407, - 0.15711478659339817, - 0.2926195776440015, - 0.2031778655780102, - 0.8637718921213553, - 0.1507273447099572, - 0.3951962614747375, - 0.1904554917514315, - 0.04003165766301897, - 0.2807088359231479, - 0.8712470109053599, - 0.03986092482444692, - 0.548662020556995, - 0.1565502758482774, - 0.0900217405331305, - 0.6366493168302185, - 0.9468336846492282, - 0.5760831930371092, - 0.4003203379263425, - 0.1607104465350313, - 0.4593602869187067, - 0.8270371681682036, - 0.7262629930905886, - 0.3719057745583426, - 0.9396371188291505, - 0.25267660360065536, - 0.7735646540872412, - 0.2566053360361571, - 0.47106160710489176, - 0.4813784246534598, - 0.75589660282323, - 0.48875761479222657, - 0.10177443550222098, - 0.6398759606925899, - 0.4864791065483218, - 0.4555569721051468, - 0.9448936012808267, - 0.28972784150034525, - 0.747845998505583, - 0.03494537392865449, - 0.9421407600883374, - 0.19585147199040065, - 0.30717914473469454, - 0.7307257282100847, - 0.18799617313678452, - 0.3306698756006313, - 0.6374891790300248, - 0.597786330686712, - 0.903282370603864, - 0.46349437148988515, - 0.5501071564413118, - 0.8382260408992599, - 0.9794198940200864, - 0.6657685280094281, - 0.6065390804753809, - 0.12941986158761742, - 0.4131316161340999, - 0.2039804355248973, - 0.31958261644360086, - 0.8134878997851981, - 0.4745863967345024, - 0.6565046048284652, - 0.9943127031740282, - 0.13101802210782143, - 0.09568435288769372, - 0.3405452954606699, - 0.09029191238645629, - 0.44369932631620734, - 0.9994963979181133, - 0.498502106655333, - 0.2671257760228605, - 0.2559833907437613, - 0.8090515231421191, - 0.44566093125221273, - 0.2808752006195109, - 0.9572990795319349, - 0.6221500492469908, - 0.7177625983775947, - 0.882617864872267, - 0.2962905070546974, - 0.003482611492385601, - 0.003029601802934989, - 0.7478918331773056, - 0.8349161095253222, - 0.316166122091183, - 0.8773715806919784, - 0.9052588736723622, - 0.9834945505641493, - 0.1785727140354435, - 0.6014099819622747, - 0.1945703768049235, - 0.27838621061477253, - 0.575875745195349, - 0.8867542073950735, - 0.6765969235262994, - 0.9731663891860984, - 0.1291708504032396, - 0.10225094266701074, - 0.4766791621399393, - 0.4933813849629691, - 0.8082620660219055, - 0.9608858233976817, - 0.1476905015717197, - 0.7209616327723858, - 0.015360599666245478, - 0.2124864211348264, - 0.521404661283195, - 0.9919439663623636, - 0.3850659951550368, - 0.027095942215704327, - 0.9020494291917853, - 0.7301731866804577, - 0.6422461164960698 + 0.2852662141440826, + 0.5108912578982221, + 0.010004873528160152, + 0.7360455240667803, + 0.33885124633285857, + 0.9107711073939608, + 0.0612013422453741, + 0.8969825024476518, + 0.2759647808195109, + 0.10502769481193441, + 0.429777318125392, + 0.26337968762962605, + 0.17735350790209203, + 0.19622579022454845 ], - "yaxis": "y4" + "yaxis": "y5" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#00CC96", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Deck_C", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck=Deck_C
shap=-0.018", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck=Deck_C
shap=-0.012", + "None=Harris, Mr. Henry Birkhardt
Deck=Deck_C
shap=-0.003", + "None=Stead, Mr. William Thomas
Deck=Deck_C
shap=0.009", + "None=Widener, Mr. Harry Elkins
Deck=Deck_C
shap=0.010", + "None=Minahan, Miss. Daisy E
Deck=Deck_C
shap=-0.012", + "None=Peuchen, Major. Arthur Godfrey
Deck=Deck_C
shap=0.007", + "None=Penasco y Castellana, Mr. Victor de Satode
Deck=Deck_C
shap=0.007", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck=Deck_C
shap=-0.008", + "None=Shutes, Miss. Elizabeth W
Deck=Deck_C
shap=-0.006", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck=Deck_C
shap=-0.017", + "None=Klaber, Mr. Herman
Deck=Deck_C
shap=0.013", + "None=Taylor, Mr. Elmer Zebley
Deck=Deck_C
shap=0.001" + ], + "type": "scattergl", + "x": [ + -0.01813757124903348, + -0.011676195641042927, + -0.003010118417852065, + 0.0089607728137159, + 0.01042637927127352, + -0.01207623504375794, + 0.006603092927494433, + 0.006776801769382199, + -0.008377938595906433, + -0.006215288325130065, + -0.017015336133907107, + 0.012878124936771186, + 0.0009474358355774266 + ], + "xaxis": "x5", + "y": [ + 0.7274374522955362, + 0.39416496306438686, + 0.341923719929735, + 0.4846517959115044, + 0.7253552596135513, + 0.016867103457786192, + 0.16596260344984082, + 0.8459620272163384, + 0.22730179936050388, + 0.2766642904388701, + 0.7739625992829223, + 0.14704260400957336, + 0.3638824054337535 + ], + "yaxis": "y5" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#AB63FA", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Deck_E", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Chaffee, Mr. Herbert Fuller
Deck=Deck_E
shap=0.007", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Deck=Deck_E
shap=-0.034", + "None=Burns, Miss. Elizabeth Margaret
Deck=Deck_E
shap=-0.030", + "None=Anderson, Mr. Harry
Deck=Deck_E
shap=0.017", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck=Deck_E
shap=-0.018", + "None=Colley, Mr. Edward Pomeroy
Deck=Deck_E
shap=0.018", + "None=Calderhead, Mr. Edward Pennington
Deck=Deck_E
shap=0.018", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
Deck=Deck_E
shap=-0.069" + ], + "type": "scattergl", + "x": [ + 0.007112988579411935, + -0.033520408160919835, + -0.029640586387082897, + 0.0173558381978756, + -0.01814037742572545, + 0.018399741829325307, + 0.018492619613978703, + -0.06923025732393921 + ], + "xaxis": "x5", + "y": [ + 0.4835997084740056, + 0.7451749350839721, + 0.42012936708654736, + 0.6847206542215409, + 0.7270796334522892, + 0.6687844609779335, + 0.7056677385428601, + 0.6672815563612292 + ], + "yaxis": "y5" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#FFA15A", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Deck_D", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=White, Mr. Richard Frasar
Deck=Deck_D
shap=0.004", + "None=Andrews, Miss. Kornelia Theodosia
Deck=Deck_D
shap=-0.013", + "None=Levy, Mr. Rene Jacques
Deck=Deck_D
shap=0.017", + "None=Hassab, Mr. Hammad
Deck=Deck_D
shap=0.009", + "None=Hogeboom, Mrs. John C (Anna Andrews)
Deck=Deck_D
shap=-0.020", + "None=Leader, Dr. Alice (Farnham)
Deck=Deck_D
shap=-0.021" + ], + "type": "scattergl", + "x": [ + 0.0043114760705878045, + -0.013140258365161687, + 0.016697091555298808, + 0.009167023463989472, + -0.019808971649081054, + -0.020626382295969532 + ], + "xaxis": "x5", + "y": [ + 0.5850603243290213, + 0.15593687474922946, + 0.2541028241160117, + 0.4154986843913453, + 0.5026780969747722, + 0.2863131866435512 + ], + "yaxis": "y5" + }, + { + "hoverinfo": "text", + "marker": { + "color": "grey", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Other", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck=Deck_F
shap=0.023", + "None=Rood, Mr. Hugh Roscoe
Deck=Deck_A
shap=0.013", + "None=Blank, Mr. Henry
Deck=Deck_A
shap=0.007", + "None=Smith, Mr. Richard William
Deck=Deck_A
shap=0.014", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck=Deck_G
shap=-0.039", + "None=Ross, Mr. John Hugo
Deck=Deck_A
shap=0.014", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck=Deck_A
shap=0.007", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck=Deck_F
shap=0.012" + ], + "type": "scattergl", + "x": [ + 0.023209740229095884, + 0.01290806453990119, + 0.006825308090349675, + 0.014436206626259279, + -0.039321068899404794, + 0.01438294943567398, + 0.006564623379874963, + 0.011599210110746095 + ], + "xaxis": "x5", + "y": [ + 0.3438409391749436, + 0.24848067796274853, + 0.050056122344564136, + 0.3888178353654421, + 0.7738680755924932, + 0.344828111244294, + 0.4738445414745275, + 0.4005839811219495 + ], + "yaxis": "y5" }, { "hoverinfo": "text", @@ -11923,614 +11542,614 @@ "opacity": 0.8, "showlegend": false, "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Fare=71.2833
shap=0.064", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Fare=53.1
shap=0.058", - "index=Palsson, Master. Gosta Leonard
Fare=21.075
shap=0.012", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Fare=11.1333
shap=-0.004", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Fare=30.0708
shap=0.007", - "index=Saundercock, Mr. William Henry
Fare=8.05
shap=-0.038", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Fare=7.8542
shap=-0.042", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Fare=31.3875
shap=-0.029", - "index=Glynn, Miss. Mary Agatha
Fare=7.75
shap=-0.021", - "index=Meyer, Mr. Edgar Joseph
Fare=82.1708
shap=0.069", - "index=Kraeff, Mr. Theodor
Fare=7.8958
shap=-0.038", - "index=Devaney, Miss. Margaret Delia
Fare=7.8792
shap=-0.016", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Fare=17.8
shap=0.017", - "index=Rugg, Miss. Emily
Fare=10.5
shap=-0.055", - "index=Harris, Mr. Henry Birkhardt
Fare=83.475
shap=0.067", - "index=Skoog, Master. Harald
Fare=27.9
shap=-0.025", - "index=Kink, Mr. Vincenz
Fare=8.6625
shap=-0.032", - "index=Hood, Mr. Ambrose Jr
Fare=73.5
shap=0.083", - "index=Ilett, Miss. Bertha
Fare=10.5
shap=-0.056", - "index=Ford, Mr. William Neal
Fare=34.375
shap=-0.017", - "index=Christmann, Mr. Emil
Fare=8.05
shap=-0.037", - "index=Andreasson, Mr. Paul Edvin
Fare=7.8542
shap=-0.035", - "index=Chaffee, Mr. Herbert Fuller
Fare=61.175
shap=0.04", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Fare=7.8958
shap=-0.043", - "index=White, Mr. Richard Frasar
Fare=77.2875
shap=0.06", - "index=Rekic, Mr. Tido
Fare=7.8958
shap=-0.042", - "index=Moran, Miss. Bertha
Fare=24.15
shap=-0.028", - "index=Barton, Mr. David John
Fare=8.05
shap=-0.038", - "index=Jussila, Miss. Katriina
Fare=9.825
shap=-0.051", - "index=Pekoniemi, Mr. Edvard
Fare=7.925
shap=-0.035", - "index=Turpin, Mr. William John Robert
Fare=21.0
shap=0.001", - "index=Moore, Mr. Leonard Charles
Fare=8.05
shap=-0.042", - "index=Osen, Mr. Olaf Elon
Fare=9.2167
shap=-0.037", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Fare=34.375
shap=-0.034", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Fare=26.0
shap=0.016", - "index=Bateman, Rev. Robert James
Fare=12.525
shap=0.005", - "index=Meo, Mr. Alfonzo
Fare=8.05
shap=-0.039", - "index=Cribb, Mr. John Hatfield
Fare=16.1
shap=0.017", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Fare=55.0
shap=0.06", - "index=Van der hoef, Mr. Wyckoff
Fare=33.5
shap=0.011", - "index=Sivola, Mr. Antti Wilhelm
Fare=7.925
shap=-0.035", - "index=Klasen, Mr. Klas Albin
Fare=7.8542
shap=-0.021", - "index=Rood, Mr. Hugh Roscoe
Fare=50.0
shap=0.022", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Fare=7.8542
shap=-0.043", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Fare=27.7208
shap=-0.007", - "index=Vande Walle, Mr. Nestor Cyriel
Fare=9.5
shap=-0.031", - "index=Backstrom, Mr. Karl Alfred
Fare=15.85
shap=0.008", - "index=Blank, Mr. Henry
Fare=31.0
shap=0.009", - "index=Ali, Mr. Ahmed
Fare=7.05
shap=-0.037", - "index=Green, Mr. George Henry
Fare=8.05
shap=-0.038", - "index=Nenkoff, Mr. Christo
Fare=7.8958
shap=-0.043", - "index=Asplund, Miss. Lillian Gertrud
Fare=31.3875
shap=-0.034", - "index=Harknett, Miss. Alice Phoebe
Fare=7.55
shap=-0.037", - "index=Hunt, Mr. George Henry
Fare=12.275
shap=0.004", - "index=Reed, Mr. James George
Fare=7.25
shap=-0.042", - "index=Stead, Mr. William Thomas
Fare=26.55
shap=0.028", - "index=Thorne, Mrs. Gertrude Maybelle
Fare=79.2
shap=0.074", - "index=Parrish, Mrs. (Lutie Davis)
Fare=26.0
shap=0.01", - "index=Smith, Mr. Thomas
Fare=7.75
shap=-0.033", - "index=Asplund, Master. Edvin Rojj Felix
Fare=31.3875
shap=-0.021", - "index=Healy, Miss. Hanora \"Nora\"
Fare=7.75
shap=-0.021", - "index=Andrews, Miss. Kornelia Theodosia
Fare=77.9583
shap=0.083", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Fare=20.25
shap=0.02", - "index=Smith, Mr. Richard William
Fare=26.0
shap=0.031", - "index=Connolly, Miss. Kate
Fare=7.75
shap=-0.024", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Fare=91.0792
shap=0.069", - "index=Levy, Mr. Rene Jacques
Fare=12.875
shap=0.016", - "index=Lewy, Mr. Ervin G
Fare=27.7208
shap=0.014", - "index=Williams, Mr. Howard Hugh \"Harry\"
Fare=8.05
shap=-0.042", - "index=Sage, Mr. George John Jr
Fare=69.55
shap=0.007", - "index=Nysveen, Mr. Johan Hansen
Fare=6.2375
shap=-0.037", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Fare=133.65
shap=0.08", - "index=Denkoff, Mr. Mitto
Fare=7.8958
shap=-0.043", - "index=Burns, Miss. Elizabeth Margaret
Fare=134.5
shap=0.087", - "index=Dimic, Mr. Jovan
Fare=8.6625
shap=-0.041", - "index=del Carlo, Mr. Sebastiano
Fare=27.7208
shap=0.003", - "index=Beavan, Mr. William Thomas
Fare=8.05
shap=-0.038", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Fare=82.1708
shap=0.073", - "index=Widener, Mr. Harry Elkins
Fare=211.5
shap=0.042", - "index=Gustafsson, Mr. Karl Gideon
Fare=7.775
shap=-0.036", - "index=Plotcharsky, Mr. Vasil
Fare=7.8958
shap=-0.043", - "index=Goodwin, Master. Sidney Leonard
Fare=46.9
shap=-0.02", - "index=Sadlier, Mr. Matthew
Fare=7.7292
shap=-0.033", - "index=Gustafsson, Mr. Johan Birger
Fare=7.925
shap=-0.028", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Fare=16.7
shap=0.03", - "index=Niskanen, Mr. Juha
Fare=7.925
shap=-0.039", - "index=Minahan, Miss. Daisy E
Fare=90.0
shap=0.072", - "index=Matthews, Mr. William John
Fare=13.0
shap=0.004", - "index=Charters, Mr. David
Fare=7.7333
shap=-0.03", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Fare=26.0
shap=0.012", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Fare=26.25
shap=0.01", - "index=Johannesen-Bratthammer, Mr. Bernt
Fare=8.1125
shap=-0.042", - "index=Peuchen, Major. Arthur Godfrey
Fare=30.5
shap=0.011", - "index=Anderson, Mr. Harry
Fare=26.55
shap=0.018", - "index=Milling, Mr. Jacob Christian
Fare=13.0
shap=0.006", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Fare=27.75
shap=0.011", - "index=Karlsson, Mr. Nils August
Fare=7.5208
shap=-0.036", - "index=Frost, Mr. Anthony Wood \"Archie\"
Fare=0.0
shap=-0.047", - "index=Bishop, Mr. Dickinson H
Fare=91.0792
shap=0.054", - "index=Windelov, Mr. Einar
Fare=7.25
shap=-0.036", - "index=Shellard, Mr. Frederick William
Fare=15.1
shap=0.004", - "index=Svensson, Mr. Olof
Fare=7.7958
shap=-0.035", - "index=O'Sullivan, Miss. Bridget Mary
Fare=7.6292
shap=-0.026", - "index=Laitinen, Miss. Kristina Sofia
Fare=9.5875
shap=-0.052", - "index=Penasco y Castellana, Mr. Victor de Satode
Fare=108.9
shap=0.048", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Fare=26.55
shap=0.021", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Fare=26.0
shap=0.013", - "index=Kassem, Mr. Fared
Fare=7.2292
shap=-0.043", - "index=Cacic, Miss. Marija
Fare=8.6625
shap=-0.053", - "index=Hart, Miss. Eva Miriam
Fare=26.25
shap=0.007", - "index=Butt, Major. Archibald Willingham
Fare=26.55
shap=0.015", - "index=Beane, Mr. Edward
Fare=26.0
shap=0.001", - "index=Goldsmith, Mr. Frank John
Fare=20.525
shap=0.022", - "index=Ohman, Miss. Velin
Fare=7.775
shap=-0.043", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Fare=79.65
shap=0.078", - "index=Morrow, Mr. Thomas Rowan
Fare=7.75
shap=-0.033", - "index=Harris, Mr. George
Fare=10.5
shap=-0.018", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Fare=51.4792
shap=0.039", - "index=Patchett, Mr. George
Fare=14.5
shap=0.001", - "index=Ross, Mr. John Hugo
Fare=40.125
shap=0.031", - "index=Murdlin, Mr. Joseph
Fare=8.05
shap=-0.042", - "index=Bourke, Miss. Mary
Fare=7.75
shap=-0.022", - "index=Boulos, Mr. Hanna
Fare=7.225
shap=-0.047", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Fare=56.9292
shap=0.044", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Fare=26.55
shap=0.019", - "index=Lindell, Mr. Edvard Bengtsson
Fare=15.55
shap=0.009", - "index=Daniel, Mr. Robert Williams
Fare=30.5
shap=0.009", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Fare=41.5792
shap=0.007", - "index=Shutes, Miss. Elizabeth W
Fare=153.4625
shap=0.092", - "index=Jardin, Mr. Jose Neto
Fare=7.05
shap=-0.043", - "index=Horgan, Mr. John
Fare=7.75
shap=-0.033", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Fare=16.1
shap=0.021", - "index=Yasbeck, Mr. Antoni
Fare=14.4542
shap=0.006", - "index=Bostandyeff, Mr. Guentcho
Fare=7.8958
shap=-0.037", - "index=Lundahl, Mr. Johan Svensson
Fare=7.0542
shap=-0.037", - "index=Stahelin-Maeglin, Dr. Max
Fare=30.5
shap=0.013", - "index=Willey, Mr. Edward
Fare=7.55
shap=-0.042", - "index=Stanley, Miss. Amy Zillah Elsie
Fare=7.55
shap=-0.037", - "index=Hegarty, Miss. Hanora \"Nora\"
Fare=6.75
shap=-0.031", - "index=Eitemiller, Mr. George Floyd
Fare=13.0
shap=0.004", - "index=Colley, Mr. Edward Pomeroy
Fare=25.5875
shap=0.022", - "index=Coleff, Mr. Peju
Fare=7.4958
shap=-0.041", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Fare=39.0
shap=0.012", - "index=Davidson, Mr. Thornton
Fare=52.0
shap=0.026", - "index=Turja, Miss. Anna Sofia
Fare=9.8417
shap=-0.05", - "index=Hassab, Mr. Hammad
Fare=76.7292
shap=0.082", - "index=Goodwin, Mr. Charles Edward
Fare=46.9
shap=-0.019", - "index=Panula, Mr. Jaako Arnold
Fare=39.6875
shap=-0.011", - "index=Fischer, Mr. Eberhard Thelander
Fare=7.7958
shap=-0.035", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Fare=7.65
shap=-0.072", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Fare=227.525
shap=0.069", - "index=Hansen, Mr. Henrik Juul
Fare=7.8542
shap=-0.031", - "index=Calderhead, Mr. Edward Pennington
Fare=26.2875
shap=0.02", - "index=Klaber, Mr. Herman
Fare=26.55
shap=0.037", - "index=Taylor, Mr. Elmer Zebley
Fare=52.0
shap=0.023", - "index=Larsson, Mr. August Viktor
Fare=9.4833
shap=-0.035", - "index=Greenberg, Mr. Samuel
Fare=13.0
shap=0.005", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Fare=10.5
shap=-0.043", - "index=McEvoy, Mr. Michael
Fare=15.5
shap=0.013", - "index=Johnson, Mr. Malkolm Joackim
Fare=7.775
shap=-0.04", - "index=Gillespie, Mr. William Henry
Fare=13.0
shap=0.004", - "index=Allen, Miss. Elisabeth Walton
Fare=211.3375
shap=0.09", - "index=Berriman, Mr. William John
Fare=13.0
shap=0.004", - "index=Troupiansky, Mr. Moses Aaron
Fare=13.0
shap=0.004", - "index=Williams, Mr. Leslie
Fare=16.1
shap=0.003", - "index=Ivanoff, Mr. Kanio
Fare=7.8958
shap=-0.043", - "index=McNamee, Mr. Neal
Fare=16.1
shap=0.006", - "index=Connaghton, Mr. Michael
Fare=7.75
shap=-0.031", - "index=Carlsson, Mr. August Sigfrid
Fare=7.7958
shap=-0.034", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Fare=86.5
shap=0.095", - "index=Eklund, Mr. Hans Linus
Fare=7.775
shap=-0.036", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Fare=77.9583
shap=0.084", - "index=Moran, Mr. Daniel J
Fare=24.15
shap=-0.009", - "index=Lievens, Mr. Rene Aime
Fare=9.5
shap=-0.033", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Fare=211.3375
shap=0.074", - "index=Ayoub, Miss. Banoura
Fare=7.2292
shap=-0.036", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Fare=57.0
shap=0.07", - "index=Johnston, Mr. Andrew G
Fare=23.45
shap=-0.011", - "index=Ali, Mr. William
Fare=7.05
shap=-0.037", - "index=Sjoblom, Miss. Anna Sofia
Fare=7.4958
shap=-0.038", - "index=Guggenheim, Mr. Benjamin
Fare=79.2
shap=0.079", - "index=Leader, Dr. Alice (Farnham)
Fare=25.9292
shap=0.018", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Fare=26.25
shap=0.012", - "index=Carter, Master. William Thornton II
Fare=120.0
shap=0.069", - "index=Thomas, Master. Assad Alexander
Fare=8.5167
shap=-0.025", - "index=Johansson, Mr. Karl Johan
Fare=7.775
shap=-0.036", - "index=Slemen, Mr. Richard James
Fare=10.5
shap=-0.031", - "index=Tomlin, Mr. Ernest Portage
Fare=8.05
shap=-0.038", - "index=McCormack, Mr. Thomas Joseph
Fare=7.75
shap=-0.033", - "index=Richards, Master. George Sibley
Fare=18.75
shap=0.015", - "index=Mudd, Mr. Thomas Charles
Fare=10.5
shap=-0.029", - "index=Lemberopolous, Mr. Peter L
Fare=6.4375
shap=-0.046", - "index=Sage, Mr. Douglas Bullen
Fare=69.55
shap=0.007", - "index=Boulos, Miss. Nourelain
Fare=15.2458
shap=0.009", - "index=Aks, Mrs. Sam (Leah Rosen)
Fare=9.35
shap=-0.05", - "index=Razi, Mr. Raihed
Fare=7.2292
shap=-0.043", - "index=Johnson, Master. Harold Theodor
Fare=11.1333
shap=0.005", - "index=Carlsson, Mr. Frans Olof
Fare=5.0
shap=-0.092", - "index=Gustafsson, Mr. Alfred Ossian
Fare=9.8458
shap=-0.029", - "index=Montvila, Rev. Juozas
Fare=13.0
shap=0.004" - ], - "type": "scatter", - "x": [ - 0.06395515760878236, - 0.05819060871698233, - 0.01165224714203462, - -0.0035247845767386534, - 0.006994779516152751, - -0.037982149050224887, - -0.04249887821855841, - -0.028785201566665405, - -0.021244177244368737, - 0.0691168792959696, - -0.038107008715018806, - -0.01591185070317829, - 0.01675537122792737, - -0.05516972917711167, - 0.0667400048487957, - -0.02485473000393262, - -0.03216071061003604, - 0.08266144834581593, - -0.055770166404440144, - -0.017019339504785607, - -0.03657913526045154, - -0.03541302494857777, - 0.0399129878878129, - -0.042546830016536016, - 0.0598154208394508, - -0.041756858980607534, - -0.028184204415301454, - -0.037982149050224887, - -0.050761180117869106, - -0.035111420355883924, - 0.0012470939135172483, - -0.04156635869163117, - -0.03743975184132997, - -0.03420172553404098, - 0.015765709681488257, - 0.005147274556442051, - -0.03862542977660843, - 0.016959045000275546, - 0.06001005792219193, - 0.010911104776803508, - -0.035111420355883924, - -0.021441529752918163, - 0.022112959232056993, - -0.04298139420630309, - -0.0066007761777116146, - -0.031309001284753085, - 0.007805485785601911, - 0.009320023116422063, - -0.03690577912566339, - -0.03818633722443267, - -0.042546830016536016, - -0.03423313093122541, - -0.03672673528113686, - 0.0037605797514108042, - -0.041634156960113654, - 0.027981215614765284, - 0.07377469188167436, - 0.010060139821481701, - -0.032508041260101705, - -0.021491449123578348, - -0.021244177244368737, - 0.08277338847272138, - 0.020464523951594878, - 0.03110933736636162, - -0.0239144849323254, - 0.06931975294251479, - 0.016083227846230078, - 0.014096768582437608, - -0.04156635869163117, - 0.007198526545148654, - -0.03705142330832512, - 0.08020014538005626, - -0.042546830016536016, - 0.08672226867880728, - -0.04072026935822902, - 0.002637143533602311, - -0.037982149050224887, - 0.07299156322559451, - 0.04156554150263266, - -0.035559503582341896, - -0.042546830016536016, - -0.01960142050298415, - -0.0331508085237023, - -0.027780586114372292, - 0.030294451438427836, - -0.038911123340132615, - 0.07221263067242427, - 0.0035397535807676385, - -0.030205719713254586, - 0.01217732181064997, - 0.010413018348137425, - -0.04156635869163117, - 0.01057353897512997, - 0.01806966838701251, - 0.0057564528941477875, - 0.010995719007810814, - -0.036119170717588016, - -0.046680965466383194, - 0.054202387900830984, - -0.036119170717588016, - 0.003629449507079425, - -0.035299034577608565, - -0.0257483678647484, - -0.051734117076406724, - 0.04812150778711861, - 0.020717118939792886, - 0.01347088815977023, - -0.04347309241848828, - -0.05312288587081487, - 0.006807902251713646, - 0.0152357744970727, - 0.0006051640842856081, - 0.022272088454184904, - -0.04273921943637324, - 0.07783615112296387, - -0.032508041260101705, - -0.017811022383811895, - 0.039160939917621373, - 0.001157536807799133, - 0.0314612501984454, - -0.04156635869163117, - -0.022439360192083844, - -0.0473236082753651, - 0.04407009201894742, - 0.018618538792611824, - 0.008906251183003488, - 0.008688949609728946, - 0.006669235890283101, - 0.09244132202338735, - -0.04253475573915823, - -0.032508041260101705, - 0.021150999386677367, - 0.006411038963583923, - -0.0371869143437036, - -0.03663808627387776, - 0.012982983655642707, - -0.041634156960113654, - -0.0368667819583135, - -0.031261441907700784, - 0.003830474011273904, - 0.0216182305602814, - -0.040615746914655276, - 0.012084686043978833, - 0.026301046941125727, - -0.05036930753760502, - 0.08181687806580427, - -0.01871967409750612, - -0.011404412323666655, - -0.035253797584768216, - -0.07208833395812743, - 0.06891872830546196, - -0.030604122837165022, - 0.020251015962286116, - 0.03653844143234545, - 0.023051020045536177, - -0.035327565323812836, - 0.00542572607267949, - -0.04315388753552038, - 0.013179257428416715, - -0.039966224421607244, - 0.004478123819824019, - 0.08979835656480181, - 0.003830474011273904, - 0.003830474011273904, - 0.0027066450202565696, - -0.042546830016536016, - 0.006265576431337477, - -0.03108745018072262, - -0.03431812778606999, - 0.09503850900230862, - -0.036131608716954, - 0.08391075813453336, - -0.009224898279205366, - -0.0325980247035572, - 0.0740772178569645, - -0.035749815453393785, - 0.07002055027820908, - -0.01085186819435836, - -0.03690577912566339, - -0.037533586431005656, - 0.07887491048500982, - 0.018354009046269177, - 0.012238746254736255, - 0.06942005247138697, - -0.025391841864901846, - -0.03588519527821484, - -0.030503129759838724, - -0.03795802272697977, - -0.032508041260101705, - 0.014862396857343491, - -0.028896333107515874, - -0.045635292828264715, - 0.007198526545148654, - 0.008730805720005308, - -0.0500630914189831, - -0.04347309241848828, - 0.005014869741622092, - -0.0916229737143811, - -0.028989635337299327, - 0.003724933721290331 + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Fare=71.2833
shap=-0.007", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Fare=53.1
shap=-0.004", + "None=Palsson, Master. Gosta Leonard
Fare=21.075
shap=-0.001", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Fare=11.1333
shap=-0.001", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Fare=30.0708
shap=-0.004", + "None=Saundercock, Mr. William Henry
Fare=8.05
shap=0.003", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Fare=7.8542
shap=0.007", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Fare=31.3875
shap=-0.014", + "None=Glynn, Miss. Mary Agatha
Fare=7.75
shap=0.006", + "None=Meyer, Mr. Edgar Joseph
Fare=82.1708
shap=0.002", + "None=Kraeff, Mr. Theodor
Fare=7.8958
shap=0.002", + "None=Devaney, Miss. Margaret Delia
Fare=7.8792
shap=0.005", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Fare=17.8
shap=0.006", + "None=Rugg, Miss. Emily
Fare=10.5
shap=-0.001", + "None=Harris, Mr. Henry Birkhardt
Fare=83.475
shap=-0.001", + "None=Skoog, Master. Harald
Fare=27.9
shap=0.006", + "None=Kink, Mr. Vincenz
Fare=8.6625
shap=0.004", + "None=Hood, Mr. Ambrose Jr
Fare=73.5
shap=0.007", + "None=Ilett, Miss. Bertha
Fare=10.5
shap=-0.001", + "None=Ford, Mr. William Neal
Fare=34.375
shap=0.006", + "None=Christmann, Mr. Emil
Fare=8.05
shap=0.003", + "None=Andreasson, Mr. Paul Edvin
Fare=7.8542
shap=0.002", + "None=Chaffee, Mr. Herbert Fuller
Fare=61.175
shap=-0.001", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Fare=7.8958
shap=0.000", + "None=White, Mr. Richard Frasar
Fare=77.2875
shap=0.001", + "None=Rekic, Mr. Tido
Fare=7.8958
shap=0.001", + "None=Moran, Miss. Bertha
Fare=24.15
shap=-0.007", + "None=Barton, Mr. David John
Fare=8.05
shap=0.003", + "None=Jussila, Miss. Katriina
Fare=9.825
shap=-0.004", + "None=Pekoniemi, Mr. Edvard
Fare=7.925
shap=0.002", + "None=Turpin, Mr. William John Robert
Fare=21.0
shap=-0.003", + "None=Moore, Mr. Leonard Charles
Fare=8.05
shap=0.002", + "None=Osen, Mr. Olaf Elon
Fare=9.2167
shap=0.003", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Fare=34.375
shap=-0.015", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Fare=26.0
shap=0.002", + "None=Bateman, Rev. Robert James
Fare=12.525
shap=-0.002", + "None=Meo, Mr. Alfonzo
Fare=8.05
shap=0.003", + "None=Cribb, Mr. John Hatfield
Fare=16.1
shap=-0.002", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Fare=55.0
shap=-0.005", + "None=Van der hoef, Mr. Wyckoff
Fare=33.5
shap=-0.001", + "None=Sivola, Mr. Antti Wilhelm
Fare=7.925
shap=0.002", + "None=Klasen, Mr. Klas Albin
Fare=7.8542
shap=0.003", + "None=Rood, Mr. Hugh Roscoe
Fare=50.0
shap=-0.000", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Fare=7.8542
shap=0.003", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Fare=27.7208
shap=-0.005", + "None=Vande Walle, Mr. Nestor Cyriel
Fare=9.5
shap=0.003", + "None=Backstrom, Mr. Karl Alfred
Fare=15.85
shap=-0.005", + "None=Blank, Mr. Henry
Fare=31.0
shap=-0.002", + "None=Ali, Mr. Ahmed
Fare=7.05
shap=0.000", + "None=Green, Mr. George Henry
Fare=8.05
shap=0.004", + "None=Nenkoff, Mr. Christo
Fare=7.8958
shap=0.000", + "None=Asplund, Miss. Lillian Gertrud
Fare=31.3875
shap=-0.015", + "None=Harknett, Miss. Alice Phoebe
Fare=7.55
shap=0.008", + "None=Hunt, Mr. George Henry
Fare=12.275
shap=-0.002", + "None=Reed, Mr. James George
Fare=7.25
shap=-0.000", + "None=Stead, Mr. William Thomas
Fare=26.55
shap=0.009", + "None=Thorne, Mrs. Gertrude Maybelle
Fare=79.2
shap=-0.017", + "None=Parrish, Mrs. (Lutie Davis)
Fare=26.0
shap=-0.005", + "None=Smith, Mr. Thomas
Fare=7.75
shap=0.000", + "None=Asplund, Master. Edvin Rojj Felix
Fare=31.3875
shap=0.006", + "None=Healy, Miss. Hanora \"Nora\"
Fare=7.75
shap=0.006", + "None=Andrews, Miss. Kornelia Theodosia
Fare=77.9583
shap=-0.012", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Fare=20.25
shap=0.002", + "None=Smith, Mr. Richard William
Fare=26.0
shap=0.003", + "None=Connolly, Miss. Kate
Fare=7.75
shap=0.005", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Fare=91.0792
shap=-0.017", + "None=Levy, Mr. Rene Jacques
Fare=12.875
shap=0.001", + "None=Lewy, Mr. Ervin G
Fare=27.7208
shap=0.001", + "None=Williams, Mr. Howard Hugh \"Harry\"
Fare=8.05
shap=0.002", + "None=Sage, Mr. George John Jr
Fare=69.55
shap=0.009", + "None=Nysveen, Mr. Johan Hansen
Fare=6.2375
shap=0.001", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Fare=133.65
shap=-0.029", + "None=Denkoff, Mr. Mitto
Fare=7.8958
shap=0.000", + "None=Burns, Miss. Elizabeth Margaret
Fare=134.5
shap=-0.005", + "None=Dimic, Mr. Jovan
Fare=8.6625
shap=0.003", + "None=del Carlo, Mr. Sebastiano
Fare=27.7208
shap=-0.002", + "None=Beavan, Mr. William Thomas
Fare=8.05
shap=0.003", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Fare=82.1708
shap=-0.019", + "None=Widener, Mr. Harry Elkins
Fare=211.5
shap=-0.009", + "None=Gustafsson, Mr. Karl Gideon
Fare=7.775
shap=0.001", + "None=Plotcharsky, Mr. Vasil
Fare=7.8958
shap=0.000", + "None=Goodwin, Master. Sidney Leonard
Fare=46.9
shap=0.005", + "None=Sadlier, Mr. Matthew
Fare=7.7292
shap=-0.001", + "None=Gustafsson, Mr. Johan Birger
Fare=7.925
shap=0.002", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Fare=16.7
shap=0.001", + "None=Niskanen, Mr. Juha
Fare=7.925
shap=0.002", + "None=Minahan, Miss. Daisy E
Fare=90.0
shap=-0.013", + "None=Matthews, Mr. William John
Fare=13.0
shap=-0.002", + "None=Charters, Mr. David
Fare=7.7333
shap=-0.000", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Fare=26.0
shap=-0.004", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Fare=26.25
shap=-0.004", + "None=Johannesen-Bratthammer, Mr. Bernt
Fare=8.1125
shap=0.002", + "None=Peuchen, Major. Arthur Godfrey
Fare=30.5
shap=0.003", + "None=Anderson, Mr. Harry
Fare=26.55
shap=0.007", + "None=Milling, Mr. Jacob Christian
Fare=13.0
shap=-0.002", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Fare=27.75
shap=-0.003", + "None=Karlsson, Mr. Nils August
Fare=7.5208
shap=0.000", + "None=Frost, Mr. Anthony Wood \"Archie\"
Fare=0.0
shap=0.003", + "None=Bishop, Mr. Dickinson H
Fare=91.0792
shap=0.002", + "None=Windelov, Mr. Einar
Fare=7.25
shap=0.001", + "None=Shellard, Mr. Frederick William
Fare=15.1
shap=-0.003", + "None=Svensson, Mr. Olof
Fare=7.7958
shap=0.001", + "None=O'Sullivan, Miss. Bridget Mary
Fare=7.6292
shap=0.008", + "None=Laitinen, Miss. Kristina Sofia
Fare=9.5875
shap=-0.001", + "None=Penasco y Castellana, Mr. Victor de Satode
Fare=108.9
shap=-0.002", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Fare=26.55
shap=0.006", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Fare=26.0
shap=-0.003", + "None=Kassem, Mr. Fared
Fare=7.2292
shap=0.003", + "None=Cacic, Miss. Marija
Fare=8.6625
shap=-0.004", + "None=Hart, Miss. Eva Miriam
Fare=26.25
shap=-0.004", + "None=Butt, Major. Archibald Willingham
Fare=26.55
shap=0.006", + "None=Beane, Mr. Edward
Fare=26.0
shap=-0.000", + "None=Goldsmith, Mr. Frank John
Fare=20.525
shap=-0.003", + "None=Ohman, Miss. Velin
Fare=7.775
shap=0.004", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Fare=79.65
shap=-0.007", + "None=Morrow, Mr. Thomas Rowan
Fare=7.75
shap=0.000", + "None=Harris, Mr. George
Fare=10.5
shap=0.004", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Fare=51.4792
shap=0.002", + "None=Patchett, Mr. George
Fare=14.5
shap=-0.004", + "None=Ross, Mr. John Hugo
Fare=40.125
shap=-0.000", + "None=Murdlin, Mr. Joseph
Fare=8.05
shap=0.002", + "None=Bourke, Miss. Mary
Fare=7.75
shap=-0.000", + "None=Boulos, Mr. Hanna
Fare=7.225
shap=0.003", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Fare=56.9292
shap=-0.001", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Fare=26.55
shap=0.003", + "None=Lindell, Mr. Edvard Bengtsson
Fare=15.55
shap=-0.005", + "None=Daniel, Mr. Robert Williams
Fare=30.5
shap=0.002", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Fare=41.5792
shap=-0.000", + "None=Shutes, Miss. Elizabeth W
Fare=153.4625
shap=-0.013", + "None=Jardin, Mr. Jose Neto
Fare=7.05
shap=-0.001", + "None=Horgan, Mr. John
Fare=7.75
shap=0.000", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Fare=16.1
shap=0.009", + "None=Yasbeck, Mr. Antoni
Fare=14.4542
shap=0.000", + "None=Bostandyeff, Mr. Guentcho
Fare=7.8958
shap=0.001", + "None=Lundahl, Mr. Johan Svensson
Fare=7.0542
shap=0.001", + "None=Stahelin-Maeglin, Dr. Max
Fare=30.5
shap=-0.003", + "None=Willey, Mr. Edward
Fare=7.55
shap=-0.001", + "None=Stanley, Miss. Amy Zillah Elsie
Fare=7.55
shap=0.006", + "None=Hegarty, Miss. Hanora \"Nora\"
Fare=6.75
shap=0.006", + "None=Eitemiller, Mr. George Floyd
Fare=13.0
shap=-0.002", + "None=Colley, Mr. Edward Pomeroy
Fare=25.5875
shap=0.003", + "None=Coleff, Mr. Peju
Fare=7.4958
shap=-0.000", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Fare=39.0
shap=-0.005", + "None=Davidson, Mr. Thornton
Fare=52.0
shap=-0.003", + "None=Turja, Miss. Anna Sofia
Fare=9.8417
shap=-0.002", + "None=Hassab, Mr. Hammad
Fare=76.7292
shap=0.001", + "None=Goodwin, Mr. Charles Edward
Fare=46.9
shap=0.007", + "None=Panula, Mr. Jaako Arnold
Fare=39.6875
shap=0.006", + "None=Fischer, Mr. Eberhard Thelander
Fare=7.7958
shap=0.001", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
Fare=7.65
shap=0.005", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Fare=227.525
shap=-0.012", + "None=Hansen, Mr. Henrik Juul
Fare=7.8542
shap=0.002", + "None=Calderhead, Mr. Edward Pennington
Fare=26.2875
shap=0.007", + "None=Klaber, Mr. Herman
Fare=26.55
shap=0.009", + "None=Taylor, Mr. Elmer Zebley
Fare=52.0
shap=-0.005", + "None=Larsson, Mr. August Viktor
Fare=9.4833
shap=0.003", + "None=Greenberg, Mr. Samuel
Fare=13.0
shap=-0.002", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
Fare=10.5
shap=-0.020", + "None=McEvoy, Mr. Michael
Fare=15.5
shap=-0.002", + "None=Johnson, Mr. Malkolm Joackim
Fare=7.775
shap=0.001", + "None=Gillespie, Mr. William Henry
Fare=13.0
shap=-0.002", + "None=Allen, Miss. Elisabeth Walton
Fare=211.3375
shap=-0.017", + "None=Berriman, Mr. William John
Fare=13.0
shap=-0.002", + "None=Troupiansky, Mr. Moses Aaron
Fare=13.0
shap=-0.002", + "None=Williams, Mr. Leslie
Fare=16.1
shap=-0.005", + "None=Ivanoff, Mr. Kanio
Fare=7.8958
shap=0.000", + "None=McNamee, Mr. Neal
Fare=16.1
shap=-0.006", + "None=Connaghton, Mr. Michael
Fare=7.75
shap=0.002", + "None=Carlsson, Mr. August Sigfrid
Fare=7.7958
shap=0.001", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Fare=86.5
shap=-0.017", + "None=Eklund, Mr. Hans Linus
Fare=7.775
shap=0.001", + "None=Hogeboom, Mrs. John C (Anna Andrews)
Fare=77.9583
shap=-0.013", + "None=Moran, Mr. Daniel J
Fare=24.15
shap=0.003", + "None=Lievens, Mr. Rene Aime
Fare=9.5
shap=0.003", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Fare=211.3375
shap=-0.018", + "None=Ayoub, Miss. Banoura
Fare=7.2292
shap=0.005", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
Fare=57.0
shap=-0.012", + "None=Johnston, Mr. Andrew G
Fare=23.45
shap=0.002", + "None=Ali, Mr. William
Fare=7.05
shap=0.000", + "None=Sjoblom, Miss. Anna Sofia
Fare=7.4958
shap=0.006", + "None=Guggenheim, Mr. Benjamin
Fare=79.2
shap=0.005", + "None=Leader, Dr. Alice (Farnham)
Fare=25.9292
shap=-0.007", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Fare=26.25
shap=-0.002", + "None=Carter, Master. William Thornton II
Fare=120.0
shap=0.005", + "None=Thomas, Master. Assad Alexander
Fare=8.5167
shap=0.007", + "None=Johansson, Mr. Karl Johan
Fare=7.775
shap=0.001", + "None=Slemen, Mr. Richard James
Fare=10.5
shap=0.004", + "None=Tomlin, Mr. Ernest Portage
Fare=8.05
shap=0.003", + "None=McCormack, Mr. Thomas Joseph
Fare=7.75
shap=0.000", + "None=Richards, Master. George Sibley
Fare=18.75
shap=-0.001", + "None=Mudd, Mr. Thomas Charles
Fare=10.5
shap=0.004", + "None=Lemberopolous, Mr. Peter L
Fare=6.4375
shap=0.003", + "None=Sage, Mr. Douglas Bullen
Fare=69.55
shap=0.009", + "None=Boulos, Miss. Nourelain
Fare=15.2458
shap=-0.008", + "None=Aks, Mrs. Sam (Leah Rosen)
Fare=9.35
shap=-0.006", + "None=Razi, Mr. Raihed
Fare=7.2292
shap=0.003", + "None=Johnson, Master. Harold Theodor
Fare=11.1333
shap=0.003", + "None=Carlsson, Mr. Frans Olof
Fare=5.0
shap=0.004", + "None=Gustafsson, Mr. Alfred Ossian
Fare=9.8458
shap=0.003", + "None=Montvila, Rev. Juozas
Fare=13.0
shap=-0.002" + ], + "type": "scattergl", + "x": [ + -0.007224994132944771, + -0.0042702056239304455, + -0.001341421167514047, + -0.0012730547760274485, + -0.003920394743139419, + 0.0033355267581180233, + 0.006749305647875851, + -0.013968669446943874, + 0.006046360586754446, + 0.0018673972440657553, + 0.0022526538815602556, + 0.004722143677394831, + 0.006459500641595826, + -0.0008848814954461313, + -0.0013214230197725113, + 0.0062423540596896815, + 0.0035073251906554857, + 0.0072210977212972104, + -0.0005597736412508902, + 0.005652532966055058, + 0.003430528210860312, + 0.001555149063965671, + -0.0012743125624328343, + 0.00038484300971167786, + 0.0006943936975323424, + 0.0011444593382302327, + -0.00724057943760512, + 0.00333854171229072, + -0.003788275230531578, + 0.0022335731561644217, + -0.0031152358880858063, + 0.0023846378794375647, + 0.00285981502131506, + -0.014540104004160804, + 0.0015096960167407202, + -0.0016137055398045524, + 0.0034768921940788178, + -0.0016557580641888264, + -0.004942198703848171, + -0.0007242462391617323, + 0.0022335731561644217, + 0.003123164311561221, + -0.00021220570267789268, + 0.0034362372814145557, + -0.004827568801412507, + 0.0031501757397472117, + -0.004705604502534919, + -0.0017275033592967037, + 0.00047110899802912476, + 0.0038674555073142346, + 0.00038484300971167786, + -0.014570613595471738, + 0.008455018976694005, + -0.0021349024421696023, + -0.00014162258522938751, + 0.008672699531507207, + -0.017332443966472356, + -0.005416838258719564, + 0.00016249329597277178, + 0.005898100570988204, + 0.006046360586754446, + -0.011857667877328015, + 0.002465053834512579, + 0.0025677995866094584, + 0.004907832180932955, + -0.017081538510817867, + 0.0010572402449684271, + 0.0008307052734480533, + 0.0023846378794375647, + 0.009449304795926358, + 0.0011002668088024704, + -0.02862676891078468, + 0.00038484300971167786, + -0.005130703679161074, + 0.0034537448898838354, + -0.0015797367327343957, + 0.0033355267581180233, + -0.019152935873985144, + -0.008853980717350902, + 0.0012805004341774093, + 0.00038484300971167786, + 0.004895403915367086, + -0.0006808816089879318, + 0.0024053715887018844, + 0.0007627158941887596, + 0.0022228222439876584, + -0.012886810464378496, + -0.002290773221978832, + -0.0003185112163402229, + -0.0037269046349870036, + -0.004404812765770947, + 0.0023846378794375647, + 0.002995957792460474, + 0.006675159385189081, + -0.0018584279100431692, + -0.003242166932226231, + 0.00044014048338940196, + 0.0030732122211047323, + 0.0016877261979638706, + 0.0007978194070041856, + -0.003455562703989451, + 0.0013432905270869331, + 0.007581647148438013, + -0.0012464685776177212, + -0.0021574670377175645, + 0.0063548919210445675, + -0.0031695763350766642, + 0.0030486688360279817, + -0.003511736580384364, + -0.004235981814980154, + 0.0055257437343441814, + -0.00014455543442097227, + -0.0027899423391905685, + 0.0044768320798668, + -0.00742835504978846, + 0.00016249329597277178, + 0.004457211930840784, + 0.002447330433976159, + -0.0036390515732733436, + -0.00024028644805972076, + 0.0023846378794375647, + -0.0002872119694814308, + 0.0030486688360279817, + -0.0008818365382782297, + 0.0030191484020477694, + -0.004909581202562579, + 0.0023529618584156283, + -0.0003950945076467559, + -0.012986412823981927, + -0.0005421032807697278, + 0.00016249329597277178, + 0.009391577626958855, + 0.0002911437758154143, + 0.0014342001306020548, + 0.0005600507048632592, + -0.003307844060852437, + -0.0005023164630168676, + 0.006016172792693227, + 0.0058326084961694835, + -0.002239742527137337, + 0.0027948936412900516, + -4.069362014901749e-05, + -0.004618878881510503, + -0.0029594598996550738, + -0.0024506833256939396, + 0.0006010132372470472, + 0.0065416062122546055, + 0.005912568001891681, + 0.0012304331424468759, + 0.004709211366199108, + -0.01231088338129647, + 0.0017002340008414666, + 0.0067476514917472075, + 0.008874378762759337, + -0.00527640180960912, + 0.0031352620638326954, + -0.0018252586255418197, + -0.020059846374136547, + -0.0021839365350579906, + 0.0009255594502513571, + -0.0021349024421696023, + -0.01692146432042855, + -0.002239742527137337, + -0.002239742527137337, + -0.004848165657070108, + 0.00038484300971167786, + -0.006309934472319785, + 0.0016329005074880308, + 0.0013711867518763927, + -0.017355556787745717, + 0.0008047886973744452, + -0.01281793705886807, + 0.003206612630840852, + 0.003122279514957752, + -0.01813751031462233, + 0.00548735991772562, + -0.012172553580599077, + 0.0022215615277044907, + 0.0004718163217516455, + 0.006070567949824621, + 0.005337741423498752, + -0.007299860354554078, + -0.002301854483356908, + 0.004975614818069888, + 0.006798731478661462, + 0.0013672532696176317, + 0.0043049030308493896, + 0.003430528210860312, + 0.00016249329597277178, + -0.0010946171064669082, + 0.004044524797950037, + 0.0030559090251973875, + 0.009449304795926358, + -0.007523719791173508, + -0.005991666632176729, + 0.0030486688360279817, + 0.0026023560572909408, + 0.004270216734409471, + 0.003040260611090408, + -0.0022606701647033974 ], - "xaxis": "x5", + "xaxis": "x6", "y": [ - 0.9316922502973264, - 0.36676916022305717, - 0.11720278742993007, - 0.21100960755903087, - 0.5953217882504875, - 0.8192638918940455, - 0.8373949446273994, - 0.8897668525216293, - 0.750683420573287, - 0.25155332456560664, - 0.5978253963123472, - 0.6451152751062041, - 0.2033593877316896, - 0.11944772086848487, - 0.2039930720832407, - 0.8516765870828787, - 0.845410516327294, - 0.6802286443752096, - 0.91134327404111, - 0.42852179830668957, - 0.1709400447062902, - 0.5108797696164947, - 0.18683507520009535, - 0.26708506595206494, - 0.7205531638499444, - 0.09418547365831131, - 0.5427281800600171, - 0.2801600473645547, - 0.01898934807337871, - 0.8048438261514279, - 0.8623724717567599, - 0.17724810094409515, - 0.6687120723861428, - 0.3562995969517705, - 0.00320106979682222, - 0.6402459147291264, - 0.3649915639303277, - 0.06009697805598646, - 0.053906165285229846, - 0.07739665104056781, - 0.5833710674891723, - 0.22951309682831278, - 0.3169570740516463, - 0.595929482494455, - 0.8635989718559279, - 0.9939454141543702, - 0.9322107763055625, - 0.9269916629414515, - 0.20408705918725556, - 0.17797190353728498, - 0.9203801080643612, - 0.18930669149509993, - 0.4562583253792619, - 0.7539191417800438, - 0.69053786791694, - 0.4933466757524948, - 0.5159191452733611, - 0.14236257067507585, - 0.8332087009715076, - 0.3719381073083442, - 0.3674364132277683, - 0.2303497737940733, - 0.11239039846728838, - 0.6969346349692929, - 0.9182378031092148, - 0.6305769282709438, - 0.4241360914294112, - 0.3342699112856726, - 0.7226247759923647, - 0.5625620149161371, - 0.39996243918455643, - 0.07206129277819817, - 0.9020284070300433, - 0.20085922103749976, - 0.09877166941739601, - 0.5032555947966169, - 0.6068936087640008, - 0.9852416331818168, - 0.5853273281537442, - 0.6725651467021364, - 0.26794028002652814, - 0.29079596598221635, - 0.47288995372115505, - 0.28532399708520906, - 0.5230606049080817, - 0.1804785709150547, - 0.39979669491793723, - 0.4802631314474045, - 0.5469284915800463, - 0.0076359022766352425, - 0.5337136431037679, - 0.5723836029800718, - 0.8968719915929546, - 0.518787330816587, - 0.23576060608713667, - 0.4715464958778407, - 0.0286244935355614, - 0.809893601320658, - 0.980675176713909, - 0.6752370473271953, - 0.750884795658337, - 0.967050493998383, - 0.15206768594104092, - 0.05941578494057498, - 0.09197052309547804, - 0.6131918972993488, - 0.42326886343260184, - 0.16810031502642675, - 0.6449114556498977, - 0.02016826756587342, - 0.6325450499454323, - 0.5669261811769126, - 0.61826517869386, - 0.4421446117839718, - 0.842560302699927, - 0.06307181093401615, - 0.921499650029895, - 0.1537342521014482, - 0.07652633865824177, - 0.6999728230657072, - 0.4240207251275254, - 0.10778823859322417, - 0.03224710956127441, - 0.4486448579372083, - 0.5635291012555166, - 0.665920804983647, - 0.2041531398056019, - 0.8242989604979125, - 0.8599605404843609, - 0.3555642086076859, - 0.5579091809401237, - 0.494038258263787, - 0.895267367687257, - 0.7073465074134739, - 0.16757085284076145, - 0.05338550579794843, - 0.1582530685311726, - 0.6723526637315639, - 0.5933660011743151, - 0.3234356891389948, - 0.017578229106978815, - 0.03310519997675487, - 0.8017652047198053, - 0.017264260057645586, - 0.7881125005921097, - 0.5825325321031224, - 0.7890238570541972, - 0.3759566134335375, - 0.2689533330188456, - 0.007212752747255302, - 0.0837460296826783, - 0.5909671192154142, - 0.20092132391567974, - 0.5149177824355847, - 0.17452598896078797, - 0.659893583462395, - 0.14475714039191012, - 0.6399557062085063, - 0.48038985266740775, - 0.256374703717814, - 0.8133741102751575, - 0.2885158150984021, - 0.3645389045442793, - 0.6811996305420804, - 0.7208584272881259, - 0.17361567054972615, - 0.8417824257340444, - 0.7519679515285066, - 0.21143078800635462, - 0.8924427419784932, - 0.987816984838233, - 0.747455817678514, - 0.255679784123078, - 0.4463254351285382, - 0.5315608622027798, - 0.4328383506797594, - 0.3990542878641763, - 0.04174290007821224, - 0.8727371493694324, - 0.3156531262176431, - 0.3391360087763404, - 0.5678782912579678, - 0.010116019875516802, - 0.2641537729778657, - 0.203234703174629, - 0.3125843128079906, - 0.5518540093292047, - 0.7678728471818793, - 0.9917010460110898, - 0.723297314153525, - 0.3022788749672677, - 0.2230495312926063, - 0.1887620598548717, - 0.8118863257979888, - 0.7558417262338865, - 0.31194010887382617, - 0.3444163320477519, - 0.8786740437656952, - 0.3885142442191316, - 0.441670435067259 + 0.522330777117252, + 0.009546332271349045, + 0.63166391692472, + 0.7060267781616386, + 0.6098706401973996, + 0.5079780760613379, + 0.8047100113184392, + 0.6552863980607326, + 0.3480813333638193, + 0.4474797464735526, + 0.7925040985968639, + 0.8455033837968596, + 0.6713377877030726, + 0.7619048245189262, + 0.6091686483381128, + 0.8107928088044487, + 0.7976418086488378, + 0.9602460692747568, + 0.23199527123848518, + 0.6477309739019096, + 0.4393939021191793, + 0.7520173760057621, + 0.22027199801418995, + 0.7685645242681814, + 0.12180455077761476, + 0.9877296267103823, + 0.5743644744927925, + 0.5135030936341567, + 0.9275349925033245, + 0.4272843419381497, + 0.3577638475582202, + 0.703996317847508, + 0.4109867041942369, + 0.20390177666936637, + 0.8312312510469891, + 0.19882650615579478, + 0.5386323143955157, + 0.014270659063041258, + 0.7935481038529645, + 0.026079853858524293, + 0.8475723038975338, + 0.4865958089934409, + 0.8422201159943451, + 0.4871410611042194, + 0.979558722958713, + 0.8473749214766446, + 0.34785317915069347, + 0.457289806923028, + 0.7945445973380538, + 0.8271242538113308, + 0.49129481892558424, + 0.2253927547031358, + 0.7707018430356989, + 0.8993932667126868, + 0.3323942563093425, + 0.6862878738315011, + 0.4699421157934488, + 0.6678814872834176, + 0.8467559430895325, + 0.7457438717965548, + 0.9302046817743215, + 0.7851359539656841, + 0.028499785006556144, + 0.9817170723151291, + 0.08089398220609179, + 0.10072707865620778, + 0.2380170797857536, + 0.48707345183004647, + 0.8590997563046994, + 0.18141094952731507, + 0.6552250559634933, + 0.5031324743480888, + 0.40505043916731864, + 0.7610860327789828, + 0.5969308060350583, + 0.7056688903321188, + 0.3144304833054685, + 0.7310932789533765, + 0.5912133261995882, + 0.617718702039323, + 0.567954790042555, + 0.2887910138066657, + 0.9355674566751104, + 0.9797096554884615, + 0.9404247254606045, + 0.6960717025212257, + 0.15700701242722725, + 0.754269136104074, + 0.49941653682848575, + 0.6153073726115754, + 0.5630611721702262, + 0.04144760792108815, + 0.6007998052844307, + 0.5352587913071608, + 0.8761845659559357, + 0.5081199921750141, + 0.693310617704367, + 0.09967319736526159, + 0.18445194651375718, + 0.8003886221897907, + 0.5292407960971693, + 0.14354009974911397, + 0.9108148664247611, + 0.30396918277230056, + 0.5833855846581252, + 0.18884326870897572, + 0.04504380487120929, + 0.5145253116346263, + 0.03048479442830665, + 0.2623604978127738, + 0.23212350633561651, + 0.338185476448428, + 0.21348379503580894, + 0.7856793724055464, + 0.36830947151387494, + 0.3394737926969299, + 0.6042440733507877, + 0.21875109898226008, + 0.10602140647623359, + 0.9660283154205421, + 0.44511771922406074, + 0.34415903350510113, + 0.5442462054368434, + 0.959786893161327, + 0.39443410127702805, + 0.04430502317802665, + 0.45638479715391633, + 0.943736995107728, + 0.52982693894941, + 0.4883371117024127, + 0.9195792107504666, + 0.6146491385081638, + 0.26988891075552424, + 0.2484400021431381, + 0.5632876249079326, + 0.4128994198505317, + 0.7314635936311484, + 0.5605193054270661, + 0.8424692708637921, + 0.30274642759949055, + 0.48938397113582177, + 0.04674211740994738, + 0.6353889715430536, + 0.30173464781514536, + 0.27098012261386895, + 0.3337250379805595, + 0.1259367293227962, + 0.5306497479284852, + 0.9840581513729183, + 0.7562418464728844, + 0.27658691745310837, + 0.2436449895202445, + 0.598310268048995, + 0.8115144250004527, + 0.6250996710057954, + 0.8071446524516772, + 0.886789373056979, + 0.8084333695922655, + 0.4642384746839209, + 0.8303006659440154, + 0.4155085733852595, + 0.8355541732260117, + 0.9719621606816212, + 0.4717993172692576, + 0.5291329027994056, + 0.47746031007774914, + 0.9280186264464364, + 0.3346370104593511, + 0.5779389748636264, + 0.7877324775023189, + 0.860877812374614, + 0.1980866442738951, + 0.33508796600342294, + 0.9859704448577497, + 0.7039729534384527, + 0.5506015676731456, + 0.7566322635064564, + 0.3177317669903278, + 0.12490449319358388, + 0.6558077522752549, + 0.7370899928034612, + 0.5890787131859124, + 0.754899760398709, + 0.9371949999221661, + 0.9944319898515406, + 0.9336481075021231, + 0.7526099737077849, + 0.8059062950400921, + 0.999330451788766, + 0.21065249167492361, + 0.9862554253759602, + 0.323312428766123, + 0.011470678188895467, + 0.34460193730526223, + 0.7559891842515333, + 0.08841420767506447, + 0.8460524256379011, + 0.979025309225542, + 0.3962031080435702, + 0.284275291181064 ], - "yaxis": "y5" + "yaxis": "y6" }, { "hoverinfo": "text", @@ -12538,12 +12157,7 @@ "color": [ 1, 1, - 4, - 2, - 1, - 0, - 0, - 6, + 3, 0, 1, 0, @@ -12551,143 +12165,92 @@ 1, 0, 1, - 5, - 2, - 0, - 0, - 4, 0, 0, 1, 0, 1, + 3, + 2, 0, - 1, - 0, - 1, 0, 1, 0, 0, - 4, - 2, - 0, - 0, - 1, 1, 0, 0, - 2, 0, 1, 0, - 0, 1, 0, - 0, - 0, - 0, - 6, - 0, - 0, - 0, - 0, - 0, 1, 0, - 6, 0, - 1, 2, 0, 0, - 1, - 0, - 0, 0, - 10, 0, - 1, 0, 0, 0, 1, 0, 1, - 2, - 0, - 0, - 7, 0, - 2, - 2, 0, 1, 0, 0, 0, - 2, - 0, - 0, 0, + 4, 0, - 3, 0, 0, - 1, 0, 0, 0, 0, + 4, 0, 1, - 0, 1, 0, 0, - 2, - 0, 1, - 2, - 0, - 2, 0, 0, - 2, - 0, - 0, - 0, - 2, 0, - 1, + 8, 0, 1, 0, - 3, - 0, 0, 0, 1, + 0, 1, 0, 0, 0, + 5, 0, + 2, 0, 0, + 1, 0, 0, 0, - 2, 1, 0, 0, - 7, - 5, 0, 0, 1, - 1, 0, 0, 1, @@ -12696,11 +12259,7 @@ 0, 0, 0, - 0, - 0, - 0, - 0, - 0, + 1, 0, 1, 0, @@ -12712,788 +12271,55 @@ 0, 1, 0, - 1, - 3, - 0, - 0, - 0, 0, 2, - 3, - 1, 0, 0, 0, 0, - 2, - 0, 0, - 10, - 2, 1, 0, - 2, + 1, 0, + 1, 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "No_of_relatives_on_board", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
No_of_relatives_on_board=1
shap=0.028", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
No_of_relatives_on_board=1
shap=0.04", - "index=Palsson, Master. Gosta Leonard
No_of_relatives_on_board=4
shap=-0.031", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
No_of_relatives_on_board=2
shap=0.033", - "index=Nasser, Mrs. Nicholas (Adele Achem)
No_of_relatives_on_board=1
shap=0.029", - "index=Saundercock, Mr. William Henry
No_of_relatives_on_board=0
shap=-0.004", - "index=Vestrom, Miss. Hulda Amanda Adolfina
No_of_relatives_on_board=0
shap=0.004", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
No_of_relatives_on_board=6
shap=-0.094", - "index=Glynn, Miss. Mary Agatha
No_of_relatives_on_board=0
shap=0.006", - "index=Meyer, Mr. Edgar Joseph
No_of_relatives_on_board=1
shap=0.022", - "index=Kraeff, Mr. Theodor
No_of_relatives_on_board=0
shap=-0.01", - "index=Devaney, Miss. Margaret Delia
No_of_relatives_on_board=0
shap=0.004", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
No_of_relatives_on_board=1
shap=0.038", - "index=Rugg, Miss. Emily
No_of_relatives_on_board=0
shap=-0.003", - "index=Harris, Mr. Henry Birkhardt
No_of_relatives_on_board=1
shap=0.021", - "index=Skoog, Master. Harald
No_of_relatives_on_board=5
shap=-0.044", - "index=Kink, Mr. Vincenz
No_of_relatives_on_board=2
shap=0.026", - "index=Hood, Mr. Ambrose Jr
No_of_relatives_on_board=0
shap=-0.002", - "index=Ilett, Miss. Bertha
No_of_relatives_on_board=0
shap=-0.002", - "index=Ford, Mr. William Neal
No_of_relatives_on_board=4
shap=-0.026", - "index=Christmann, Mr. Emil
No_of_relatives_on_board=0
shap=-0.003", - "index=Andreasson, Mr. Paul Edvin
No_of_relatives_on_board=0
shap=-0.004", - "index=Chaffee, Mr. Herbert Fuller
No_of_relatives_on_board=1
shap=0.022", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
No_of_relatives_on_board=0
shap=-0.006", - "index=White, Mr. Richard Frasar
No_of_relatives_on_board=1
shap=0.026", - "index=Rekic, Mr. Tido
No_of_relatives_on_board=0
shap=-0.003", - "index=Moran, Miss. Bertha
No_of_relatives_on_board=1
shap=0.025", - "index=Barton, Mr. David John
No_of_relatives_on_board=0
shap=-0.004", - "index=Jussila, Miss. Katriina
No_of_relatives_on_board=1
shap=0.029", - "index=Pekoniemi, Mr. Edvard
No_of_relatives_on_board=0
shap=-0.004", - "index=Turpin, Mr. William John Robert
No_of_relatives_on_board=1
shap=0.019", - "index=Moore, Mr. Leonard Charles
No_of_relatives_on_board=0
shap=-0.006", - "index=Osen, Mr. Olaf Elon
No_of_relatives_on_board=0
shap=-0.003", - "index=Ford, Miss. Robina Maggie \"Ruby\"
No_of_relatives_on_board=4
shap=-0.084", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
No_of_relatives_on_board=2
shap=0.037", - "index=Bateman, Rev. Robert James
No_of_relatives_on_board=0
shap=-0.005", - "index=Meo, Mr. Alfonzo
No_of_relatives_on_board=0
shap=-0.004", - "index=Cribb, Mr. John Hatfield
No_of_relatives_on_board=1
shap=0.021", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
No_of_relatives_on_board=1
shap=0.036", - "index=Van der hoef, Mr. Wyckoff
No_of_relatives_on_board=0
shap=-0.014", - "index=Sivola, Mr. Antti Wilhelm
No_of_relatives_on_board=0
shap=-0.004", - "index=Klasen, Mr. Klas Albin
No_of_relatives_on_board=2
shap=0.031", - "index=Rood, Mr. Hugh Roscoe
No_of_relatives_on_board=0
shap=-0.014", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
No_of_relatives_on_board=1
shap=0.028", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
No_of_relatives_on_board=0
shap=-0.012", - "index=Vande Walle, Mr. Nestor Cyriel
No_of_relatives_on_board=0
shap=-0.003", - "index=Backstrom, Mr. Karl Alfred
No_of_relatives_on_board=1
shap=0.019", - "index=Blank, Mr. Henry
No_of_relatives_on_board=0
shap=-0.016", - "index=Ali, Mr. Ahmed
No_of_relatives_on_board=0
shap=-0.004", - "index=Green, Mr. George Henry
No_of_relatives_on_board=0
shap=-0.004", - "index=Nenkoff, Mr. Christo
No_of_relatives_on_board=0
shap=-0.006", - "index=Asplund, Miss. Lillian Gertrud
No_of_relatives_on_board=6
shap=-0.099", - "index=Harknett, Miss. Alice Phoebe
No_of_relatives_on_board=0
shap=0.003", - "index=Hunt, Mr. George Henry
No_of_relatives_on_board=0
shap=-0.006", - "index=Reed, Mr. James George
No_of_relatives_on_board=0
shap=-0.006", - "index=Stead, Mr. William Thomas
No_of_relatives_on_board=0
shap=-0.008", - "index=Thorne, Mrs. Gertrude Maybelle
No_of_relatives_on_board=0
shap=0.003", - "index=Parrish, Mrs. (Lutie Davis)
No_of_relatives_on_board=1
shap=0.041", - "index=Smith, Mr. Thomas
No_of_relatives_on_board=0
shap=-0.007", - "index=Asplund, Master. Edvin Rojj Felix
No_of_relatives_on_board=6
shap=-0.04", - "index=Healy, Miss. Hanora \"Nora\"
No_of_relatives_on_board=0
shap=0.006", - "index=Andrews, Miss. Kornelia Theodosia
No_of_relatives_on_board=1
shap=0.029", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
No_of_relatives_on_board=2
shap=0.036", - "index=Smith, Mr. Richard William
No_of_relatives_on_board=0
shap=-0.012", - "index=Connolly, Miss. Kate
No_of_relatives_on_board=0
shap=0.003", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
No_of_relatives_on_board=1
shap=0.024", - "index=Levy, Mr. Rene Jacques
No_of_relatives_on_board=0
shap=-0.019", - "index=Lewy, Mr. Ervin G
No_of_relatives_on_board=0
shap=-0.007", - "index=Williams, Mr. Howard Hugh \"Harry\"
No_of_relatives_on_board=0
shap=-0.006", - "index=Sage, Mr. George John Jr
No_of_relatives_on_board=10
shap=-0.053", - "index=Nysveen, Mr. Johan Hansen
No_of_relatives_on_board=0
shap=-0.004", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
No_of_relatives_on_board=1
shap=0.035", - "index=Denkoff, Mr. Mitto
No_of_relatives_on_board=0
shap=-0.006", - "index=Burns, Miss. Elizabeth Margaret
No_of_relatives_on_board=0
shap=-0.002", - "index=Dimic, Mr. Jovan
No_of_relatives_on_board=0
shap=-0.003", - "index=del Carlo, Mr. Sebastiano
No_of_relatives_on_board=1
shap=0.024", - "index=Beavan, Mr. William Thomas
No_of_relatives_on_board=0
shap=-0.004", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
No_of_relatives_on_board=1
shap=0.025", - "index=Widener, Mr. Harry Elkins
No_of_relatives_on_board=2
shap=0.025", - "index=Gustafsson, Mr. Karl Gideon
No_of_relatives_on_board=0
shap=-0.003", - "index=Plotcharsky, Mr. Vasil
No_of_relatives_on_board=0
shap=-0.006", - "index=Goodwin, Master. Sidney Leonard
No_of_relatives_on_board=7
shap=-0.043", - "index=Sadlier, Mr. Matthew
No_of_relatives_on_board=0
shap=-0.007", - "index=Gustafsson, Mr. Johan Birger
No_of_relatives_on_board=2
shap=0.026", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
No_of_relatives_on_board=2
shap=0.031", - "index=Niskanen, Mr. Juha
No_of_relatives_on_board=0
shap=-0.003", - "index=Minahan, Miss. Daisy E
No_of_relatives_on_board=1
shap=0.019", - "index=Matthews, Mr. William John
No_of_relatives_on_board=0
shap=-0.006", - "index=Charters, Mr. David
No_of_relatives_on_board=0
shap=-0.006", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
No_of_relatives_on_board=0
shap=0.001", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
No_of_relatives_on_board=2
shap=0.039", - "index=Johannesen-Bratthammer, Mr. Bernt
No_of_relatives_on_board=0
shap=-0.006", - "index=Peuchen, Major. Arthur Godfrey
No_of_relatives_on_board=0
shap=-0.01", - "index=Anderson, Mr. Harry
No_of_relatives_on_board=0
shap=-0.007", - "index=Milling, Mr. Jacob Christian
No_of_relatives_on_board=0
shap=-0.006", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
No_of_relatives_on_board=3
shap=0.03", - "index=Karlsson, Mr. Nils August
No_of_relatives_on_board=0
shap=-0.004", - "index=Frost, Mr. Anthony Wood \"Archie\"
No_of_relatives_on_board=0
shap=-0.009", - "index=Bishop, Mr. Dickinson H
No_of_relatives_on_board=1
shap=0.031", - "index=Windelov, Mr. Einar
No_of_relatives_on_board=0
shap=-0.004", - "index=Shellard, Mr. Frederick William
No_of_relatives_on_board=0
shap=-0.004", - "index=Svensson, Mr. Olof
No_of_relatives_on_board=0
shap=-0.003", - "index=O'Sullivan, Miss. Bridget Mary
No_of_relatives_on_board=0
shap=0.006", - "index=Laitinen, Miss. Kristina Sofia
No_of_relatives_on_board=0
shap=0.003", - "index=Penasco y Castellana, Mr. Victor de Satode
No_of_relatives_on_board=1
shap=0.026", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
No_of_relatives_on_board=0
shap=-0.007", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
No_of_relatives_on_board=1
shap=0.04", - "index=Kassem, Mr. Fared
No_of_relatives_on_board=0
shap=-0.01", - "index=Cacic, Miss. Marija
No_of_relatives_on_board=0
shap=0.004", - "index=Hart, Miss. Eva Miriam
No_of_relatives_on_board=2
shap=0.041", - "index=Butt, Major. Archibald Willingham
No_of_relatives_on_board=0
shap=-0.013", - "index=Beane, Mr. Edward
No_of_relatives_on_board=1
shap=0.02", - "index=Goldsmith, Mr. Frank John
No_of_relatives_on_board=2
shap=0.027", - "index=Ohman, Miss. Velin
No_of_relatives_on_board=0
shap=0.003", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
No_of_relatives_on_board=2
shap=0.025", - "index=Morrow, Mr. Thomas Rowan
No_of_relatives_on_board=0
shap=-0.007", - "index=Harris, Mr. George
No_of_relatives_on_board=0
shap=-0.004", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
No_of_relatives_on_board=2
shap=0.042", - "index=Patchett, Mr. George
No_of_relatives_on_board=0
shap=-0.002", - "index=Ross, Mr. John Hugo
No_of_relatives_on_board=0
shap=-0.014", - "index=Murdlin, Mr. Joseph
No_of_relatives_on_board=0
shap=-0.006", - "index=Bourke, Miss. Mary
No_of_relatives_on_board=2
shap=0.029", - "index=Boulos, Mr. Hanna
No_of_relatives_on_board=0
shap=-0.011", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
No_of_relatives_on_board=1
shap=0.032", - "index=Homer, Mr. Harry (\"Mr E Haven\")
No_of_relatives_on_board=0
shap=-0.007", - "index=Lindell, Mr. Edvard Bengtsson
No_of_relatives_on_board=1
shap=0.019", - "index=Daniel, Mr. Robert Williams
No_of_relatives_on_board=0
shap=-0.005", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
No_of_relatives_on_board=3
shap=0.029", - "index=Shutes, Miss. Elizabeth W
No_of_relatives_on_board=0
shap=-0.002", - "index=Jardin, Mr. Jose Neto
No_of_relatives_on_board=0
shap=-0.006", - "index=Horgan, Mr. John
No_of_relatives_on_board=0
shap=-0.007", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
No_of_relatives_on_board=1
shap=0.036", - "index=Yasbeck, Mr. Antoni
No_of_relatives_on_board=1
shap=0.026", - "index=Bostandyeff, Mr. Guentcho
No_of_relatives_on_board=0
shap=-0.003", - "index=Lundahl, Mr. Johan Svensson
No_of_relatives_on_board=0
shap=-0.004", - "index=Stahelin-Maeglin, Dr. Max
No_of_relatives_on_board=0
shap=-0.019", - "index=Willey, Mr. Edward
No_of_relatives_on_board=0
shap=-0.006", - "index=Stanley, Miss. Amy Zillah Elsie
No_of_relatives_on_board=0
shap=0.003", - "index=Hegarty, Miss. Hanora \"Nora\"
No_of_relatives_on_board=0
shap=0.004", - "index=Eitemiller, Mr. George Floyd
No_of_relatives_on_board=0
shap=-0.007", - "index=Colley, Mr. Edward Pomeroy
No_of_relatives_on_board=0
shap=-0.007", - "index=Coleff, Mr. Peju
No_of_relatives_on_board=0
shap=-0.003", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
No_of_relatives_on_board=2
shap=0.042", - "index=Davidson, Mr. Thornton
No_of_relatives_on_board=1
shap=0.031", - "index=Turja, Miss. Anna Sofia
No_of_relatives_on_board=0
shap=0.002", - "index=Hassab, Mr. Hammad
No_of_relatives_on_board=0
shap=-0.015", - "index=Goodwin, Mr. Charles Edward
No_of_relatives_on_board=7
shap=-0.044", - "index=Panula, Mr. Jaako Arnold
No_of_relatives_on_board=5
shap=-0.042", - "index=Fischer, Mr. Eberhard Thelander
No_of_relatives_on_board=0
shap=-0.003", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
No_of_relatives_on_board=0
shap=-0.012", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
No_of_relatives_on_board=1
shap=0.025", - "index=Hansen, Mr. Henrik Juul
No_of_relatives_on_board=1
shap=0.017", - "index=Calderhead, Mr. Edward Pennington
No_of_relatives_on_board=0
shap=-0.006", - "index=Klaber, Mr. Herman
No_of_relatives_on_board=0
shap=-0.009", - "index=Taylor, Mr. Elmer Zebley
No_of_relatives_on_board=1
shap=0.032", - "index=Larsson, Mr. August Viktor
No_of_relatives_on_board=0
shap=-0.003", - "index=Greenberg, Mr. Samuel
No_of_relatives_on_board=0
shap=-0.005", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
No_of_relatives_on_board=0
shap=-0.006", - "index=McEvoy, Mr. Michael
No_of_relatives_on_board=0
shap=-0.005", - "index=Johnson, Mr. Malkolm Joackim
No_of_relatives_on_board=0
shap=-0.003", - "index=Gillespie, Mr. William Henry
No_of_relatives_on_board=0
shap=-0.006", - "index=Allen, Miss. Elisabeth Walton
No_of_relatives_on_board=0
shap=0.0", - "index=Berriman, Mr. William John
No_of_relatives_on_board=0
shap=-0.007", - "index=Troupiansky, Mr. Moses Aaron
No_of_relatives_on_board=0
shap=-0.007", - "index=Williams, Mr. Leslie
No_of_relatives_on_board=0
shap=-0.0", - "index=Ivanoff, Mr. Kanio
No_of_relatives_on_board=0
shap=-0.006", - "index=McNamee, Mr. Neal
No_of_relatives_on_board=1
shap=0.018", - "index=Connaghton, Mr. Michael
No_of_relatives_on_board=0
shap=-0.005", - "index=Carlsson, Mr. August Sigfrid
No_of_relatives_on_board=0
shap=-0.003", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
No_of_relatives_on_board=0
shap=0.0", - "index=Eklund, Mr. Hans Linus
No_of_relatives_on_board=0
shap=-0.003", - "index=Hogeboom, Mrs. John C (Anna Andrews)
No_of_relatives_on_board=1
shap=0.033", - "index=Moran, Mr. Daniel J
No_of_relatives_on_board=1
shap=0.018", - "index=Lievens, Mr. Rene Aime
No_of_relatives_on_board=0
shap=-0.003", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
No_of_relatives_on_board=1
shap=0.029", - "index=Ayoub, Miss. Banoura
No_of_relatives_on_board=0
shap=0.001", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
No_of_relatives_on_board=1
shap=0.029", - "index=Johnston, Mr. Andrew G
No_of_relatives_on_board=3
shap=0.028", - "index=Ali, Mr. William
No_of_relatives_on_board=0
shap=-0.004", - "index=Sjoblom, Miss. Anna Sofia
No_of_relatives_on_board=0
shap=0.003", - "index=Guggenheim, Mr. Benjamin
No_of_relatives_on_board=0
shap=-0.017", - "index=Leader, Dr. Alice (Farnham)
No_of_relatives_on_board=0
shap=-0.007", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
No_of_relatives_on_board=2
shap=0.036", - "index=Carter, Master. William Thornton II
No_of_relatives_on_board=3
shap=0.038", - "index=Thomas, Master. Assad Alexander
No_of_relatives_on_board=1
shap=0.036", - "index=Johansson, Mr. Karl Johan
No_of_relatives_on_board=0
shap=-0.003", - "index=Slemen, Mr. Richard James
No_of_relatives_on_board=0
shap=-0.005", - "index=Tomlin, Mr. Ernest Portage
No_of_relatives_on_board=0
shap=-0.003", - "index=McCormack, Mr. Thomas Joseph
No_of_relatives_on_board=0
shap=-0.007", - "index=Richards, Master. George Sibley
No_of_relatives_on_board=2
shap=0.046", - "index=Mudd, Mr. Thomas Charles
No_of_relatives_on_board=0
shap=-0.005", - "index=Lemberopolous, Mr. Peter L
No_of_relatives_on_board=0
shap=-0.01", - "index=Sage, Mr. Douglas Bullen
No_of_relatives_on_board=10
shap=-0.053", - "index=Boulos, Miss. Nourelain
No_of_relatives_on_board=2
shap=0.035", - "index=Aks, Mrs. Sam (Leah Rosen)
No_of_relatives_on_board=1
shap=0.03", - "index=Razi, Mr. Raihed
No_of_relatives_on_board=0
shap=-0.01", - "index=Johnson, Master. Harold Theodor
No_of_relatives_on_board=2
shap=0.042", - "index=Carlsson, Mr. Frans Olof
No_of_relatives_on_board=0
shap=-0.019", - "index=Gustafsson, Mr. Alfred Ossian
No_of_relatives_on_board=0
shap=-0.003", - "index=Montvila, Rev. Juozas
No_of_relatives_on_board=0
shap=-0.006" - ], - "type": "scatter", - "x": [ - 0.028333659681238438, - 0.03973943091427937, - -0.031056906741036054, - 0.03339128159278452, - 0.028785705885616093, - -0.003535032850949267, - 0.0038197449641774106, - -0.09447186663999857, - 0.005827318137942808, - 0.021783826783221084, - -0.00951859406838658, - 0.0037369282890147007, - 0.038274489580346835, - -0.002711245866299558, - 0.02130817819718932, - -0.04354272149820143, - 0.025970449434200047, - -0.0015639554830383022, - -0.0023489854349706403, - -0.025891163516494453, - -0.0032816761126178234, - -0.0035274975128117953, - 0.022010013280962335, - -0.006219915360621837, - 0.02573546371581837, - -0.003011721721037393, - 0.0254597087453724, - -0.003535032850949267, - 0.029100120883944116, - -0.003535032850949267, - 0.019285029879911306, - -0.006219915360621837, - -0.00318389495120902, - -0.08382808557941201, - 0.03696925496029069, - -0.005266619928246136, - -0.0038840554747736795, - 0.020925289652053054, - 0.03625295320863873, - -0.01364683351487897, - -0.003535032850949267, - 0.030621722550651185, - -0.013662839689928846, - 0.027675435910605485, - -0.011681777454638923, - -0.0032816761126178234, - 0.019267481124047796, - -0.016186264721721327, - -0.0036023166871345974, - -0.003838211065225727, - -0.006219915360621837, - -0.09888402359986798, - 0.003391107077015246, - -0.005943695257185562, - -0.006227903134520693, - -0.00828723917898217, - 0.0032596189184472065, - 0.04084831179838227, - -0.00741081691081831, - -0.0397176567096781, - 0.005827318137942808, - 0.029173069648200572, - 0.03579006445054587, - -0.011790562682398498, - 0.0032487075311706326, - 0.024433845386391515, - -0.01885494646917652, - -0.007244741955254557, - -0.006219915360621837, - -0.05317873351432238, - -0.003969229173248139, - 0.03457652617245781, - -0.006219915360621837, - -0.0017570903338116456, - -0.003314869371757549, - 0.023944022471567832, - -0.0035053807278954932, - 0.025273211570973415, - 0.025486805871588004, - -0.0034978453897580217, - -0.006219915360621837, - -0.042788985702351234, - -0.00741081691081831, - 0.026016622982777054, - 0.031315338598187345, - -0.0033212955979723684, - 0.019259382174029213, - -0.006247030432807695, - -0.005578389714387971, - 0.0011768523593712406, - 0.03929755665504444, - -0.006219915360621837, - -0.00994890044201466, - -0.007048134608401645, - -0.006399716981941257, - 0.030314871785751263, - -0.0035430206248481242, - -0.009226573758918354, - 0.03129300123823415, - -0.0035430206248481242, - -0.003603468062027996, - -0.0034113915648165496, - 0.005831888546421381, - 0.0031236866168559098, - 0.02597063829641062, - -0.0066000233098253615, - 0.039566512078398716, - -0.009563965555323059, - 0.003701699653778686, - 0.041099091961617575, - -0.01311671115870532, - 0.019840444753230813, - 0.026885064070066682, - 0.0025484311055745017, - 0.02523116509742864, - -0.00741081691081831, - -0.0044506332839616275, - 0.04245472456968769, - -0.002208475750220322, - -0.013851922431847376, - -0.006219915360621837, - 0.02855420358565057, - -0.010669771677589208, - 0.031886377646574794, - -0.007292197320213284, - 0.01909934889671417, - -0.0051703222068333, - 0.029297207915251214, - -0.0017645428296915516, - -0.006403305144802413, - -0.00741081691081831, - 0.035972446182458984, - 0.025616495264000422, - -0.003235125908242926, - -0.003923384763700187, - -0.01890925438653208, - -0.006227903134520693, - 0.0025132146161570635, - 0.003887760591109356, - -0.006524163312129297, - -0.006713226076688473, - -0.002974295693796406, - 0.04178289827444783, - 0.030975799960414118, - 0.0023454995074840405, - -0.014526657481175181, - -0.04409906157423577, - -0.04155158621733674, - -0.0034652125782374033, - -0.012450726763239002, - 0.02467975602057667, - 0.0173238780425983, - -0.006149845852790956, - -0.008528034841633099, - 0.032334890439714964, - -0.0032816761126178234, - -0.005266619928246136, - -0.005577641629880353, - -0.004736468913908005, - -0.0029587725817600786, - -0.005943695257185562, - 0.00022215462668840827, - -0.006524163312129297, - -0.006524163312129297, - -0.00032224704736568863, - -0.006219915360621837, - 0.018438954794516065, - -0.00543453626509338, - -0.0032741407744803514, - 0.0003527941677472084, - -0.003176359613071548, - 0.03300124522137765, - 0.018272635373168693, - -0.003418926902954021, - 0.028527002950642224, - 0.0011429836176544425, - 0.028692875755472875, - 0.027642261477003025, - -0.0036023166871345974, - 0.0029141178118480835, - -0.01655242148264252, - -0.007037159218833986, - 0.03617901713692782, - 0.03756388200530801, - 0.035501258322053086, - -0.003262107757382211, - -0.0050818642033531, - -0.003269643095519683, - -0.00741081691081831, - 0.04604975367964855, - -0.005358872197442962, - -0.010011037380609208, - -0.05317873351432238, - 0.034991523773007176, - 0.03025773380401175, - -0.009563965555323059, - 0.04175018628452579, - -0.0187325222133724, - -0.0025819866455195034, - -0.006212513245530936 - ], - "xaxis": "x6", - "y": [ - 0.7785511807105152, - 0.32657344104956154, - 0.49765074845387236, - 0.04288414351565595, - 0.7491522387323883, - 0.25075848024284364, - 0.39619111389646433, - 0.9165413421683375, - 0.7256078797369564, - 0.19166687381157843, - 0.8819464234892894, - 0.9139605918768708, - 0.5457440124961571, - 0.7267474208481417, - 0.9814783359949847, - 0.18648961840164224, - 0.8921331346025303, - 0.7706373679741324, - 0.3911433078224259, - 0.8304366806125393, - 0.413487875287067, - 0.057625203888794885, - 0.43486535597972553, - 0.87233674640806, - 0.4812050576316297, - 0.5949331164644401, - 0.3677484011254677, - 0.19775277779394906, - 0.02151911521860994, - 0.5706749796497192, - 0.19044988729449563, - 0.9482297415152037, - 0.9700207368533132, - 0.5139985952885989, - 0.03340276742866288, - 0.23933600129070698, - 0.7232427776208518, - 0.4317673943076642, - 0.060160564417115925, - 0.07518288770269221, - 0.7967774530208415, - 0.4094144988170836, - 0.5877550714176589, - 0.9500791667761006, - 0.45126169107230796, - 0.03657226721663065, - 0.85176191956494, - 0.0174978652774902, - 0.15697806291461947, - 0.1294134347710294, - 0.6530095095478855, - 0.7340341458058425, - 0.6701380215484865, - 0.9771781325205131, - 0.8148876524644686, - 0.09450865202921821, - 0.7955382256150626, - 0.14039163137215405, - 0.6492246137813947, - 0.16468058215816384, - 0.9657132221094218, - 0.1618763900318716, - 0.12857849273299637, - 0.5168033363096839, - 0.9658886386040041, - 0.42720041057100633, - 0.37003199108147333, - 0.11807522408349436, - 0.8168685085151354, - 0.4244784314761423, - 0.7617182225801864, - 0.016769006596290992, - 0.6973755074651964, - 0.36817515717420446, - 0.08531927823689989, - 0.08753217870805396, - 0.9128953603691868, - 0.7129277130545086, - 0.10439902264407308, - 0.1615623052055376, - 0.14053582256925612, - 0.6435828620385294, - 0.6042306970782274, - 0.4716765038855131, - 0.6812083649283407, - 0.4700172114052227, - 0.1949123167162774, - 0.5867541411265865, - 0.9186281422569493, - 0.3189096510111914, - 0.44415125981705295, - 0.7566019803896744, - 0.25828014008455946, - 0.9826507073002916, - 0.8448581159511056, - 0.7337062406641671, - 0.9626338348185562, - 0.6270044251464604, - 0.2735748134679944, - 0.5719677276947831, - 0.7521282153723208, - 0.8710218842550393, - 0.8904243016184294, - 0.17970809619059047, - 0.7015881831952175, - 0.9790585507713799, - 0.5310058335989374, - 0.5835247822182795, - 0.20450712833981777, - 0.938796505908763, - 0.06137341842884836, - 0.7945404876769029, - 0.5137531177053704, - 0.3328926428333441, - 0.27418033732826375, - 0.7223969039266247, - 0.7823799448010097, - 0.9458849206666519, - 0.9297825263165888, - 0.4077055370420466, - 0.31751257173680714, - 0.6144407742944362, - 0.2003135223432616, - 0.9698131700962364, - 0.6174055310291243, - 0.2746240296955397, - 0.8437335726975217, - 0.5860145426402965, - 0.9830288479399986, - 0.5030497372363282, - 0.21244667287384766, - 0.7147547637028528, - 0.38189689928549364, - 0.15695091129234384, - 0.6088277095810145, - 0.3641136575377778, - 0.34310652377156814, - 0.6646236368772104, - 0.8085122533362705, - 0.3007483723651727, - 0.649837566853226, - 0.06771006749129027, - 0.47643110136449796, - 0.09589206166561759, - 0.4079663787807103, - 0.8785555726079907, - 0.6265492338671007, - 0.48362636258802083, - 0.40971702287803, - 0.7779337948299082, - 0.10461370059207775, - 0.6698843886100855, - 0.46342065556704404, - 0.12862308138539646, - 0.48687806388811483, - 0.8530347643030368, - 0.959127491639407, - 0.5285769170810168, - 0.46731926090937914, - 0.37487477842524874, - 0.2344376698457208, - 0.7441400535737018, - 0.7849359762555268, - 0.9700968938936597, - 0.3091792894788208, - 0.2590242310484777, - 0.8465471281738703, - 0.23616761496458982, - 0.04652196992679625, - 0.5762771846423751, - 0.36308834965837067, - 0.9809466141024478, - 0.7831401639368654, - 0.4139818769495075, - 0.24805683988343286, - 0.8755499724597773, - 0.5683228153281041, - 0.23332228852519787, - 0.019466627814241355, - 0.35362133746240787, - 0.22815555648364383, - 0.975152745071573, - 0.28469752777124746, - 0.36600403023345374, - 0.31696298914405874, - 0.9449782954476375, - 0.6311263455818633, - 0.4341801900332639, - 0.7763064418666317, - 0.9927403893243842, - 0.11976309625542425, - 0.0799153794701124, - 0.5587943673459728, - 0.2035637507234881, - 0.3473412219732941, - 0.9516440617269212, - 0.46451278188181455, - 0.914864145452272, - 0.29294305063053894, - 0.9969521739476667 - ], - "yaxis": "y6" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ 0, - 1, - 1, - 1, 0, 1, 1, - 1, 0, 0, 0, 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, 0, - 1, - 1, 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, 0, - 1, 0, - 1, 0, 1, 1, - 1, 0, 0, + 5, + 4, 0, 0, 1, 1, - 1, - 1, - 1, 0, - 1, 0, 1, 0, 0, - 1, - 1, - 1, 0, - 1, - 1, - 1, 0, - 1, 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, 0, - 1, - 1, - 1, 0, - 1, 0, - 1, - 1, 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, 0, - 1, - 1, - 1, 0, 1, 0, @@ -13503,78 +12329,32 @@ 1, 1, 0, - 1, - 1, 0, - 1, 0, 1, 1, 0, - 1, - 1, 0, - 1, - 1, - 1, - 1, - 1, - 1, 0, - 1, - 1, - 1, - 1, 0, 1, 1, - 1, - 1, - 1, - 1, - 1, 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, 0, - 1, - 1, - 1, - 1, 0, - 1, - 1, 0, - 1, - 1, - 1, - 1, 0, 1, - 1, - 1, 0, - 1, - 1, - 1, 0, - 1, + 8, 1, 0, - 1, 0, 1, 0, - 1, - 1, - 1, - 1 + 0, + 0 ], "colorbar": { "showticklabels": false, @@ -13597,616 +12377,616 @@ "size": 5 }, "mode": "markers", - "name": "Embarked_Southampton", + "name": "No_of_siblings_plus_spouses_on_board", "opacity": 0.8, "showlegend": false, "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Embarked_Southampton=0
shap=0.023", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Embarked_Southampton=1
shap=-0.01", - "index=Palsson, Master. Gosta Leonard
Embarked_Southampton=1
shap=-0.014", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Embarked_Southampton=1
shap=-0.016", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Embarked_Southampton=0
shap=0.025", - "index=Saundercock, Mr. William Henry
Embarked_Southampton=1
shap=-0.009", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Embarked_Southampton=1
shap=-0.025", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Embarked_Southampton=1
shap=-0.016", - "index=Glynn, Miss. Mary Agatha
Embarked_Southampton=0
shap=0.039", - "index=Meyer, Mr. Edgar Joseph
Embarked_Southampton=0
shap=0.021", - "index=Kraeff, Mr. Theodor
Embarked_Southampton=0
shap=0.023", - "index=Devaney, Miss. Margaret Delia
Embarked_Southampton=0
shap=0.035", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Embarked_Southampton=1
shap=-0.017", - "index=Rugg, Miss. Emily
Embarked_Southampton=1
shap=-0.019", - "index=Harris, Mr. Henry Birkhardt
Embarked_Southampton=1
shap=-0.012", - "index=Skoog, Master. Harald
Embarked_Southampton=1
shap=-0.014", - "index=Kink, Mr. Vincenz
Embarked_Southampton=1
shap=-0.01", - "index=Hood, Mr. Ambrose Jr
Embarked_Southampton=1
shap=-0.007", - "index=Ilett, Miss. Bertha
Embarked_Southampton=1
shap=-0.018", - "index=Ford, Mr. William Neal
Embarked_Southampton=1
shap=-0.013", - "index=Christmann, Mr. Emil
Embarked_Southampton=1
shap=-0.009", - "index=Andreasson, Mr. Paul Edvin
Embarked_Southampton=1
shap=-0.01", - "index=Chaffee, Mr. Herbert Fuller
Embarked_Southampton=1
shap=-0.01", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Embarked_Southampton=1
shap=-0.01", - "index=White, Mr. Richard Frasar
Embarked_Southampton=1
shap=-0.007", - "index=Rekic, Mr. Tido
Embarked_Southampton=1
shap=-0.009", - "index=Moran, Miss. Bertha
Embarked_Southampton=0
shap=0.031", - "index=Barton, Mr. David John
Embarked_Southampton=1
shap=-0.009", - "index=Jussila, Miss. Katriina
Embarked_Southampton=1
shap=-0.021", - "index=Pekoniemi, Mr. Edvard
Embarked_Southampton=1
shap=-0.01", - "index=Turpin, Mr. William John Robert
Embarked_Southampton=1
shap=-0.009", - "index=Moore, Mr. Leonard Charles
Embarked_Southampton=1
shap=-0.01", - "index=Osen, Mr. Olaf Elon
Embarked_Southampton=1
shap=-0.011", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Embarked_Southampton=1
shap=-0.022", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Embarked_Southampton=1
shap=-0.007", - "index=Bateman, Rev. Robert James
Embarked_Southampton=1
shap=-0.008", - "index=Meo, Mr. Alfonzo
Embarked_Southampton=1
shap=-0.008", - "index=Cribb, Mr. John Hatfield
Embarked_Southampton=1
shap=-0.008", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Embarked_Southampton=1
shap=-0.009", - "index=Van der hoef, Mr. Wyckoff
Embarked_Southampton=1
shap=-0.005", - "index=Sivola, Mr. Antti Wilhelm
Embarked_Southampton=1
shap=-0.01", - "index=Klasen, Mr. Klas Albin
Embarked_Southampton=1
shap=-0.01", - "index=Rood, Mr. Hugh Roscoe
Embarked_Southampton=1
shap=-0.006", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Embarked_Southampton=1
shap=-0.021", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Embarked_Southampton=0
shap=0.026", - "index=Vande Walle, Mr. Nestor Cyriel
Embarked_Southampton=1
shap=-0.009", - "index=Backstrom, Mr. Karl Alfred
Embarked_Southampton=1
shap=-0.01", - "index=Blank, Mr. Henry
Embarked_Southampton=0
shap=0.022", - "index=Ali, Mr. Ahmed
Embarked_Southampton=1
shap=-0.007", - "index=Green, Mr. George Henry
Embarked_Southampton=1
shap=-0.008", - "index=Nenkoff, Mr. Christo
Embarked_Southampton=1
shap=-0.01", - "index=Asplund, Miss. Lillian Gertrud
Embarked_Southampton=1
shap=-0.021", - "index=Harknett, Miss. Alice Phoebe
Embarked_Southampton=1
shap=-0.019", - "index=Hunt, Mr. George Henry
Embarked_Southampton=1
shap=-0.009", - "index=Reed, Mr. James George
Embarked_Southampton=1
shap=-0.007", - "index=Stead, Mr. William Thomas
Embarked_Southampton=1
shap=-0.009", - "index=Thorne, Mrs. Gertrude Maybelle
Embarked_Southampton=0
shap=0.025", - "index=Parrish, Mrs. (Lutie Davis)
Embarked_Southampton=1
shap=-0.007", - "index=Smith, Mr. Thomas
Embarked_Southampton=0
shap=0.015", - "index=Asplund, Master. Edvin Rojj Felix
Embarked_Southampton=1
shap=-0.012", - "index=Healy, Miss. Hanora \"Nora\"
Embarked_Southampton=0
shap=0.039", - "index=Andrews, Miss. Kornelia Theodosia
Embarked_Southampton=1
shap=-0.009", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Embarked_Southampton=1
shap=-0.015", - "index=Smith, Mr. Richard William
Embarked_Southampton=1
shap=-0.006", - "index=Connolly, Miss. Kate
Embarked_Southampton=0
shap=0.035", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Embarked_Southampton=0
shap=0.024", - "index=Levy, Mr. Rene Jacques
Embarked_Southampton=0
shap=0.014", - "index=Lewy, Mr. Ervin G
Embarked_Southampton=0
shap=0.018", - "index=Williams, Mr. Howard Hugh \"Harry\"
Embarked_Southampton=1
shap=-0.01", - "index=Sage, Mr. George John Jr
Embarked_Southampton=1
shap=-0.012", - "index=Nysveen, Mr. Johan Hansen
Embarked_Southampton=1
shap=-0.007", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Embarked_Southampton=1
shap=-0.012", - "index=Denkoff, Mr. Mitto
Embarked_Southampton=1
shap=-0.01", - "index=Burns, Miss. Elizabeth Margaret
Embarked_Southampton=0
shap=0.021", - "index=Dimic, Mr. Jovan
Embarked_Southampton=1
shap=-0.008", - "index=del Carlo, Mr. Sebastiano
Embarked_Southampton=0
shap=0.024", - "index=Beavan, Mr. William Thomas
Embarked_Southampton=1
shap=-0.009", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Embarked_Southampton=0
shap=0.026", - "index=Widener, Mr. Harry Elkins
Embarked_Southampton=0
shap=0.028", - "index=Gustafsson, Mr. Karl Gideon
Embarked_Southampton=1
shap=-0.009", - "index=Plotcharsky, Mr. Vasil
Embarked_Southampton=1
shap=-0.01", - "index=Goodwin, Master. Sidney Leonard
Embarked_Southampton=1
shap=-0.013", - "index=Sadlier, Mr. Matthew
Embarked_Southampton=0
shap=0.015", - "index=Gustafsson, Mr. Johan Birger
Embarked_Southampton=1
shap=-0.01", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Embarked_Southampton=1
shap=-0.011", - "index=Niskanen, Mr. Juha
Embarked_Southampton=1
shap=-0.008", - "index=Minahan, Miss. Daisy E
Embarked_Southampton=0
shap=0.017", - "index=Matthews, Mr. William John
Embarked_Southampton=1
shap=-0.008", - "index=Charters, Mr. David
Embarked_Southampton=0
shap=0.015", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Embarked_Southampton=1
shap=-0.011", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Embarked_Southampton=1
shap=-0.011", - "index=Johannesen-Bratthammer, Mr. Bernt
Embarked_Southampton=1
shap=-0.01", - "index=Peuchen, Major. Arthur Godfrey
Embarked_Southampton=1
shap=-0.009", - "index=Anderson, Mr. Harry
Embarked_Southampton=1
shap=-0.006", - "index=Milling, Mr. Jacob Christian
Embarked_Southampton=1
shap=-0.008", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Embarked_Southampton=1
shap=-0.012", - "index=Karlsson, Mr. Nils August
Embarked_Southampton=1
shap=-0.009", - "index=Frost, Mr. Anthony Wood \"Archie\"
Embarked_Southampton=1
shap=-0.006", - "index=Bishop, Mr. Dickinson H
Embarked_Southampton=0
shap=0.02", - "index=Windelov, Mr. Einar
Embarked_Southampton=1
shap=-0.009", - "index=Shellard, Mr. Frederick William
Embarked_Southampton=1
shap=-0.008", - "index=Svensson, Mr. Olof
Embarked_Southampton=1
shap=-0.01", - "index=O'Sullivan, Miss. Bridget Mary
Embarked_Southampton=0
shap=0.034", - "index=Laitinen, Miss. Kristina Sofia
Embarked_Southampton=1
shap=-0.02", - "index=Penasco y Castellana, Mr. Victor de Satode
Embarked_Southampton=0
shap=0.033", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Embarked_Southampton=1
shap=-0.007", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Embarked_Southampton=1
shap=-0.01", - "index=Kassem, Mr. Fared
Embarked_Southampton=0
shap=0.02", - "index=Cacic, Miss. Marija
Embarked_Southampton=1
shap=-0.02", - "index=Hart, Miss. Eva Miriam
Embarked_Southampton=1
shap=-0.01", - "index=Butt, Major. Archibald Willingham
Embarked_Southampton=1
shap=-0.007", - "index=Beane, Mr. Edward
Embarked_Southampton=1
shap=-0.009", - "index=Goldsmith, Mr. Frank John
Embarked_Southampton=1
shap=-0.01", - "index=Ohman, Miss. Velin
Embarked_Southampton=1
shap=-0.021", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Embarked_Southampton=1
shap=-0.01", - "index=Morrow, Mr. Thomas Rowan
Embarked_Southampton=0
shap=0.015", - "index=Harris, Mr. George
Embarked_Southampton=1
shap=-0.006", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Embarked_Southampton=1
shap=-0.009", - "index=Patchett, Mr. George
Embarked_Southampton=1
shap=-0.009", - "index=Ross, Mr. John Hugo
Embarked_Southampton=0
shap=0.023", - "index=Murdlin, Mr. Joseph
Embarked_Southampton=1
shap=-0.01", - "index=Bourke, Miss. Mary
Embarked_Southampton=0
shap=0.034", - "index=Boulos, Mr. Hanna
Embarked_Southampton=0
shap=0.018", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Embarked_Southampton=0
shap=0.024", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Embarked_Southampton=0
shap=0.02", - "index=Lindell, Mr. Edvard Bengtsson
Embarked_Southampton=1
shap=-0.01", - "index=Daniel, Mr. Robert Williams
Embarked_Southampton=1
shap=-0.007", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Embarked_Southampton=0
shap=0.035", - "index=Shutes, Miss. Elizabeth W
Embarked_Southampton=1
shap=-0.01", - "index=Jardin, Mr. Jose Neto
Embarked_Southampton=1
shap=-0.006", - "index=Horgan, Mr. John
Embarked_Southampton=0
shap=0.015", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Embarked_Southampton=1
shap=-0.017", - "index=Yasbeck, Mr. Antoni
Embarked_Southampton=0
shap=0.027", - "index=Bostandyeff, Mr. Guentcho
Embarked_Southampton=1
shap=-0.009", - "index=Lundahl, Mr. Johan Svensson
Embarked_Southampton=1
shap=-0.007", - "index=Stahelin-Maeglin, Dr. Max
Embarked_Southampton=0
shap=0.013", - "index=Willey, Mr. Edward
Embarked_Southampton=1
shap=-0.007", - "index=Stanley, Miss. Amy Zillah Elsie
Embarked_Southampton=1
shap=-0.018", - "index=Hegarty, Miss. Hanora \"Nora\"
Embarked_Southampton=0
shap=0.029", - "index=Eitemiller, Mr. George Floyd
Embarked_Southampton=1
shap=-0.009", - "index=Colley, Mr. Edward Pomeroy
Embarked_Southampton=1
shap=-0.006", - "index=Coleff, Mr. Peju
Embarked_Southampton=1
shap=-0.008", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Embarked_Southampton=1
shap=-0.011", - "index=Davidson, Mr. Thornton
Embarked_Southampton=1
shap=-0.008", - "index=Turja, Miss. Anna Sofia
Embarked_Southampton=1
shap=-0.021", - "index=Hassab, Mr. Hammad
Embarked_Southampton=0
shap=0.016", - "index=Goodwin, Mr. Charles Edward
Embarked_Southampton=1
shap=-0.014", - "index=Panula, Mr. Jaako Arnold
Embarked_Southampton=1
shap=-0.012", - "index=Fischer, Mr. Eberhard Thelander
Embarked_Southampton=1
shap=-0.011", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Embarked_Southampton=1
shap=-0.007", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Embarked_Southampton=0
shap=0.024", - "index=Hansen, Mr. Henrik Juul
Embarked_Southampton=1
shap=-0.01", - "index=Calderhead, Mr. Edward Pennington
Embarked_Southampton=1
shap=-0.005", - "index=Klaber, Mr. Herman
Embarked_Southampton=1
shap=-0.008", - "index=Taylor, Mr. Elmer Zebley
Embarked_Southampton=1
shap=-0.012", - "index=Larsson, Mr. August Viktor
Embarked_Southampton=1
shap=-0.009", - "index=Greenberg, Mr. Samuel
Embarked_Southampton=1
shap=-0.008", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Embarked_Southampton=1
shap=-0.018", - "index=McEvoy, Mr. Michael
Embarked_Southampton=0
shap=0.013", - "index=Johnson, Mr. Malkolm Joackim
Embarked_Southampton=1
shap=-0.009", - "index=Gillespie, Mr. William Henry
Embarked_Southampton=1
shap=-0.009", - "index=Allen, Miss. Elisabeth Walton
Embarked_Southampton=1
shap=-0.01", - "index=Berriman, Mr. William John
Embarked_Southampton=1
shap=-0.009", - "index=Troupiansky, Mr. Moses Aaron
Embarked_Southampton=1
shap=-0.009", - "index=Williams, Mr. Leslie
Embarked_Southampton=1
shap=-0.009", - "index=Ivanoff, Mr. Kanio
Embarked_Southampton=1
shap=-0.01", - "index=McNamee, Mr. Neal
Embarked_Southampton=1
shap=-0.011", - "index=Connaghton, Mr. Michael
Embarked_Southampton=0
shap=0.013", - "index=Carlsson, Mr. August Sigfrid
Embarked_Southampton=1
shap=-0.009", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Embarked_Southampton=1
shap=-0.01", - "index=Eklund, Mr. Hans Linus
Embarked_Southampton=1
shap=-0.011", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Embarked_Southampton=1
shap=-0.009", - "index=Moran, Mr. Daniel J
Embarked_Southampton=0
shap=0.021", - "index=Lievens, Mr. Rene Aime
Embarked_Southampton=1
shap=-0.009", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Embarked_Southampton=1
shap=-0.009", - "index=Ayoub, Miss. Banoura
Embarked_Southampton=0
shap=0.033", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Embarked_Southampton=1
shap=-0.012", - "index=Johnston, Mr. Andrew G
Embarked_Southampton=1
shap=-0.01", - "index=Ali, Mr. William
Embarked_Southampton=1
shap=-0.007", - "index=Sjoblom, Miss. Anna Sofia
Embarked_Southampton=1
shap=-0.017", - "index=Guggenheim, Mr. Benjamin
Embarked_Southampton=0
shap=0.012", - "index=Leader, Dr. Alice (Farnham)
Embarked_Southampton=1
shap=-0.008", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Embarked_Southampton=1
shap=-0.01", - "index=Carter, Master. William Thornton II
Embarked_Southampton=1
shap=-0.006", - "index=Thomas, Master. Assad Alexander
Embarked_Southampton=0
shap=0.018", - "index=Johansson, Mr. Karl Johan
Embarked_Southampton=1
shap=-0.009", - "index=Slemen, Mr. Richard James
Embarked_Southampton=1
shap=-0.008", - "index=Tomlin, Mr. Ernest Portage
Embarked_Southampton=1
shap=-0.009", - "index=McCormack, Mr. Thomas Joseph
Embarked_Southampton=0
shap=0.015", - "index=Richards, Master. George Sibley
Embarked_Southampton=1
shap=-0.006", - "index=Mudd, Mr. Thomas Charles
Embarked_Southampton=1
shap=-0.009", - "index=Lemberopolous, Mr. Peter L
Embarked_Southampton=0
shap=0.018", - "index=Sage, Mr. Douglas Bullen
Embarked_Southampton=1
shap=-0.012", - "index=Boulos, Miss. Nourelain
Embarked_Southampton=0
shap=0.025", - "index=Aks, Mrs. Sam (Leah Rosen)
Embarked_Southampton=1
shap=-0.014", - "index=Razi, Mr. Raihed
Embarked_Southampton=0
shap=0.02", - "index=Johnson, Master. Harold Theodor
Embarked_Southampton=1
shap=-0.009", - "index=Carlsson, Mr. Frans Olof
Embarked_Southampton=1
shap=-0.006", - "index=Gustafsson, Mr. Alfred Ossian
Embarked_Southampton=1
shap=-0.009", - "index=Montvila, Rev. Juozas
Embarked_Southampton=1
shap=-0.009" - ], - "type": "scatter", - "x": [ - 0.02280878794061108, - -0.009890560397047346, - -0.014160979413593507, - -0.016200423845911582, - 0.024705071449710233, - -0.009356353183706902, - -0.024705233634181235, - -0.01585551889012062, - 0.03889421278117706, - 0.02050151776341226, - 0.02319900995646272, - 0.035274958393960935, - -0.01727538538007188, - -0.01885120851265415, - -0.011822135233839511, - -0.013638331132504001, - -0.010482035453399001, - -0.00688559351781052, - -0.01830127245181944, - -0.012740257168631721, - -0.008724242311520745, - -0.009577980601397543, - -0.009731103695249162, - -0.01010203451886668, - -0.007313862774160543, - -0.00901786381739003, - 0.031207392614126504, - -0.009356353183706902, - -0.020688235170614553, - -0.009577980601397543, - -0.008653648159669068, - -0.00988040710117604, - -0.010552956240621145, - -0.02234681029310679, - -0.006743597786140638, - -0.007720408777428134, - -0.007681316098605657, - -0.007987739393966643, - -0.00852765340617686, - -0.0048276951109261605, - -0.009577980601397543, - -0.010336796044793707, - -0.0063991425997618956, - -0.021457113453155475, - 0.02559515273334992, - -0.008773445211633072, - -0.010281692813710712, - 0.02205724864959728, - -0.007266426273882016, - -0.007661890173825445, - -0.01010203451886668, - -0.021411745481581264, - -0.018600887417128665, - -0.008545056777472105, - -0.007383610578901315, - -0.008960904147596888, - 0.02455942363211233, - -0.007406107220738257, - 0.014517509216790486, - -0.012383985914733681, - 0.03889421278117706, - -0.00927488785442834, - -0.015142482981506682, - -0.0061004445042840815, - 0.03508025430730504, - 0.02394948643602249, - 0.014326059228069139, - 0.018378352414997537, - -0.00988040710117604, - -0.012299700183268383, - -0.00652490951076251, - -0.012357852425875823, - -0.01010203451886668, - 0.021009780787201934, - -0.007891029045795275, - 0.024321822700428743, - -0.009244215387836166, - 0.025678439805686345, - 0.028451928759919667, - -0.0093596148513226, - -0.01010203451886668, - -0.012543001896309015, - 0.014517509216790486, - -0.010183958731100382, - -0.01103712339677958, - -0.008289525004869857, - 0.01741770520688768, - -0.008464519050024866, - 0.014876448127566656, - -0.011047808138107778, - -0.010800777011793106, - -0.00988040710117604, - -0.008941526184312803, - -0.005518360516516899, - -0.007863739895776788, - -0.012397112572906988, - -0.008510217771130464, - -0.00583444116339389, - 0.01977199893079373, - -0.008510217771130464, - -0.008282157892898094, - -0.009539733754178194, - 0.03377527147279053, - -0.019707088047649812, - 0.03310848400558131, - -0.006632040134354941, - -0.00955940723594711, - 0.019638677136536227, - -0.019837374166206262, - -0.010072609077065581, - -0.006810267809382857, - -0.008571718104547973, - -0.009549439537268164, - -0.02135337996636296, - -0.010278079768870272, - 0.014517509216790486, - -0.005862072212614813, - -0.008754639688130735, - -0.008566244930168472, - 0.022589123528903937, - -0.00988040710117604, - 0.03373798879430025, - 0.017567885318893833, - 0.02441102156512525, - 0.01996785623528234, - -0.010389129639846282, - -0.007358682608648679, - 0.035217283841946626, - -0.00979136767861346, - -0.006178065928872217, - 0.014517509216790486, - -0.016608444309000974, - 0.026975825999246337, - -0.009465573869200654, - -0.006505483585982298, - 0.012637581042079515, - -0.007383610578901315, - -0.017977530232293263, - 0.029034216100356502, - -0.00906890565007899, - -0.005518360516516899, - -0.007928178563768904, - -0.010553825047670952, - -0.007664366039395564, - -0.02122896621749689, - 0.015952967770181518, - -0.013668398598754895, - -0.011612852579603466, - -0.010716537372843499, - -0.0066830914914626505, - 0.02443343080493368, - -0.010321228428233981, - -0.005480568555742006, - -0.00824973145844762, - -0.012078944882782886, - -0.008767577176159773, - -0.007739834702208346, - -0.018257585996112387, - 0.012587186234230812, - -0.008864047076497893, - -0.008545056777472105, - -0.010106046677374912, - -0.00906890565007899, - -0.00906890565007899, - -0.00861206954597173, - -0.01010203451886668, - -0.01054352614175115, - 0.012887883459732564, - -0.008945869729211391, - -0.010094344244862932, - -0.010668355704107577, - -0.009273688872305107, - 0.020627888700096537, - -0.009367309236599876, - -0.008717925082898448, - 0.032670139560239335, - -0.011600729653426754, - -0.010349665678362919, - -0.007266426273882016, - -0.01688631987532507, - 0.011927216258901446, - -0.008029066855069305, - -0.010000290345609925, - -0.005680616911279988, - 0.018427100282143415, - -0.008776806250785831, - -0.008141742719581773, - -0.008661406787299398, - 0.014517509216790486, - -0.006408128017871895, - -0.00876740033896809, - 0.01823975376392591, - -0.012299700183268383, - 0.025105838423373023, - -0.014415485329706495, - 0.019638677136536227, - -0.008851360055589211, - -0.005638801389726091, - -0.009405556083819227, - -0.008576799202826002 + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
No_of_siblings_plus_spouses_on_board=1
shap=-0.002", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
No_of_siblings_plus_spouses_on_board=1
shap=0.001", + "None=Palsson, Master. Gosta Leonard
No_of_siblings_plus_spouses_on_board=3
shap=0.014", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
No_of_siblings_plus_spouses_on_board=0
shap=-0.000", + "None=Nasser, Mrs. Nicholas (Adele Achem)
No_of_siblings_plus_spouses_on_board=1
shap=-0.000", + "None=Saundercock, Mr. William Henry
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Vestrom, Miss. Hulda Amanda Adolfina
No_of_siblings_plus_spouses_on_board=0
shap=0.005", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
No_of_siblings_plus_spouses_on_board=1
shap=0.001", + "None=Glynn, Miss. Mary Agatha
No_of_siblings_plus_spouses_on_board=0
shap=0.004", + "None=Meyer, Mr. Edgar Joseph
No_of_siblings_plus_spouses_on_board=1
shap=0.000", + "None=Kraeff, Mr. Theodor
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Devaney, Miss. Margaret Delia
No_of_siblings_plus_spouses_on_board=0
shap=0.004", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
No_of_siblings_plus_spouses_on_board=1
shap=0.000", + "None=Rugg, Miss. Emily
No_of_siblings_plus_spouses_on_board=0
shap=0.004", + "None=Harris, Mr. Henry Birkhardt
No_of_siblings_plus_spouses_on_board=1
shap=0.001", + "None=Skoog, Master. Harald
No_of_siblings_plus_spouses_on_board=3
shap=0.012", + "None=Kink, Mr. Vincenz
No_of_siblings_plus_spouses_on_board=2
shap=0.001", + "None=Hood, Mr. Ambrose Jr
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", + "None=Ilett, Miss. Bertha
No_of_siblings_plus_spouses_on_board=0
shap=0.004", + "None=Ford, Mr. William Neal
No_of_siblings_plus_spouses_on_board=1
shap=-0.001", + "None=Christmann, Mr. Emil
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Andreasson, Mr. Paul Edvin
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Chaffee, Mr. Herbert Fuller
No_of_siblings_plus_spouses_on_board=1
shap=0.000", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", + "None=White, Mr. Richard Frasar
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Rekic, Mr. Tido
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Moran, Miss. Bertha
No_of_siblings_plus_spouses_on_board=1
shap=-0.001", + "None=Barton, Mr. David John
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Jussila, Miss. Katriina
No_of_siblings_plus_spouses_on_board=1
shap=-0.004", + "None=Pekoniemi, Mr. Edvard
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Turpin, Mr. William John Robert
No_of_siblings_plus_spouses_on_board=1
shap=0.000", + "None=Moore, Mr. Leonard Charles
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", + "None=Osen, Mr. Olaf Elon
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Ford, Miss. Robina Maggie \"Ruby\"
No_of_siblings_plus_spouses_on_board=2
shap=0.002", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
No_of_siblings_plus_spouses_on_board=0
shap=0.000", + "None=Bateman, Rev. Robert James
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Meo, Mr. Alfonzo
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Cribb, Mr. John Hatfield
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
No_of_siblings_plus_spouses_on_board=0
shap=0.001", + "None=Van der hoef, Mr. Wyckoff
No_of_siblings_plus_spouses_on_board=0
shap=-0.005", + "None=Sivola, Mr. Antti Wilhelm
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Klasen, Mr. Klas Albin
No_of_siblings_plus_spouses_on_board=1
shap=-0.000", + "None=Rood, Mr. Hugh Roscoe
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
No_of_siblings_plus_spouses_on_board=1
shap=-0.003", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
No_of_siblings_plus_spouses_on_board=0
shap=0.004", + "None=Vande Walle, Mr. Nestor Cyriel
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Backstrom, Mr. Karl Alfred
No_of_siblings_plus_spouses_on_board=1
shap=0.000", + "None=Blank, Mr. Henry
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", + "None=Ali, Mr. Ahmed
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Green, Mr. George Henry
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Nenkoff, Mr. Christo
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", + "None=Asplund, Miss. Lillian Gertrud
No_of_siblings_plus_spouses_on_board=4
shap=-0.028", + "None=Harknett, Miss. Alice Phoebe
No_of_siblings_plus_spouses_on_board=0
shap=0.005", + "None=Hunt, Mr. George Henry
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Reed, Mr. James George
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", + "None=Stead, Mr. William Thomas
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Thorne, Mrs. Gertrude Maybelle
No_of_siblings_plus_spouses_on_board=0
shap=0.003", + "None=Parrish, Mrs. (Lutie Davis)
No_of_siblings_plus_spouses_on_board=0
shap=0.004", + "None=Smith, Mr. Thomas
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Asplund, Master. Edvin Rojj Felix
No_of_siblings_plus_spouses_on_board=4
shap=0.015", + "None=Healy, Miss. Hanora \"Nora\"
No_of_siblings_plus_spouses_on_board=0
shap=0.004", + "None=Andrews, Miss. Kornelia Theodosia
No_of_siblings_plus_spouses_on_board=1
shap=-0.007", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
No_of_siblings_plus_spouses_on_board=1
shap=0.002", + "None=Smith, Mr. Richard William
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Connolly, Miss. Kate
No_of_siblings_plus_spouses_on_board=0
shap=0.003", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
No_of_siblings_plus_spouses_on_board=1
shap=-0.006", + "None=Levy, Mr. Rene Jacques
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", + "None=Lewy, Mr. Ervin G
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", + "None=Williams, Mr. Howard Hugh \"Harry\"
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", + "None=Sage, Mr. George John Jr
No_of_siblings_plus_spouses_on_board=8
shap=0.021", + "None=Nysveen, Mr. Johan Hansen
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
No_of_siblings_plus_spouses_on_board=1
shap=-0.002", + "None=Denkoff, Mr. Mitto
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", + "None=Burns, Miss. Elizabeth Margaret
No_of_siblings_plus_spouses_on_board=0
shap=0.002", + "None=Dimic, Mr. Jovan
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=del Carlo, Mr. Sebastiano
No_of_siblings_plus_spouses_on_board=1
shap=-0.001", + "None=Beavan, Mr. William Thomas
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
No_of_siblings_plus_spouses_on_board=1
shap=-0.002", + "None=Widener, Mr. Harry Elkins
No_of_siblings_plus_spouses_on_board=0
shap=-0.000", + "None=Gustafsson, Mr. Karl Gideon
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Plotcharsky, Mr. Vasil
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", + "None=Goodwin, Master. Sidney Leonard
No_of_siblings_plus_spouses_on_board=5
shap=0.015", + "None=Sadlier, Mr. Matthew
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Gustafsson, Mr. Johan Birger
No_of_siblings_plus_spouses_on_board=2
shap=0.001", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Niskanen, Mr. Juha
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Minahan, Miss. Daisy E
No_of_siblings_plus_spouses_on_board=1
shap=-0.003", + "None=Matthews, Mr. William John
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Charters, Mr. David
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
No_of_siblings_plus_spouses_on_board=0
shap=0.003", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
No_of_siblings_plus_spouses_on_board=1
shap=-0.001", + "None=Johannesen-Bratthammer, Mr. Bernt
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", + "None=Peuchen, Major. Arthur Godfrey
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Anderson, Mr. Harry
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", + "None=Milling, Mr. Jacob Christian
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
No_of_siblings_plus_spouses_on_board=1
shap=-0.000", + "None=Karlsson, Mr. Nils August
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Frost, Mr. Anthony Wood \"Archie\"
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Bishop, Mr. Dickinson H
No_of_siblings_plus_spouses_on_board=1
shap=0.004", + "None=Windelov, Mr. Einar
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Shellard, Mr. Frederick William
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Svensson, Mr. Olof
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=O'Sullivan, Miss. Bridget Mary
No_of_siblings_plus_spouses_on_board=0
shap=0.004", + "None=Laitinen, Miss. Kristina Sofia
No_of_siblings_plus_spouses_on_board=0
shap=0.004", + "None=Penasco y Castellana, Mr. Victor de Satode
No_of_siblings_plus_spouses_on_board=1
shap=0.001", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
No_of_siblings_plus_spouses_on_board=1
shap=-0.001", + "None=Kassem, Mr. Fared
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Cacic, Miss. Marija
No_of_siblings_plus_spouses_on_board=0
shap=0.004", + "None=Hart, Miss. Eva Miriam
No_of_siblings_plus_spouses_on_board=0
shap=0.002", + "None=Butt, Major. Archibald Willingham
No_of_siblings_plus_spouses_on_board=0
shap=-0.006", + "None=Beane, Mr. Edward
No_of_siblings_plus_spouses_on_board=1
shap=0.000", + "None=Goldsmith, Mr. Frank John
No_of_siblings_plus_spouses_on_board=1
shap=-0.001", + "None=Ohman, Miss. Velin
No_of_siblings_plus_spouses_on_board=0
shap=0.003", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
No_of_siblings_plus_spouses_on_board=1
shap=0.003", + "None=Morrow, Mr. Thomas Rowan
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Harris, Mr. George
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
No_of_siblings_plus_spouses_on_board=2
shap=-0.002", + "None=Patchett, Mr. George
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Ross, Mr. John Hugo
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", + "None=Murdlin, Mr. Joseph
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", + "None=Bourke, Miss. Mary
No_of_siblings_plus_spouses_on_board=0
shap=0.000", + "None=Boulos, Mr. Hanna
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
No_of_siblings_plus_spouses_on_board=1
shap=0.000", + "None=Homer, Mr. Harry (\"Mr E Haven\")
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", + "None=Lindell, Mr. Edvard Bengtsson
No_of_siblings_plus_spouses_on_board=1
shap=0.000", + "None=Daniel, Mr. Robert Williams
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
No_of_siblings_plus_spouses_on_board=1
shap=-0.000", + "None=Shutes, Miss. Elizabeth W
No_of_siblings_plus_spouses_on_board=0
shap=0.002", + "None=Jardin, Mr. Jose Neto
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", + "None=Horgan, Mr. John
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
No_of_siblings_plus_spouses_on_board=1
shap=-0.000", + "None=Yasbeck, Mr. Antoni
No_of_siblings_plus_spouses_on_board=1
shap=0.001", + "None=Bostandyeff, Mr. Guentcho
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Lundahl, Mr. Johan Svensson
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Stahelin-Maeglin, Dr. Max
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", + "None=Willey, Mr. Edward
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", + "None=Stanley, Miss. Amy Zillah Elsie
No_of_siblings_plus_spouses_on_board=0
shap=0.004", + "None=Hegarty, Miss. Hanora \"Nora\"
No_of_siblings_plus_spouses_on_board=0
shap=0.004", + "None=Eitemiller, Mr. George Floyd
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Colley, Mr. Edward Pomeroy
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", + "None=Coleff, Mr. Peju
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
No_of_siblings_plus_spouses_on_board=1
shap=0.001", + "None=Davidson, Mr. Thornton
No_of_siblings_plus_spouses_on_board=1
shap=0.004", + "None=Turja, Miss. Anna Sofia
No_of_siblings_plus_spouses_on_board=0
shap=0.004", + "None=Hassab, Mr. Hammad
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Goodwin, Mr. Charles Edward
No_of_siblings_plus_spouses_on_board=5
shap=0.013", + "None=Panula, Mr. Jaako Arnold
No_of_siblings_plus_spouses_on_board=4
shap=0.014", + "None=Fischer, Mr. Eberhard Thelander
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
No_of_siblings_plus_spouses_on_board=1
shap=-0.002", + "None=Hansen, Mr. Henrik Juul
No_of_siblings_plus_spouses_on_board=1
shap=0.001", + "None=Calderhead, Mr. Edward Pennington
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", + "None=Klaber, Mr. Herman
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Taylor, Mr. Elmer Zebley
No_of_siblings_plus_spouses_on_board=1
shap=0.001", + "None=Larsson, Mr. August Viktor
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Greenberg, Mr. Samuel
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
No_of_siblings_plus_spouses_on_board=0
shap=0.001", + "None=McEvoy, Mr. Michael
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", + "None=Johnson, Mr. Malkolm Joackim
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Gillespie, Mr. William Henry
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Allen, Miss. Elisabeth Walton
No_of_siblings_plus_spouses_on_board=0
shap=0.008", + "None=Berriman, Mr. William John
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Troupiansky, Mr. Moses Aaron
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Williams, Mr. Leslie
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", + "None=Ivanoff, Mr. Kanio
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", + "None=McNamee, Mr. Neal
No_of_siblings_plus_spouses_on_board=1
shap=0.000", + "None=Connaghton, Mr. Michael
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", + "None=Carlsson, Mr. August Sigfrid
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
No_of_siblings_plus_spouses_on_board=0
shap=0.008", + "None=Eklund, Mr. Hans Linus
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Hogeboom, Mrs. John C (Anna Andrews)
No_of_siblings_plus_spouses_on_board=1
shap=-0.007", + "None=Moran, Mr. Daniel J
No_of_siblings_plus_spouses_on_board=1
shap=-0.001", + "None=Lievens, Mr. Rene Aime
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
No_of_siblings_plus_spouses_on_board=0
shap=0.007", + "None=Ayoub, Miss. Banoura
No_of_siblings_plus_spouses_on_board=0
shap=0.003", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
No_of_siblings_plus_spouses_on_board=1
shap=-0.005", + "None=Johnston, Mr. Andrew G
No_of_siblings_plus_spouses_on_board=1
shap=-0.002", + "None=Ali, Mr. William
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Sjoblom, Miss. Anna Sofia
No_of_siblings_plus_spouses_on_board=0
shap=0.004", + "None=Guggenheim, Mr. Benjamin
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", + "None=Leader, Dr. Alice (Farnham)
No_of_siblings_plus_spouses_on_board=0
shap=0.005", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
No_of_siblings_plus_spouses_on_board=1
shap=0.000", + "None=Carter, Master. William Thornton II
No_of_siblings_plus_spouses_on_board=1
shap=0.005", + "None=Thomas, Master. Assad Alexander
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", + "None=Johansson, Mr. Karl Johan
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Slemen, Mr. Richard James
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Tomlin, Mr. Ernest Portage
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=McCormack, Mr. Thomas Joseph
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Richards, Master. George Sibley
No_of_siblings_plus_spouses_on_board=1
shap=-0.001", + "None=Mudd, Mr. Thomas Charles
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Lemberopolous, Mr. Peter L
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", + "None=Sage, Mr. Douglas Bullen
No_of_siblings_plus_spouses_on_board=8
shap=0.021", + "None=Boulos, Miss. Nourelain
No_of_siblings_plus_spouses_on_board=1
shap=0.001", + "None=Aks, Mrs. Sam (Leah Rosen)
No_of_siblings_plus_spouses_on_board=0
shap=0.002", + "None=Razi, Mr. Raihed
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Johnson, Master. Harold Theodor
No_of_siblings_plus_spouses_on_board=1
shap=-0.001", + "None=Carlsson, Mr. Frans Olof
No_of_siblings_plus_spouses_on_board=0
shap=-0.006", + "None=Gustafsson, Mr. Alfred Ossian
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", + "None=Montvila, Rev. Juozas
No_of_siblings_plus_spouses_on_board=0
shap=-0.002" + ], + "type": "scattergl", + "x": [ + -0.0016065490730820763, + 0.0005507873190299137, + 0.013638243961536832, + -0.00033406755779163364, + -7.094207655427166e-06, + -0.0016663132356444853, + 0.004764129893887447, + 0.0009198942181082529, + 0.0038983858624329674, + 0.00022039372181035404, + -0.001521470708439839, + 0.0035977564213961638, + 1.8200548994788657e-05, + 0.003543804381120772, + 0.0010036609038368478, + 0.01235794732650818, + 0.0011518055535247882, + -0.0014977800618472925, + 0.003617111821317516, + -0.0011526732488631349, + -0.001666669044574425, + -0.001647496335281961, + 2.040785900097965e-05, + -0.0025002364898682, + -0.0017277232363544527, + -0.0016043239361059722, + -0.0006381717797156902, + -0.0016663132356444853, + -0.003833931552585286, + -0.001644945714276964, + 0.00020797994787579465, + -0.0025190533902307243, + -0.0017814438607551908, + 0.0024246300949169485, + 0.00032394141589810524, + -0.0022581204576620382, + -0.0021367124155877134, + -0.00112403297666394, + 0.0014229666196342663, + -0.004971696076447335, + -0.001644945714276964, + -0.00012066172410841081, + -0.001857864785510979, + -0.0032842838304768594, + 0.004144581907381512, + -0.0016706444938874208, + 2.1814771988472488e-05, + -0.0007190111855202019, + -0.0017731166360220206, + -0.0021367124155877134, + -0.0025002364898682, + -0.027753831991073244, + 0.005372492508381033, + -0.0017003785811003204, + -0.0026258567906082596, + -0.0016750965797469675, + 0.0034099016630350864, + 0.0035391555236686115, + -0.001746307004689848, + 0.015345535283287312, + 0.0038983858624329674, + -0.00725261041710461, + 0.001610015332688784, + -0.0017982228077430093, + 0.0034401404798073527, + -0.005899915605979588, + -0.0010831599023626536, + -0.0012490552710885826, + -0.0025190533902307243, + 0.021200992475000596, + -0.0022304861463696415, + -0.002329837805758776, + -0.0025002364898682, + 0.002154534645677696, + -0.0015746017752714281, + -0.001244009871310051, + -0.0017060759766440586, + -0.0018638672819019163, + -4.6547266314851004e-05, + -0.0016511912681993666, + -0.0025002364898682, + 0.015109580004906581, + -0.0019079951135120754, + 0.0011731730748923098, + -0.0024236988923750516, + -0.001601529098856197, + -0.002671470476931995, + -0.001692083729003428, + -0.0016251568211346642, + 0.003282700885276552, + -0.0011415687497472867, + -0.0025190533902307243, + -0.001675697351778669, + -0.0009425902018005994, + -0.002324521614664608, + -0.00031864089060351045, + -0.0017731166360220206, + -0.0023967224681742264, + 0.0039825163805907535, + -0.0017731166360220206, + -0.0023398006221624443, + -0.0016114285271997932, + 0.004192724215635879, + 0.003625533688776076, + 0.0006712136604504977, + -0.002623851149854827, + -0.001071119883809445, + -0.0016470910091798984, + 0.00359334476504928, + 0.0021455538056055594, + -0.006198284387966082, + 0.0003142668779214683, + -0.000840598757486277, + 0.00336922605933379, + 0.002509973543597441, + -0.001746307004689848, + -0.0020333557684637034, + -0.0017634291796932743, + -0.001827708974993081, + -0.0006592192934302037, + -0.0025190533902307243, + 0.0002840734230721214, + -0.0016470910091798984, + 0.00047450710144083765, + -0.0008167804412727096, + 6.679100711090707e-05, + -0.0015728955855941816, + -0.00026878677345857434, + 0.002186172643631293, + -0.0026258567906082596, + -0.001746307004689848, + -0.00022797570721331428, + 0.0005807850467548625, + -0.0016478521442119004, + -0.0022419886925609824, + -0.0031249272319563556, + -0.0026258567906082596, + 0.003663564412536701, + 0.0038077862732070087, + -0.0016917279200734884, + -0.0012605443974682538, + -0.0017817672970488522, + 0.0008696307941759374, + 0.0043817885019633174, + 0.003692476548979218, + -0.0021336463889231887, + 0.013439041052813782, + 0.013989446455124297, + -0.0016511912681993666, + -0.0015772679790472502, + -0.002487686375954802, + 0.0009934573915730213, + -0.0006101152074613297, + -0.0015896007347052518, + 0.0005280645675577722, + -0.0016706444938874208, + -0.0022581204576620382, + 0.0013086701519235122, + -0.0012217082702614067, + -0.0016200791882266248, + -0.0017003785811003204, + 0.007531742326674022, + -0.0016917279200734884, + -0.0016917279200734884, + -0.001148275843646978, + -0.0025002364898682, + 1.433450676180441e-06, + -0.001467044061591077, + -0.0016117843361297326, + 0.007537548723141847, + -0.0017265591523104983, + -0.007154389076208966, + -0.000701887018833077, + -0.0016702886849574812, + 0.006534621080412538, + 0.0033826663384123193, + -0.005438674079712243, + -0.002168515586409848, + -0.0017731166360220206, + 0.0037368718527334456, + -0.00311775936935166, + 0.004777791285389939, + 0.00012602920087430373, + 0.004858376289112172, + -0.0014052834426480057, + -0.0016200791882266248, + -0.001583971290704501, + -0.001666669044574425, + -0.001746307004689848, + -0.0014253960912111309, + -0.0016904512547883744, + -0.0012147056905207558, + 0.021200992475000596, + 0.0012569888955220937, + 0.001936271969246256, + -0.0016470910091798984, + -0.0012043013181321498, + -0.00595057661699979, + -0.0016702886849574812, + -0.001692083729003428 ], "xaxis": "x7", "y": [ - 0.7613857409836704, - 0.0925948292545834, - 0.6991950694197845, - 0.3046023762130592, - 0.548716922605736, - 0.18706107461760946, - 0.1566149143361758, - 0.4860027822939682, - 0.35827080124571453, - 0.7972885254698339, - 0.5280975261875205, - 0.7840474470715486, - 0.19124528956069187, - 0.8377851612746032, - 0.07516517767074482, - 0.7928299781135273, - 0.4376762804548583, - 0.49021143073287166, - 0.6866536225689243, - 0.575473336756343, - 0.8263196505594361, - 0.9800533750024517, - 0.1798924661905158, - 0.2946250880269389, - 0.5943787614558849, - 0.5887746763080536, - 0.3417287704985126, - 0.8515968343589174, - 0.562888305089821, - 0.626044485327091, - 0.4615766814107114, - 0.40665063699696946, - 0.13984667269986484, - 0.7277046758641507, - 0.9637379518522627, - 0.15867690979694593, - 0.7459628743526939, - 0.2461714857411066, - 0.6861807247221383, - 0.4186349103838519, - 0.6324687878611197, - 0.7893094569475373, - 0.4497678120009153, - 0.37173187126606055, - 0.027790251314883774, - 0.6804879445547707, - 0.9791207074099412, - 0.8266355610457943, - 0.08519681571502058, - 0.29075559340077317, - 0.44362997995670317, - 0.42140897807470745, - 0.7068444117609665, - 0.5791469974394181, - 0.7235445100807879, - 0.8895692263923759, - 0.9076496854537192, - 0.1931961201523037, - 0.028463677031927537, - 0.533413048981744, - 0.5528386323412858, - 0.23350956738635664, - 0.6316481079351891, - 0.07374312898773572, - 0.8347903526055594, - 0.11350287837920381, - 0.46509078438947615, - 0.49256095057243643, - 0.25184812325973893, - 0.9712511754591028, - 0.48653739523722217, - 0.4793589924077205, - 0.9557742724018922, - 0.5849508528074004, - 0.10407685363869545, - 0.27087281551460174, - 0.572936949597802, - 0.6757751942227288, - 0.715047394100575, - 0.13555475992094856, - 0.7332346369916259, - 0.7472084375497642, - 0.3489021226118403, - 0.7775862512110538, - 0.8515753068222196, - 0.6689861567566995, - 0.4315085295626109, - 0.8580694578938116, - 0.6315504483209889, - 0.3194300057800107, - 0.6644243218114229, - 0.7453909549838784, - 0.42022769504720014, - 0.43785881722160724, - 0.688479526907449, - 0.25271495749076356, - 0.0036678193642611934, - 0.4048478319882256, - 0.711855940385124, - 0.7963713835444075, - 0.7785114525659008, - 0.15711718676854813, - 0.3046328444121673, - 0.44848210473114514, - 0.36530907978286, - 0.4871742663005858, - 0.9649561160374484, - 0.026481361318248298, - 0.8637605294578236, - 0.4812192278625359, - 0.24810920661482128, - 0.7464197805796996, - 0.7190772928007724, - 0.35567932518172973, - 0.7113613737169898, - 0.24052854230192777, - 0.6143190300282473, - 0.26237985063436453, - 0.14338211978215099, - 0.7887111214049155, - 0.12224384574301694, - 0.728666216059031, - 0.4463697221578592, - 0.17542469254054427, - 0.8229888304302537, - 0.04837768886996929, - 0.9574898519513578, - 0.34410183145486606, - 0.3447904255562215, - 0.19258854174602946, - 0.05209724175302077, - 0.15035646057925334, - 0.7375603299121872, - 0.6619713146609874, - 0.0602115890193331, - 0.9106521272984631, - 0.07594838778185276, - 0.28555099208242296, - 0.2799984970089896, - 0.8929174705789363, - 0.5242057215251517, - 0.5640108969752295, - 0.7297230927348731, - 0.2075515190974775, - 0.7979760974111131, - 0.9265516041793764, - 0.14012262857052282, - 0.8030667564798555, - 0.42311467325765595, - 0.06460108249023733, - 0.03168269941843782, - 0.9984339449749879, - 0.8080516718710601, - 0.050577780284824514, - 0.30859535499368007, - 0.7354120866236679, - 0.14793279995782505, - 0.7521921916286757, - 0.06033935015671088, - 0.7916371671638317, - 0.5987128902785711, - 0.14230945187325594, - 0.4259738384950551, - 0.6610118668381333, - 0.6162381950179779, - 0.1084933240255177, - 0.7340244832051659, - 0.10880252907272692, - 0.09175088722720004, - 0.16930543469649595, - 0.663929844482308, - 0.3367633391467152, - 0.021403196646684663, - 0.6322215856515854, - 0.4685952731141456, - 0.302305065763242, - 0.6645494947996051, - 0.10528074946710886, - 0.7929950775220035, - 0.30923847773695545, - 0.8544322840730576, - 0.6647872484626914, - 0.9220987852965677, - 0.5551919655944962, - 0.16617810163248714, - 0.7605009648464381, - 0.954734772774454, - 0.8553081173343063, - 0.7949850634727702, - 0.14804226495582795, - 0.5772379850749074, - 0.11447503863735564, - 0.9022773358909861, - 0.3404348108614256, - 0.9877711702665485, - 0.32424274597265, - 0.8447833500899052, - 0.12023297094900465, - 0.06377418543526314, - 0.13037383641425604 + 0.771490229179946, + 0.5754506856375913, + 0.9697887885329982, + 0.24713667492788605, + 0.864658118645775, + 0.6763676688142177, + 0.8876756082969134, + 0.45553705099558184, + 0.2021904356697276, + 0.7666158593796806, + 0.9832966154083952, + 0.8832396935499369, + 0.8778067375524905, + 0.5357587567939971, + 0.6903989476626932, + 0.2687434030085951, + 0.8815342045258525, + 0.050772974970561324, + 0.6041294387411769, + 0.32033988364511323, + 0.6883120392749605, + 0.391780935887029, + 0.8259933382904705, + 0.30271964744326274, + 0.6750520815870247, + 0.4624315756955387, + 0.2301840627927133, + 0.9996595972540392, + 0.15518809153174573, + 0.08804186553920412, + 0.7231645446357503, + 0.9202211386220852, + 0.412056643194615, + 0.9409995972498818, + 0.7089784905870783, + 0.13075719869990765, + 0.7775356192214574, + 0.7907534786843406, + 0.6513648138324978, + 0.4911514965769117, + 0.9936477794351085, + 0.8161217273359928, + 0.20550571301951281, + 0.8273104102592695, + 0.8721110327588493, + 0.06521989561153729, + 0.2417863167629667, + 0.7752350769037455, + 0.8737289085065327, + 0.8778787459622924, + 0.6246891781547923, + 0.40165906502512405, + 0.05967080763032473, + 0.9230586501754654, + 0.06359435868871888, + 0.9587631592915006, + 0.8016719325786373, + 0.42660392958428384, + 0.8716102395502612, + 0.4350205946179595, + 0.030322183151517246, + 0.9926714486423831, + 0.8196894431592417, + 0.7099649773809112, + 0.9881784424485154, + 0.6241035967454989, + 0.645011965923035, + 0.11592948655529478, + 0.8541571894719467, + 0.5661355173334833, + 0.8751516285120916, + 0.3427299730974753, + 0.9986587086798311, + 0.8566929208063729, + 0.8490160385413265, + 0.6487567400647979, + 0.9235521258083281, + 0.430393599222036, + 0.41960598729250753, + 0.790281075893558, + 0.7986091548144989, + 0.031766741605304905, + 0.997335071911871, + 0.9470168078113923, + 0.19101608126327663, + 0.8443690155180019, + 0.8957422025840325, + 0.7791506072523087, + 0.40649889892240365, + 0.9455447578109212, + 0.43222516274871026, + 0.07397065935800862, + 0.8581464164312403, + 0.5477847075347019, + 0.40055887884876795, + 0.4894946516845883, + 0.14396689490838654, + 0.716958435922573, + 0.4851151230678431, + 0.596916884489026, + 0.16400351464295748, + 0.30369946046705487, + 0.487388635990491, + 0.10253599306205274, + 0.2775455848595966, + 0.2885133353142001, + 0.03315809487050314, + 0.10006154562293856, + 0.1990439898245746, + 0.8312868542351496, + 0.7281226791165847, + 0.9500352623571928, + 0.23196375823484028, + 0.34240715093944774, + 0.6681911001181303, + 0.5839369273270525, + 0.6548926554864074, + 0.30018685519799604, + 0.9191192212387239, + 0.417396408686867, + 0.21090344458831267, + 0.8551977363016446, + 0.06812030222165988, + 0.24887726013156997, + 0.6686930107203672, + 0.32425576600716943, + 0.06732082667654815, + 0.015558569039451742, + 0.20792025355226218, + 0.5156496712745319, + 0.8519856533804199, + 0.8167373726406544, + 0.6493334345107791, + 0.2022446642543061, + 0.6104996098251397, + 0.4166164606048174, + 0.415832627156167, + 0.2498669649617168, + 0.9207811159158551, + 0.41260522420993784, + 0.6399848328756143, + 0.03747766571521294, + 0.4101675537695154, + 0.4043284000224193, + 0.10636023017894558, + 0.4706209711709135, + 0.5501618955661317, + 0.19796145448623104, + 0.688428394859982, + 0.15278224328746537, + 0.36138263826542094, + 0.6937837546282104, + 0.46085081228973535, + 0.14145040670486608, + 0.31231953953292146, + 0.40245865391193447, + 0.47048753392477716, + 0.8342251582397775, + 0.535655303820344, + 0.0018447562903174397, + 0.3877769584589844, + 0.6505003893550985, + 0.8900290744144388, + 0.8343135205347988, + 0.3052371572286523, + 0.5036267648649749, + 0.1803923039980132, + 0.6445227154510365, + 0.5817566065044348, + 0.45623988430230966, + 0.5409266362819216, + 0.5031152083193483, + 0.3476180101368216, + 0.557716750748579, + 0.6549974566945641, + 0.06047202184553535, + 0.14887868474199029, + 0.6320850074295996, + 0.32518577967271334, + 0.8130468850179837, + 0.5701384702955111, + 0.6198490254021282, + 0.24788560631260392, + 0.44336255559962123, + 0.882198541547188, + 0.7011468422214876, + 0.837842469605523, + 0.6872364438987373, + 0.5797883833494953, + 0.41175657592781534, + 0.2945556748928261, + 0.017903401196705748, + 0.08978274922636353, + 0.3960104840954487, + 0.39052383027204807, + 0.9669622302043953, + 0.5285314882995835, + 0.35396024922280345, + 0.07599136668462914, + 0.7875055054381945 ], "yaxis": "y7" }, @@ -14440,12661 +13220,5848 @@ "opacity": 0.8, "showlegend": false, "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
shap=-0.005", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
shap=0.004", - "index=Palsson, Master. Gosta Leonard
Age=2.0
shap=0.028", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=27.0
shap=-0.001", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
shap=0.006", - "index=Saundercock, Mr. William Henry
Age=20.0
shap=-0.001", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Age=14.0
shap=0.007", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=38.0
shap=-0.023", - "index=Glynn, Miss. Mary Agatha
Age=nan
shap=0.012", - "index=Meyer, Mr. Edgar Joseph
Age=28.0
shap=0.001", - "index=Kraeff, Mr. Theodor
Age=nan
shap=0.012", - "index=Devaney, Miss. Margaret Delia
Age=19.0
shap=-0.018", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=18.0
shap=0.001", - "index=Rugg, Miss. Emily
Age=21.0
shap=-0.006", - "index=Harris, Mr. Henry Birkhardt
Age=45.0
shap=-0.024", - "index=Skoog, Master. Harald
Age=4.0
shap=0.028", - "index=Kink, Mr. Vincenz
Age=26.0
shap=-0.002", - "index=Hood, Mr. Ambrose Jr
Age=21.0
shap=-0.007", - "index=Ilett, Miss. Bertha
Age=17.0
shap=0.001", - "index=Ford, Mr. William Neal
Age=16.0
shap=0.004", - "index=Christmann, Mr. Emil
Age=29.0
shap=0.006", - "index=Andreasson, Mr. Paul Edvin
Age=20.0
shap=-0.001", - "index=Chaffee, Mr. Herbert Fuller
Age=46.0
shap=-0.031", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Age=nan
shap=0.01", - "index=White, Mr. Richard Frasar
Age=21.0
shap=-0.004", - "index=Rekic, Mr. Tido
Age=38.0
shap=-0.018", - "index=Moran, Miss. Bertha
Age=nan
shap=0.01", - "index=Barton, Mr. David John
Age=22.0
shap=-0.001", - "index=Jussila, Miss. Katriina
Age=20.0
shap=-0.006", - "index=Pekoniemi, Mr. Edvard
Age=21.0
shap=-0.001", - "index=Turpin, Mr. William John Robert
Age=29.0
shap=-0.002", - "index=Moore, Mr. Leonard Charles
Age=nan
shap=0.01", - "index=Osen, Mr. Olaf Elon
Age=16.0
shap=0.007", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Age=9.0
shap=0.014", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=36.5
shap=-0.019", - "index=Bateman, Rev. Robert James
Age=51.0
shap=-0.023", - "index=Meo, Mr. Alfonzo
Age=55.5
shap=-0.025", - "index=Cribb, Mr. John Hatfield
Age=44.0
shap=-0.026", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Age=nan
shap=0.012", - "index=Van der hoef, Mr. Wyckoff
Age=61.0
shap=-0.034", - "index=Sivola, Mr. Antti Wilhelm
Age=21.0
shap=-0.001", - "index=Klasen, Mr. Klas Albin
Age=18.0
shap=-0.008", - "index=Rood, Mr. Hugh Roscoe
Age=nan
shap=0.025", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=19.0
shap=-0.001", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Age=44.0
shap=-0.019", - "index=Vande Walle, Mr. Nestor Cyriel
Age=28.0
shap=0.006", - "index=Backstrom, Mr. Karl Alfred
Age=32.0
shap=-0.001", - "index=Blank, Mr. Henry
Age=40.0
shap=-0.028", - "index=Ali, Mr. Ahmed
Age=24.0
shap=0.002", - "index=Green, Mr. George Henry
Age=51.0
shap=-0.023", - "index=Nenkoff, Mr. Christo
Age=nan
shap=0.01", - "index=Asplund, Miss. Lillian Gertrud
Age=5.0
shap=0.008", - "index=Harknett, Miss. Alice Phoebe
Age=nan
shap=0.005", - "index=Hunt, Mr. George Henry
Age=33.0
shap=-0.008", - "index=Reed, Mr. James George
Age=nan
shap=0.009", - "index=Stead, Mr. William Thomas
Age=62.0
shap=-0.047", - "index=Thorne, Mrs. Gertrude Maybelle
Age=nan
shap=-0.015", - "index=Parrish, Mrs. (Lutie Davis)
Age=50.0
shap=-0.017", - "index=Smith, Mr. Thomas
Age=nan
shap=0.01", - "index=Asplund, Master. Edvin Rojj Felix
Age=3.0
shap=0.032", - "index=Healy, Miss. Hanora \"Nora\"
Age=nan
shap=0.012", - "index=Andrews, Miss. Kornelia Theodosia
Age=63.0
shap=-0.03", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Age=35.0
shap=-0.011", - "index=Smith, Mr. Richard William
Age=nan
shap=0.024", - "index=Connolly, Miss. Kate
Age=22.0
shap=-0.018", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Age=19.0
shap=-0.0", - "index=Levy, Mr. Rene Jacques
Age=36.0
shap=-0.007", - "index=Lewy, Mr. Ervin G
Age=nan
shap=0.016", - "index=Williams, Mr. Howard Hugh \"Harry\"
Age=nan
shap=0.01", - "index=Sage, Mr. George John Jr
Age=nan
shap=0.014", - "index=Nysveen, Mr. Johan Hansen
Age=61.0
shap=-0.024", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=nan
shap=-0.013", - "index=Denkoff, Mr. Mitto
Age=nan
shap=0.01", - "index=Burns, Miss. Elizabeth Margaret
Age=41.0
shap=-0.008", - "index=Dimic, Mr. Jovan
Age=42.0
shap=-0.017", - "index=del Carlo, Mr. Sebastiano
Age=29.0
shap=0.001", - "index=Beavan, Mr. William Thomas
Age=19.0
shap=-0.001", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=nan
shap=-0.011", - "index=Widener, Mr. Harry Elkins
Age=27.0
shap=0.012", - "index=Gustafsson, Mr. Karl Gideon
Age=19.0
shap=-0.0", - "index=Plotcharsky, Mr. Vasil
Age=nan
shap=0.01", - "index=Goodwin, Master. Sidney Leonard
Age=1.0
shap=0.031", - "index=Sadlier, Mr. Matthew
Age=nan
shap=0.01", - "index=Gustafsson, Mr. Johan Birger
Age=28.0
shap=0.001", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=24.0
shap=-0.001", - "index=Niskanen, Mr. Juha
Age=39.0
shap=-0.019", - "index=Minahan, Miss. Daisy E
Age=33.0
shap=0.002", - "index=Matthews, Mr. William John
Age=30.0
shap=0.001", - "index=Charters, Mr. David
Age=21.0
shap=-0.002", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=19.0
shap=-0.002", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=45.0
shap=-0.013", - "index=Johannesen-Bratthammer, Mr. Bernt
Age=nan
shap=0.01", - "index=Peuchen, Major. Arthur Godfrey
Age=52.0
shap=-0.051", - "index=Anderson, Mr. Harry
Age=48.0
shap=-0.042", - "index=Milling, Mr. Jacob Christian
Age=48.0
shap=-0.018", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=33.0
shap=-0.001", - "index=Karlsson, Mr. Nils August
Age=22.0
shap=-0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Age=nan
shap=0.008", - "index=Bishop, Mr. Dickinson H
Age=25.0
shap=-0.005", - "index=Windelov, Mr. Einar
Age=21.0
shap=-0.001", - "index=Shellard, Mr. Frederick William
Age=nan
shap=0.015", - "index=Svensson, Mr. Olof
Age=24.0
shap=0.002", - "index=O'Sullivan, Miss. Bridget Mary
Age=nan
shap=0.01", - "index=Laitinen, Miss. Kristina Sofia
Age=37.0
shap=-0.008", - "index=Penasco y Castellana, Mr. Victor de Satode
Age=18.0
shap=0.024", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Age=nan
shap=0.016", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=36.0
shap=0.002", - "index=Kassem, Mr. Fared
Age=nan
shap=0.01", - "index=Cacic, Miss. Marija
Age=30.0
shap=0.008", - "index=Hart, Miss. Eva Miriam
Age=7.0
shap=0.016", - "index=Butt, Major. Archibald Willingham
Age=45.0
shap=-0.019", - "index=Beane, Mr. Edward
Age=32.0
shap=0.0", - "index=Goldsmith, Mr. Frank John
Age=33.0
shap=-0.022", - "index=Ohman, Miss. Velin
Age=22.0
shap=-0.004", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=39.0
shap=-0.005", - "index=Morrow, Mr. Thomas Rowan
Age=nan
shap=0.01", - "index=Harris, Mr. George
Age=62.0
shap=-0.015", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=53.0
shap=-0.026", - "index=Patchett, Mr. George
Age=19.0
shap=-0.003", - "index=Ross, Mr. John Hugo
Age=36.0
shap=-0.004", - "index=Murdlin, Mr. Joseph
Age=nan
shap=0.01", - "index=Bourke, Miss. Mary
Age=nan
shap=0.013", - "index=Boulos, Mr. Hanna
Age=nan
shap=0.009", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=49.0
shap=-0.026", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Age=35.0
shap=-0.012", - "index=Lindell, Mr. Edvard Bengtsson
Age=36.0
shap=-0.015", - "index=Daniel, Mr. Robert Williams
Age=27.0
shap=0.001", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=22.0
shap=0.001", - "index=Shutes, Miss. Elizabeth W
Age=40.0
shap=-0.01", - "index=Jardin, Mr. Jose Neto
Age=nan
shap=0.009", - "index=Horgan, Mr. John
Age=nan
shap=0.01", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=26.0
shap=0.001", - "index=Yasbeck, Mr. Antoni
Age=27.0
shap=0.001", - "index=Bostandyeff, Mr. Guentcho
Age=26.0
shap=0.004", - "index=Lundahl, Mr. Johan Svensson
Age=51.0
shap=-0.022", - "index=Stahelin-Maeglin, Dr. Max
Age=32.0
shap=0.008", - "index=Willey, Mr. Edward
Age=nan
shap=0.009", - "index=Stanley, Miss. Amy Zillah Elsie
Age=23.0
shap=-0.003", - "index=Hegarty, Miss. Hanora \"Nora\"
Age=18.0
shap=-0.0", - "index=Eitemiller, Mr. George Floyd
Age=23.0
shap=-0.006", - "index=Colley, Mr. Edward Pomeroy
Age=47.0
shap=-0.043", - "index=Coleff, Mr. Peju
Age=36.0
shap=-0.013", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Age=40.0
shap=-0.012", - "index=Davidson, Mr. Thornton
Age=31.0
shap=0.009", - "index=Turja, Miss. Anna Sofia
Age=18.0
shap=0.0", - "index=Hassab, Mr. Hammad
Age=27.0
shap=0.011", - "index=Goodwin, Mr. Charles Edward
Age=14.0
shap=0.002", - "index=Panula, Mr. Jaako Arnold
Age=14.0
shap=0.007", - "index=Fischer, Mr. Eberhard Thelander
Age=18.0
shap=0.002", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Age=42.0
shap=-0.028", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Age=18.0
shap=0.01", - "index=Hansen, Mr. Henrik Juul
Age=26.0
shap=-0.001", - "index=Calderhead, Mr. Edward Pennington
Age=42.0
shap=-0.03", - "index=Klaber, Mr. Herman
Age=nan
shap=0.029", - "index=Taylor, Mr. Elmer Zebley
Age=48.0
shap=-0.028", - "index=Larsson, Mr. August Viktor
Age=29.0
shap=0.005", - "index=Greenberg, Mr. Samuel
Age=52.0
shap=-0.025", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Age=27.0
shap=0.019", - "index=McEvoy, Mr. Michael
Age=nan
shap=0.014", - "index=Johnson, Mr. Malkolm Joackim
Age=33.0
shap=-0.01", - "index=Gillespie, Mr. William Henry
Age=34.0
shap=-0.009", - "index=Allen, Miss. Elisabeth Walton
Age=29.0
shap=0.014", - "index=Berriman, Mr. William John
Age=23.0
shap=-0.006", - "index=Troupiansky, Mr. Moses Aaron
Age=23.0
shap=-0.006", - "index=Williams, Mr. Leslie
Age=28.5
shap=0.002", - "index=Ivanoff, Mr. Kanio
Age=nan
shap=0.01", - "index=McNamee, Mr. Neal
Age=24.0
shap=-0.005", - "index=Connaghton, Mr. Michael
Age=31.0
shap=0.003", - "index=Carlsson, Mr. August Sigfrid
Age=28.0
shap=0.007", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Age=33.0
shap=0.012", - "index=Eklund, Mr. Hans Linus
Age=16.0
shap=0.006", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Age=51.0
shap=-0.023", - "index=Moran, Mr. Daniel J
Age=nan
shap=0.021", - "index=Lievens, Mr. Rene Aime
Age=24.0
shap=0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Age=43.0
shap=-0.007", - "index=Ayoub, Miss. Banoura
Age=13.0
shap=0.008", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Age=17.0
shap=0.006", - "index=Johnston, Mr. Andrew G
Age=nan
shap=0.041", - "index=Ali, Mr. William
Age=25.0
shap=0.002", - "index=Sjoblom, Miss. Anna Sofia
Age=18.0
shap=0.001", - "index=Guggenheim, Mr. Benjamin
Age=46.0
shap=-0.015", - "index=Leader, Dr. Alice (Farnham)
Age=49.0
shap=-0.019", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Age=31.0
shap=0.004", - "index=Carter, Master. William Thornton II
Age=11.0
shap=0.037", - "index=Thomas, Master. Assad Alexander
Age=0.42
shap=0.038", - "index=Johansson, Mr. Karl Johan
Age=31.0
shap=0.009", - "index=Slemen, Mr. Richard James
Age=35.0
shap=-0.011", - "index=Tomlin, Mr. Ernest Portage
Age=30.5
shap=0.006", - "index=McCormack, Mr. Thomas Joseph
Age=nan
shap=0.01", - "index=Richards, Master. George Sibley
Age=0.83
shap=0.059", - "index=Mudd, Mr. Thomas Charles
Age=16.0
shap=0.003", - "index=Lemberopolous, Mr. Peter L
Age=34.5
shap=-0.018", - "index=Sage, Mr. Douglas Bullen
Age=nan
shap=0.014", - "index=Boulos, Miss. Nourelain
Age=9.0
shap=0.012", - "index=Aks, Mrs. Sam (Leah Rosen)
Age=18.0
shap=0.001", - "index=Razi, Mr. Raihed
Age=nan
shap=0.01", - "index=Johnson, Master. Harold Theodor
Age=4.0
shap=0.047", - "index=Carlsson, Mr. Frans Olof
Age=33.0
shap=0.002", - "index=Gustafsson, Mr. Alfred Ossian
Age=20.0
shap=-0.003", - "index=Montvila, Rev. Juozas
Age=27.0
shap=0.001" - ], - "type": "scatter", - "x": [ - -0.005435093021259588, - 0.0038786886160810693, - 0.02845190754413674, - -0.0006618755870001252, - 0.006036187272413198, - -0.0013080127606859733, - 0.0069030215815155446, - -0.02263688794686179, - 0.012038413734761019, - 0.0013611261859566967, - 0.012122630639252759, - -0.017576076927190355, - 0.0013038109335672524, - -0.006338144322505708, - -0.023572930058695856, - 0.02830111559457549, - -0.0021746026538668273, - -0.007071583746540486, - 0.0005281343151809064, - 0.003545467125177802, - 0.005546136096203786, - -0.0009081349871494358, - -0.031329947673435374, - 0.009646017635765657, - -0.0036718840669978897, - -0.017661178365921522, - 0.009915585221932631, - -0.0011982250265055085, - -0.006073824599928465, - -0.000825488757558417, - -0.0023445029846407813, - 0.01047618594096072, - 0.0069257925558927355, - 0.013652192824122826, - -0.018842985059908054, - -0.02321662215063914, - -0.02480818450444858, - -0.02634589884501951, - 0.011726930159856987, - -0.03435637472984748, - -0.000825488757558417, - -0.008315045233310472, - 0.02460464456561599, - -0.000846718369678901, - -0.01894668671964519, - 0.005599249003933323, - -0.001056647972343015, - -0.0283633833555008, - 0.0018009855482581509, - -0.023262337025235807, - 0.009646017635765657, - 0.007753311329997374, - 0.0048870884478188405, - -0.00808762912392451, - 0.009294833489059165, - -0.04739248643282996, - -0.015080972827298674, - -0.017257637490962895, - 0.010481208333273402, - 0.03241353405789745, - 0.012038413734761019, - -0.029928100878078366, - -0.011374517980813154, - 0.02444801143877595, - -0.018129946530069902, - -0.00026594337274175986, - -0.007200922027493052, - 0.01597814878332342, - 0.01047618594096072, - 0.013509899536824674, - -0.023614062774387677, - -0.012772068848288088, - 0.009646017635765657, - -0.008289708503841418, - -0.017469398654423, - 0.0010973647983245265, - -0.0007135253868345766, - -0.01053721319116934, - 0.01221613942611844, - -0.00031364761329803715, - 0.009646017635765657, - 0.031183731168800303, - 0.010454436185667921, - 0.0014997813356448714, - -0.0006988570468255223, - -0.019224189355005104, - 0.0015128759036512043, - 0.0005443638229938359, - -0.0019643898543570005, - -0.002210467425370983, - -0.012563581925202598, - 0.01047618594096072, - -0.050683084747935925, - -0.04237594704577718, - -0.01829262620702911, - -0.0007747574695589735, - -0.00044880087728772425, - 0.008498847388925682, - -0.00520095716252589, - -0.0005585886114681909, - 0.01537852291922176, - 0.0015229687548988726, - 0.009612146307304307, - -0.00820603678101646, - 0.02392525473020613, - 0.016246910899391922, - 0.0018693418847304567, - 0.009812765039545408, - 0.008078858627466186, - 0.015594513836031814, - -0.018929183024265828, - 7.291063633024641e-05, - -0.021991133873333946, - -0.0037631743782629507, - -0.004683767795253301, - 0.010481208333273402, - -0.014941595893911848, - -0.026395549497047026, - -0.002800685811701173, - -0.004388741004511303, - 0.01047618594096072, - 0.013484010159871128, - 0.009335754692057786, - -0.02599923298685759, - -0.012179980327061411, - -0.014660450300797729, - 0.0009770009620894554, - 0.0012677901029648911, - -0.009893230925160094, - 0.0092233039067372, - 0.010481208333273402, - 0.0009433203419911454, - 0.000948120705864924, - 0.004157227216956382, - -0.021998571061377387, - 0.008233915694253365, - 0.009294833489059165, - -0.0034229340918021257, - -6.704624841170896e-05, - -0.005646743426224222, - -0.043484235829888494, - -0.013102222633886254, - -0.011758993735643557, - 0.009412933950206225, - 0.0004369825039328087, - 0.011368753068600138, - 0.00244215963562861, - 0.006696237679364591, - 0.0022821093526089525, - -0.028287645872803018, - 0.010093611439746035, - -0.0012650904439831091, - -0.029690181067334422, - 0.02896252189279815, - -0.027808446031211763, - 0.004621957097943106, - -0.02457939396992573, - 0.019003146136976023, - 0.01447441246412479, - -0.010289506678836133, - -0.009304477017254197, - 0.01377206301326799, - -0.005646743426224222, - -0.005646743426224222, - 0.001528949062225344, - 0.009646017635765657, - -0.004769937788231381, - 0.003358875560571273, - 0.006804244484639189, - 0.011836676323871769, - 0.0062111679859222614, - -0.022802833814675696, - 0.02107730067708448, - 9.8566469274418e-06, - -0.006662318490705742, - 0.008067568940675132, - 0.006193480782051272, - 0.04064503768927539, - 0.0018346604433498613, - 0.0012629118885669258, - -0.015387585355316471, - -0.018784575929831807, - 0.003614647968684862, - 0.03653344626322271, - 0.03756864111359998, - 0.00915913296893322, - -0.011169426783363936, - 0.005934466830765054, - 0.010481208333273402, - 0.058686894265503366, - 0.0027631616664621408, - -0.018206113457677933, - 0.013509899536824674, - 0.012235909423105245, - 0.0005839435114270025, - 0.009812765039545408, - 0.04697404878168792, - 0.0015904574985961342, - -0.0026687678341839882, - 0.001035132405277225 + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
shap=0.001", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
shap=-0.006", + "None=Palsson, Master. Gosta Leonard
Age=2.0
shap=0.007", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=27.0
shap=0.005", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
shap=-0.004", + "None=Saundercock, Mr. William Henry
Age=20.0
shap=0.002", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Age=14.0
shap=0.000", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=38.0
shap=-0.001", + "None=Glynn, Miss. Mary Agatha
Age=nan
shap=0.001", + "None=Meyer, Mr. Edgar Joseph
Age=28.0
shap=-0.001", + "None=Kraeff, Mr. Theodor
Age=nan
shap=-0.000", + "None=Devaney, Miss. Margaret Delia
Age=19.0
shap=-0.001", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=18.0
shap=0.000", + "None=Rugg, Miss. Emily
Age=21.0
shap=-0.001", + "None=Harris, Mr. Henry Birkhardt
Age=45.0
shap=-0.004", + "None=Skoog, Master. Harald
Age=4.0
shap=0.006", + "None=Kink, Mr. Vincenz
Age=26.0
shap=0.002", + "None=Hood, Mr. Ambrose Jr
Age=21.0
shap=0.002", + "None=Ilett, Miss. Bertha
Age=17.0
shap=0.000", + "None=Ford, Mr. William Neal
Age=16.0
shap=-0.002", + "None=Christmann, Mr. Emil
Age=29.0
shap=0.002", + "None=Andreasson, Mr. Paul Edvin
Age=20.0
shap=0.002", + "None=Chaffee, Mr. Herbert Fuller
Age=46.0
shap=-0.005", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Age=nan
shap=0.001", + "None=White, Mr. Richard Frasar
Age=21.0
shap=0.004", + "None=Rekic, Mr. Tido
Age=38.0
shap=0.001", + "None=Moran, Miss. Bertha
Age=nan
shap=0.001", + "None=Barton, Mr. David John
Age=22.0
shap=0.001", + "None=Jussila, Miss. Katriina
Age=20.0
shap=-0.003", + "None=Pekoniemi, Mr. Edvard
Age=21.0
shap=0.002", + "None=Turpin, Mr. William John Robert
Age=29.0
shap=0.000", + "None=Moore, Mr. Leonard Charles
Age=nan
shap=0.001", + "None=Osen, Mr. Olaf Elon
Age=16.0
shap=-0.001", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Age=9.0
shap=-0.004", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=36.5
shap=-0.002", + "None=Bateman, Rev. Robert James
Age=51.0
shap=-0.001", + "None=Meo, Mr. Alfonzo
Age=55.5
shap=-0.001", + "None=Cribb, Mr. John Hatfield
Age=44.0
shap=-0.001", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Age=nan
shap=-0.014", + "None=Van der hoef, Mr. Wyckoff
Age=61.0
shap=-0.001", + "None=Sivola, Mr. Antti Wilhelm
Age=21.0
shap=0.002", + "None=Klasen, Mr. Klas Albin
Age=18.0
shap=-0.001", + "None=Rood, Mr. Hugh Roscoe
Age=nan
shap=0.005", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=19.0
shap=-0.001", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Age=44.0
shap=0.003", + "None=Vande Walle, Mr. Nestor Cyriel
Age=28.0
shap=0.002", + "None=Backstrom, Mr. Karl Alfred
Age=32.0
shap=0.001", + "None=Blank, Mr. Henry
Age=40.0
shap=-0.004", + "None=Ali, Mr. Ahmed
Age=24.0
shap=0.002", + "None=Green, Mr. George Henry
Age=51.0
shap=-0.000", + "None=Nenkoff, Mr. Christo
Age=nan
shap=0.001", + "None=Asplund, Miss. Lillian Gertrud
Age=5.0
shap=-0.009", + "None=Harknett, Miss. Alice Phoebe
Age=nan
shap=-0.002", + "None=Hunt, Mr. George Henry
Age=33.0
shap=0.000", + "None=Reed, Mr. James George
Age=nan
shap=0.001", + "None=Stead, Mr. William Thomas
Age=62.0
shap=-0.001", + "None=Thorne, Mrs. Gertrude Maybelle
Age=nan
shap=-0.004", + "None=Parrish, Mrs. (Lutie Davis)
Age=50.0
shap=0.006", + "None=Smith, Mr. Thomas
Age=nan
shap=-0.001", + "None=Asplund, Master. Edvin Rojj Felix
Age=3.0
shap=0.008", + "None=Healy, Miss. Hanora \"Nora\"
Age=nan
shap=0.001", + "None=Andrews, Miss. Kornelia Theodosia
Age=63.0
shap=0.011", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Age=35.0
shap=0.001", + "None=Smith, Mr. Richard William
Age=nan
shap=0.004", + "None=Connolly, Miss. Kate
Age=22.0
shap=-0.002", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Age=19.0
shap=-0.005", + "None=Levy, Mr. Rene Jacques
Age=36.0
shap=0.001", + "None=Lewy, Mr. Ervin G
Age=nan
shap=0.001", + "None=Williams, Mr. Howard Hugh \"Harry\"
Age=nan
shap=0.001", + "None=Sage, Mr. George John Jr
Age=nan
shap=0.010", + "None=Nysveen, Mr. Johan Hansen
Age=61.0
shap=0.000", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=nan
shap=-0.008", + "None=Denkoff, Mr. Mitto
Age=nan
shap=0.001", + "None=Burns, Miss. Elizabeth Margaret
Age=41.0
shap=0.004", + "None=Dimic, Mr. Jovan
Age=42.0
shap=0.001", + "None=del Carlo, Mr. Sebastiano
Age=29.0
shap=0.000", + "None=Beavan, Mr. William Thomas
Age=19.0
shap=0.002", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=nan
shap=-0.005", + "None=Widener, Mr. Harry Elkins
Age=27.0
shap=0.001", + "None=Gustafsson, Mr. Karl Gideon
Age=19.0
shap=0.002", + "None=Plotcharsky, Mr. Vasil
Age=nan
shap=0.001", + "None=Goodwin, Master. Sidney Leonard
Age=1.0
shap=0.007", + "None=Sadlier, Mr. Matthew
Age=nan
shap=-0.001", + "None=Gustafsson, Mr. Johan Birger
Age=28.0
shap=0.002", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=24.0
shap=0.001", + "None=Niskanen, Mr. Juha
Age=39.0
shap=0.001", + "None=Minahan, Miss. Daisy E
Age=33.0
shap=-0.008", + "None=Matthews, Mr. William John
Age=30.0
shap=0.000", + "None=Charters, Mr. David
Age=21.0
shap=0.002", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=19.0
shap=0.000", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=45.0
shap=-0.002", + "None=Johannesen-Bratthammer, Mr. Bernt
Age=nan
shap=0.001", + "None=Peuchen, Major. Arthur Godfrey
Age=52.0
shap=-0.006", + "None=Anderson, Mr. Harry
Age=48.0
shap=-0.003", + "None=Milling, Mr. Jacob Christian
Age=48.0
shap=0.000", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=33.0
shap=0.003", + "None=Karlsson, Mr. Nils August
Age=22.0
shap=0.001", + "None=Frost, Mr. Anthony Wood \"Archie\"
Age=nan
shap=0.000", + "None=Bishop, Mr. Dickinson H
Age=25.0
shap=0.004", + "None=Windelov, Mr. Einar
Age=21.0
shap=0.002", + "None=Shellard, Mr. Frederick William
Age=nan
shap=0.002", + "None=Svensson, Mr. Olof
Age=24.0
shap=0.002", + "None=O'Sullivan, Miss. Bridget Mary
Age=nan
shap=0.001", + "None=Laitinen, Miss. Kristina Sofia
Age=37.0
shap=0.000", + "None=Penasco y Castellana, Mr. Victor de Satode
Age=18.0
shap=0.006", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Age=nan
shap=0.002", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=36.0
shap=-0.001", + "None=Kassem, Mr. Fared
Age=nan
shap=-0.000", + "None=Cacic, Miss. Marija
Age=30.0
shap=-0.002", + "None=Hart, Miss. Eva Miriam
Age=7.0
shap=-0.007", + "None=Butt, Major. Archibald Willingham
Age=45.0
shap=-0.003", + "None=Beane, Mr. Edward
Age=32.0
shap=0.001", + "None=Goldsmith, Mr. Frank John
Age=33.0
shap=-0.001", + "None=Ohman, Miss. Velin
Age=22.0
shap=-0.001", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=39.0
shap=0.006", + "None=Morrow, Mr. Thomas Rowan
Age=nan
shap=-0.001", + "None=Harris, Mr. George
Age=62.0
shap=0.003", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=53.0
shap=0.009", + "None=Patchett, Mr. George
Age=19.0
shap=0.001", + "None=Ross, Mr. John Hugo
Age=36.0
shap=0.003", + "None=Murdlin, Mr. Joseph
Age=nan
shap=0.001", + "None=Bourke, Miss. Mary
Age=nan
shap=-0.006", + "None=Boulos, Mr. Hanna
Age=nan
shap=-0.000", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=49.0
shap=-0.003", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Age=35.0
shap=-0.001", + "None=Lindell, Mr. Edvard Bengtsson
Age=36.0
shap=0.000", + "None=Daniel, Mr. Robert Williams
Age=27.0
shap=0.001", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=22.0
shap=0.001", + "None=Shutes, Miss. Elizabeth W
Age=40.0
shap=0.004", + "None=Jardin, Mr. Jose Neto
Age=nan
shap=0.001", + "None=Horgan, Mr. John
Age=nan
shap=-0.001", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=26.0
shap=0.000", + "None=Yasbeck, Mr. Antoni
Age=27.0
shap=0.001", + "None=Bostandyeff, Mr. Guentcho
Age=26.0
shap=0.002", + "None=Lundahl, Mr. Johan Svensson
Age=51.0
shap=-0.001", + "None=Stahelin-Maeglin, Dr. Max
Age=32.0
shap=0.005", + "None=Willey, Mr. Edward
Age=nan
shap=0.001", + "None=Stanley, Miss. Amy Zillah Elsie
Age=23.0
shap=-0.001", + "None=Hegarty, Miss. Hanora \"Nora\"
Age=18.0
shap=-0.001", + "None=Eitemiller, Mr. George Floyd
Age=23.0
shap=0.000", + "None=Colley, Mr. Edward Pomeroy
Age=47.0
shap=-0.003", + "None=Coleff, Mr. Peju
Age=36.0
shap=0.000", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Age=40.0
shap=0.002", + "None=Davidson, Mr. Thornton
Age=31.0
shap=0.007", + "None=Turja, Miss. Anna Sofia
Age=18.0
shap=-0.001", + "None=Hassab, Mr. Hammad
Age=27.0
shap=0.001", + "None=Goodwin, Mr. Charles Edward
Age=14.0
shap=0.001", + "None=Panula, Mr. Jaako Arnold
Age=14.0
shap=0.001", + "None=Fischer, Mr. Eberhard Thelander
Age=18.0
shap=0.002", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
Age=42.0
shap=-0.001", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Age=18.0
shap=-0.009", + "None=Hansen, Mr. Henrik Juul
Age=26.0
shap=0.002", + "None=Calderhead, Mr. Edward Pennington
Age=42.0
shap=-0.002", + "None=Klaber, Mr. Herman
Age=nan
shap=0.006", + "None=Taylor, Mr. Elmer Zebley
Age=48.0
shap=-0.005", + "None=Larsson, Mr. August Viktor
Age=29.0
shap=0.002", + "None=Greenberg, Mr. Samuel
Age=52.0
shap=-0.003", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
Age=27.0
shap=-0.002", + "None=McEvoy, Mr. Michael
Age=nan
shap=-0.001", + "None=Johnson, Mr. Malkolm Joackim
Age=33.0
shap=0.001", + "None=Gillespie, Mr. William Henry
Age=34.0
shap=0.000", + "None=Allen, Miss. Elisabeth Walton
Age=29.0
shap=-0.008", + "None=Berriman, Mr. William John
Age=23.0
shap=0.000", + "None=Troupiansky, Mr. Moses Aaron
Age=23.0
shap=0.000", + "None=Williams, Mr. Leslie
Age=28.5
shap=0.001", + "None=Ivanoff, Mr. Kanio
Age=nan
shap=0.001", + "None=McNamee, Mr. Neal
Age=24.0
shap=0.001", + "None=Connaghton, Mr. Michael
Age=31.0
shap=0.006", + "None=Carlsson, Mr. August Sigfrid
Age=28.0
shap=0.002", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Age=33.0
shap=-0.010", + "None=Eklund, Mr. Hans Linus
Age=16.0
shap=-0.001", + "None=Hogeboom, Mrs. John C (Anna Andrews)
Age=51.0
shap=0.010", + "None=Moran, Mr. Daniel J
Age=nan
shap=-0.001", + "None=Lievens, Mr. Rene Aime
Age=24.0
shap=0.002", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Age=43.0
shap=0.007", + "None=Ayoub, Miss. Banoura
Age=13.0
shap=-0.002", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
Age=17.0
shap=-0.011", + "None=Johnston, Mr. Andrew G
Age=nan
shap=0.006", + "None=Ali, Mr. William
Age=25.0
shap=0.001", + "None=Sjoblom, Miss. Anna Sofia
Age=18.0
shap=-0.001", + "None=Guggenheim, Mr. Benjamin
Age=46.0
shap=-0.001", + "None=Leader, Dr. Alice (Farnham)
Age=49.0
shap=0.006", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Age=31.0
shap=0.004", + "None=Carter, Master. William Thornton II
Age=11.0
shap=0.006", + "None=Thomas, Master. Assad Alexander
Age=0.42
shap=0.002", + "None=Johansson, Mr. Karl Johan
Age=31.0
shap=0.002", + "None=Slemen, Mr. Richard James
Age=35.0
shap=0.000", + "None=Tomlin, Mr. Ernest Portage
Age=30.5
shap=0.002", + "None=McCormack, Mr. Thomas Joseph
Age=nan
shap=-0.001", + "None=Richards, Master. George Sibley
Age=0.83
shap=0.005", + "None=Mudd, Mr. Thomas Charles
Age=16.0
shap=-0.001", + "None=Lemberopolous, Mr. Peter L
Age=34.5
shap=0.000", + "None=Sage, Mr. Douglas Bullen
Age=nan
shap=0.010", + "None=Boulos, Miss. Nourelain
Age=9.0
shap=-0.003", + "None=Aks, Mrs. Sam (Leah Rosen)
Age=18.0
shap=0.002", + "None=Razi, Mr. Raihed
Age=nan
shap=-0.000", + "None=Johnson, Master. Harold Theodor
Age=4.0
shap=0.003", + "None=Carlsson, Mr. Frans Olof
Age=33.0
shap=0.004", + "None=Gustafsson, Mr. Alfred Ossian
Age=20.0
shap=0.002", + "None=Montvila, Rev. Juozas
Age=27.0
shap=0.000" + ], + "type": "scattergl", + "x": [ + 0.0005140798881276957, + -0.006066748121560583, + 0.007205104044750785, + 0.0054278848514801945, + -0.0037312202708978375, + 0.0022550460798582824, + 0.0002702445257715567, + -0.0010349123664718882, + 0.001080416207556229, + -0.0006291025182718175, + -9.429069495105972e-05, + -0.0010827738695611984, + 0.000400217347007037, + -0.0012860718114862477, + -0.0036053447852674057, + 0.006032195780496359, + 0.0017694798596092909, + 0.0017586408553134135, + 0.00044791305641043, + -0.0015967788498670614, + 0.0017960802255424875, + 0.0022359056174375137, + -0.004643124877740042, + 0.0007323131741420822, + 0.0043421760701316545, + 0.0009984913442015137, + 0.0005631662919619198, + 0.0012465405349432947, + -0.0025688783058079334, + 0.0022466516964638993, + 0.00048483319334836157, + 0.0007400067501159645, + -0.0007019282281819318, + -0.004444534437444436, + -0.002343144754659046, + -0.0011539651108892401, + -0.0014219302417370124, + -0.0011863374328518498, + -0.013601047576033452, + -0.0012831589528208471, + 0.0022466516964638993, + -0.0007137337820358158, + 0.004663828504833548, + -0.0013417299610701998, + 0.0029950495570796633, + 0.0017208076955183224, + 0.0012370627689428741, + -0.0038301916095734006, + 0.0015537614657225867, + -0.0002951960559934429, + 0.0007323131741420822, + -0.008648654133895572, + -0.0023659102038553325, + 0.0004480019962890753, + 0.0007337477162815718, + -0.0009344782483299062, + -0.004298403572456623, + 0.006063728509729043, + -0.0014600062997728572, + 0.00774681195112293, + 0.001080416207556229, + 0.010748844894400037, + 0.0008945562006018866, + 0.004490602431123269, + -0.0016197606206411674, + -0.005478367649692708, + 0.0009594048629534063, + 0.0013211686487750464, + 0.0007400067501159645, + 0.010038155392965206, + 0.00044991407395517124, + -0.00785409836511291, + 0.0007323131741420822, + 0.004050154625216242, + 0.0014939828920909348, + 0.0002507023688340189, + 0.0016026815936016905, + -0.004904757686233593, + 0.000605748632511918, + 0.0015849756733204113, + 0.0007323131741420822, + 0.007185122712259132, + -0.0014600062997728572, + 0.0017947315368771653, + 0.0009779372998838603, + 0.0006757330488139, + -0.007771001040720169, + 0.0004404614544675998, + 0.0023768615897010303, + 0.0004360181702642831, + -0.0016532720555915686, + 0.0007400067501159645, + -0.006152970693731684, + -0.003299158889333364, + 0.00039919464395877363, + 0.002526335232131531, + 0.0012288346146620153, + 0.00026207161886916566, + 0.003500682066191062, + 0.002237340159577003, + 0.001842342407558734, + 0.0015721148001071946, + 0.001080416207556229, + 0.0004183838431861946, + 0.005667983100411981, + 0.0023444034779350753, + -0.0006379474566065258, + -9.285615281157036e-05, + -0.0017240367274412303, + -0.006799077721881186, + -0.0033129523433751864, + 0.0005855001288036536, + -0.0009308865438791874, + -0.0009529038547254434, + 0.0062135539438125265, + -0.0014600062997728572, + 0.0034781970481485847, + 0.008921392314373172, + 0.001146094472563267, + 0.0026566928821659466, + 0.0007400067501159645, + -0.005851575950099846, + -9.285615281157036e-05, + -0.002854683737761378, + -0.0009596993614958844, + 0.00030833178959899953, + 0.0008410079285656766, + 0.0010595222958583658, + 0.004080214746714156, + 0.0007222084570595392, + -0.0014600062997728572, + 0.00012812815108255177, + 0.0013901279194651578, + 0.0016680211724352965, + -0.0006936579912935519, + 0.004704249925232038, + 0.0007337477162815718, + -0.0006035321502523552, + -0.0010952222366486602, + 0.00028438341287053987, + -0.0034743582600666578, + 0.0002809243254246255, + 0.0015174774262514323, + 0.00665368522931477, + -0.0014941795067563047, + 0.001288446539786382, + 0.0008112728995393714, + 0.001046631067038257, + 0.0015394618386685606, + -0.0013250627128684458, + -0.008795043911928244, + 0.0016266651626569693, + -0.0017685537508427079, + 0.005767578020152739, + -0.0052555825241519406, + 0.0017960802255424875, + -0.002550065012273668, + -0.002446788446901959, + -0.0010231130618266263, + 0.0007680333466334167, + 0.0004480019962890753, + -0.008290256070532635, + 0.00028438341287053987, + 0.00028438341287053987, + 0.0011195437654342674, + 0.0007323131741420822, + 0.0007963167887355448, + 0.005914598471707175, + 0.0017016672330975539, + -0.00979306574801575, + -0.0007196341484632114, + 0.00986208702210973, + -0.001062026654032301, + 0.0015912552625279633, + 0.006869828119509237, + -0.002495676225742139, + -0.01067406418508287, + 0.006488858074180386, + 0.001325778574268583, + -0.0014720085103062594, + -0.0013450207160921961, + 0.005707547353157512, + 0.0038933726422699824, + 0.006134950480590182, + 0.0018418461230028283, + 0.001609929001380825, + 0.00024491660346931583, + 0.0016206973630439694, + -0.0014600062997728572, + 0.004762120213454358, + -0.0010740288856909462, + 0.00047842759705729577, + 0.010038155392965206, + -0.003329034873635511, + 0.001974797139220698, + -9.285615281157036e-05, + 0.0027990344349438996, + 0.003864678254124428, + 0.002255046079858282, + 0.0004752709261810475 ], "xaxis": "x8", "y": [ - 0.8387300649907806, - 0.348655279855531, - 0.907598786799858, - 0.15948806217629752, - 0.6650758466640943, - 0.9265462886644138, - 0.1254956749119478, - 0.5562973462847833, - 0.8331253818036607, - 0.8596585334910332, - 0.019667442979424132, - 0.38423683636572714, - 0.6302923348512001, - 0.8848389684305644, - 0.2084621221694558, - 0.1155947046662602, - 0.8865592314802462, - 0.9533644964121613, - 0.7982003164183414, - 0.37016251745904727, - 0.9735990332989891, - 0.2802794217711331, - 0.23031803059587064, - 0.48112629427441445, - 0.8104160492858303, - 0.20383528654072025, - 0.264920717050646, - 0.0704654072308587, - 0.12527234973776546, - 0.8870410421407535, - 0.36475857892178787, - 0.43999003098153977, - 0.5105282972819838, - 0.03703505829490661, - 0.2540088335546833, - 0.027135942714557992, - 0.9949771878642649, - 0.9189272370145667, - 0.6756603674497895, - 0.034191678067628795, - 0.2841627770329732, - 0.8858729261280198, - 0.31676031152343687, - 0.980957067722881, - 0.5762062110028735, - 0.24213765954922095, - 0.05831371260361773, - 0.21463093106356834, - 0.4549724423485306, - 0.7365203166822842, - 0.49133891438626576, - 0.07789280605640903, - 0.956957747140138, - 0.2738767159193727, - 0.6659179404178351, - 0.9124532920166275, - 0.9120938482657854, - 0.6609038097662239, - 0.8091453907906474, - 0.8083500240976786, - 0.39110649562844735, - 0.5278127747463829, - 0.5045948520393911, - 0.33160293295864995, - 0.5914026813537018, - 0.2054096359144978, - 0.4608050695957848, - 0.5604708822733646, - 0.921508560602597, - 0.024714707801036573, - 0.45224139442535605, - 0.9449446282953249, - 0.01691262847588504, - 0.6359046784719982, - 0.3775076470361901, - 0.23147017567278194, - 0.6666101441485552, - 0.21736773356061478, - 0.1757358552276107, - 0.18427273454371396, - 0.9538689683948638, - 0.3194171016787596, - 0.7131392865768044, - 0.8957319560535283, - 0.6845617656117766, - 0.10868190203860018, - 0.4522848594799853, - 0.5671299248366769, - 0.16499732425411817, - 0.4382253006881548, - 0.346991895068135, - 0.7169408002965976, - 0.10110584792921873, - 0.6659949641940869, - 0.7096165595141689, - 0.28413041683229245, - 0.8002551403963993, - 0.19176799252037446, - 0.5097914844139139, - 0.10621089818574958, - 0.05515681154559127, - 0.8777796752138532, - 0.9274908545699637, - 0.925678841086405, - 0.10233452118435604, - 0.9785207966551482, - 0.8693045870545042, - 0.8931733936846749, - 0.1519181759459144, - 0.8183489754444055, - 0.6467909402947043, - 0.8220621372022182, - 0.7447394126385352, - 0.2815482388793742, - 0.5307579815356889, - 0.19459476939861453, - 0.5378837876304581, - 0.2409395344357691, - 0.636652051654965, - 0.9731415606023172, - 0.0499496460344, - 0.6331383192136069, - 0.9905947245666048, - 0.2806281587053093, - 0.6952073763444999, - 0.560036178872353, - 0.038996592733958946, - 0.8572846680964704, - 0.3409503874540276, - 0.14928328008707947, - 0.19276567184117077, - 0.6299917797382886, - 0.4521872878373471, - 0.9327596247657329, - 0.6806338393239421, - 0.8961992443813157, - 0.5145113256604448, - 0.00035985276318861725, - 0.5655535559597732, - 0.37262004961331874, - 0.3007599522341545, - 0.22721715628471473, - 0.08099474722113686, - 0.27982853254582907, - 0.09203382476433386, - 0.8482069800115912, - 0.3738405424904001, - 0.3832029859074134, - 0.2879078863150327, - 0.6961460196515005, - 0.5327924246268968, - 0.7109475590120798, - 0.5395521218148909, - 0.7251910790029781, - 0.5140643761592849, - 0.07390970628849092, - 0.7073773008334223, - 0.9751810825658624, - 0.33299195429629, - 0.2272407788131232, - 0.07061104184866351, - 0.5992137171549192, - 0.8648913039519935, - 0.3313387717943924, - 0.37506026060611974, - 0.42324277048724745, - 0.8643594937045787, - 0.006234743385023167, - 0.19398569414347588, - 0.43888942569043576, - 0.2945702425759783, - 0.4471751105759749, - 0.38204954003427793, - 0.29945806735002456, - 0.3829117151581348, - 0.8097304117111249, - 0.48285353940526, - 0.4269887436445764, - 0.5494405064422893, - 0.6254084479882162, - 0.7261630650240228, - 0.9459536160791719, - 0.45694643688730807, - 0.11096495430556419, - 0.9455054695517793, - 0.27268060821943985, - 0.7440589473841919, - 0.38194017645932143, - 0.41182239067053683, - 0.4087298027807108, - 0.7942378656929328, - 0.19303787168985198, - 0.19495206695067469, - 0.06549494352295171, - 0.2532421810639238, - 0.021460680666358534, - 0.038757528606910174, - 0.35148935137432236, - 0.1472069540354365, - 0.6490449363276974 + 0.5776330524817453, + 0.19665002167503143, + 0.6326618016300287, + 0.5285915933729161, + 0.1203967755163875, + 0.148929301279637, + 0.6315939763282541, + 0.22430329943653915, + 0.880176742306099, + 0.950270904014882, + 0.8120807774346042, + 0.9604661749736318, + 0.05299056879765851, + 0.6615135991612535, + 0.5373846751111838, + 0.2837112811593083, + 0.968106793967642, + 0.37041462240987844, + 0.5540544171386572, + 0.7100661047048739, + 0.2028622196480253, + 0.3033046367987342, + 0.23879355209953523, + 0.2077232210517358, + 0.10185386494534132, + 0.7815327513088601, + 0.9504038052420183, + 0.4682926657267009, + 0.7543826158186201, + 0.27024601401410386, + 0.0794627990066129, + 0.6930825149729686, + 0.9678132674885089, + 0.296126429147739, + 0.7051440066023742, + 0.48583629443281795, + 0.9232561488939479, + 0.24574540649062138, + 0.5365871597060234, + 0.32937152534146863, + 0.18546162541671962, + 0.2335704125395145, + 0.6308324105447785, + 0.7708022361372711, + 0.3687772429031507, + 0.11473175422332449, + 0.3038600607644987, + 0.1305258749758803, + 0.61337497776974, + 0.06764694735256838, + 0.6331218508298343, + 0.34178199562099965, + 0.731682890320578, + 0.25676332062238616, + 0.6895216260244039, + 0.3292183349561365, + 0.556746280313351, + 0.35120058537127163, + 0.8411861322704072, + 0.96592143355155, + 0.9644949432562003, + 0.7902687405426657, + 0.9304262953919357, + 0.10661437855265721, + 0.2576254091779694, + 0.2864226276245678, + 0.6604520583456133, + 0.6006464024846192, + 0.019762561511828758, + 0.6081002713885745, + 0.13620626102938171, + 0.6774340889989714, + 0.350762574766442, + 0.32412510077137113, + 0.9726757240966271, + 0.4322758711797019, + 0.5557894796988874, + 0.48584482043883614, + 0.07266284350943542, + 0.17916791190663972, + 0.9957076372803253, + 0.3141549488074251, + 0.9617268656738871, + 0.14993954961655498, + 0.6416537676198814, + 0.17194512403079643, + 0.4693948335106751, + 0.7537437708005402, + 0.5537702878319457, + 0.4529429879331619, + 0.4782248185891289, + 0.23958058278000915, + 0.652714373528772, + 0.6578630351103887, + 0.11574682648894075, + 0.7049693318862597, + 0.6144857087105209, + 0.48557494616003327, + 0.14596257605939467, + 0.8177768395190108, + 0.5030387429738467, + 0.917868970647521, + 0.4228336510367844, + 0.407544015173919, + 0.5237967493294655, + 0.1682272232714902, + 0.3831043036496319, + 0.44648582999081143, + 0.1756259177551558, + 0.6731122074593461, + 0.19823718608275842, + 0.2854880555581397, + 0.7176961229196795, + 0.5739345585190284, + 0.7022524160591284, + 0.3540680506002354, + 0.49626600461765025, + 0.7768959207121983, + 0.9173510096903846, + 0.7849020508477118, + 0.23667063584668113, + 0.03367905010411587, + 0.7311753099237036, + 0.6045971882289195, + 0.9454405389978245, + 0.6570803583516684, + 0.06210783057412694, + 0.29249991807313946, + 0.6801566240137571, + 0.3333732870445125, + 0.47744596118934957, + 0.5422329263741699, + 0.8381561521914378, + 0.7006613509164235, + 0.5988151787515485, + 0.4455284256886042, + 0.3886303229984297, + 0.9132697367672354, + 0.17186809508891643, + 0.12252277318964899, + 0.79811663739178, + 0.3610606141514954, + 0.9143901726426984, + 0.25019982576708144, + 0.24900738639804754, + 0.42593047046917376, + 0.757191543200513, + 0.21176792863170435, + 0.552238427008197, + 0.2360835758553299, + 0.4505257753575389, + 0.07993008749293318, + 0.23695555243024868, + 0.8544096751150336, + 0.2582404410103144, + 0.37010138292300854, + 0.02677588976294698, + 0.8868630685607213, + 0.5689755766940559, + 0.46847805353763783, + 0.9968157894054631, + 0.10350031280982486, + 0.428166526783162, + 0.3836199532723261, + 0.20456786891676315, + 0.6703714921619228, + 0.7826316498339373, + 0.07757208888818834, + 0.8705271063717969, + 0.8593151730052654, + 0.526012115596343, + 0.40606304098563517, + 0.27522286909795357, + 0.7196350239430915, + 0.6604799260263703, + 0.15069621529541977, + 0.9612727928303866, + 0.009449634184608646, + 0.17482791781997298, + 0.7986324534745306, + 0.3811414977119908, + 0.05431105684979942, + 0.2619586204382005, + 0.9310591297845331, + 0.1715104910655959, + 0.2910251838232585, + 0.3404836943013295, + 0.16569384105121954, + 0.20241604401533397, + 0.9333730122188391, + 0.21269548159360951, + 0.003934194976911942, + 0.9347463579657095, + 0.4800941166183985, + 0.8616154836110755, + 0.028061137731648422, + 0.2314701093445638, + 0.0559200699609278, + 0.6905280187359222, + 0.7388949961347131 ], "yaxis": "y8" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 0, - 0, - 1, - 2, - 0, - 0, - 0, - 5, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 3, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 2, - 0, - 0, - 1, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 2, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 2, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 2, - 1, - 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, - 1, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 1, - 2, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 2, - 1, - 1, - 0, - 1, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } + } + ], + "layout": { + "annotations": [ + { + "font": { + "size": 16 }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 + "showarrow": false, + "text": "Sex", + "x": 0.5, + "xanchor": "center", + "xref": "paper", + "y": 1, + "yanchor": "bottom", + "yref": "paper" }, - "mode": "markers", - "name": "No_of_parents_plus_children_on_board", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
No_of_parents_plus_children_on_board=0
shap=0.008", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
No_of_parents_plus_children_on_board=0
shap=0.006", - "index=Palsson, Master. Gosta Leonard
No_of_parents_plus_children_on_board=1
shap=0.022", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
No_of_parents_plus_children_on_board=2
shap=0.027", - "index=Nasser, Mrs. Nicholas (Adele Achem)
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Saundercock, Mr. William Henry
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Vestrom, Miss. Hulda Amanda Adolfina
No_of_parents_plus_children_on_board=0
shap=-0.0", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
No_of_parents_plus_children_on_board=5
shap=-0.046", - "index=Glynn, Miss. Mary Agatha
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Meyer, Mr. Edgar Joseph
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Kraeff, Mr. Theodor
No_of_parents_plus_children_on_board=0
shap=-0.01", - "index=Devaney, Miss. Margaret Delia
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Rugg, Miss. Emily
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Harris, Mr. Henry Birkhardt
No_of_parents_plus_children_on_board=0
shap=0.002", - "index=Skoog, Master. Harald
No_of_parents_plus_children_on_board=2
shap=0.037", - "index=Kink, Mr. Vincenz
No_of_parents_plus_children_on_board=0
shap=-0.008", - "index=Hood, Mr. Ambrose Jr
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Ilett, Miss. Bertha
No_of_parents_plus_children_on_board=0
shap=-0.004", - "index=Ford, Mr. William Neal
No_of_parents_plus_children_on_board=3
shap=0.042", - "index=Christmann, Mr. Emil
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Andreasson, Mr. Paul Edvin
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Chaffee, Mr. Herbert Fuller
No_of_parents_plus_children_on_board=0
shap=0.002", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
No_of_parents_plus_children_on_board=0
shap=-0.012", - "index=White, Mr. Richard Frasar
No_of_parents_plus_children_on_board=1
shap=-0.0", - "index=Rekic, Mr. Tido
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Moran, Miss. Bertha
No_of_parents_plus_children_on_board=0
shap=0.004", - "index=Barton, Mr. David John
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Jussila, Miss. Katriina
No_of_parents_plus_children_on_board=0
shap=0.0", - "index=Pekoniemi, Mr. Edvard
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Turpin, Mr. William John Robert
No_of_parents_plus_children_on_board=0
shap=-0.005", - "index=Moore, Mr. Leonard Charles
No_of_parents_plus_children_on_board=0
shap=-0.012", - "index=Osen, Mr. Olaf Elon
No_of_parents_plus_children_on_board=0
shap=-0.01", - "index=Ford, Miss. Robina Maggie \"Ruby\"
No_of_parents_plus_children_on_board=2
shap=0.015", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
No_of_parents_plus_children_on_board=2
shap=0.038", - "index=Bateman, Rev. Robert James
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Meo, Mr. Alfonzo
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Cribb, Mr. John Hatfield
No_of_parents_plus_children_on_board=1
shap=0.032", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
No_of_parents_plus_children_on_board=1
shap=0.016", - "index=Van der hoef, Mr. Wyckoff
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Sivola, Mr. Antti Wilhelm
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Klasen, Mr. Klas Albin
No_of_parents_plus_children_on_board=1
shap=0.027", - "index=Rood, Mr. Hugh Roscoe
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
No_of_parents_plus_children_on_board=0
shap=0.001", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
No_of_parents_plus_children_on_board=0
shap=0.002", - "index=Vande Walle, Mr. Nestor Cyriel
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Backstrom, Mr. Karl Alfred
No_of_parents_plus_children_on_board=0
shap=-0.009", - "index=Blank, Mr. Henry
No_of_parents_plus_children_on_board=0
shap=0.0", - "index=Ali, Mr. Ahmed
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Green, Mr. George Henry
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Nenkoff, Mr. Christo
No_of_parents_plus_children_on_board=0
shap=-0.012", - "index=Asplund, Miss. Lillian Gertrud
No_of_parents_plus_children_on_board=2
shap=0.012", - "index=Harknett, Miss. Alice Phoebe
No_of_parents_plus_children_on_board=0
shap=0.0", - "index=Hunt, Mr. George Henry
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Reed, Mr. James George
No_of_parents_plus_children_on_board=0
shap=-0.012", - "index=Stead, Mr. William Thomas
No_of_parents_plus_children_on_board=0
shap=-0.0", - "index=Thorne, Mrs. Gertrude Maybelle
No_of_parents_plus_children_on_board=0
shap=0.002", - "index=Parrish, Mrs. (Lutie Davis)
No_of_parents_plus_children_on_board=1
shap=0.016", - "index=Smith, Mr. Thomas
No_of_parents_plus_children_on_board=0
shap=-0.01", - "index=Asplund, Master. Edvin Rojj Felix
No_of_parents_plus_children_on_board=2
shap=0.036", - "index=Healy, Miss. Hanora \"Nora\"
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Andrews, Miss. Kornelia Theodosia
No_of_parents_plus_children_on_board=0
shap=0.005", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
No_of_parents_plus_children_on_board=1
shap=0.016", - "index=Smith, Mr. Richard William
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Connolly, Miss. Kate
No_of_parents_plus_children_on_board=0
shap=0.002", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
No_of_parents_plus_children_on_board=0
shap=0.001", - "index=Levy, Mr. Rene Jacques
No_of_parents_plus_children_on_board=0
shap=-0.005", - "index=Lewy, Mr. Ervin G
No_of_parents_plus_children_on_board=0
shap=-0.01", - "index=Williams, Mr. Howard Hugh \"Harry\"
No_of_parents_plus_children_on_board=0
shap=-0.012", - "index=Sage, Mr. George John Jr
No_of_parents_plus_children_on_board=2
shap=0.017", - "index=Nysveen, Mr. Johan Hansen
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Denkoff, Mr. Mitto
No_of_parents_plus_children_on_board=0
shap=-0.012", - "index=Burns, Miss. Elizabeth Margaret
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Dimic, Mr. Jovan
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=del Carlo, Mr. Sebastiano
No_of_parents_plus_children_on_board=0
shap=-0.004", - "index=Beavan, Mr. William Thomas
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Widener, Mr. Harry Elkins
No_of_parents_plus_children_on_board=2
shap=0.022", - "index=Gustafsson, Mr. Karl Gideon
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Plotcharsky, Mr. Vasil
No_of_parents_plus_children_on_board=0
shap=-0.012", - "index=Goodwin, Master. Sidney Leonard
No_of_parents_plus_children_on_board=2
shap=0.034", - "index=Sadlier, Mr. Matthew
No_of_parents_plus_children_on_board=0
shap=-0.01", - "index=Gustafsson, Mr. Johan Birger
No_of_parents_plus_children_on_board=0
shap=-0.008", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
No_of_parents_plus_children_on_board=2
shap=0.023", - "index=Niskanen, Mr. Juha
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Minahan, Miss. Daisy E
No_of_parents_plus_children_on_board=0
shap=0.006", - "index=Matthews, Mr. William John
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Charters, Mr. David
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
No_of_parents_plus_children_on_board=1
shap=0.012", - "index=Johannesen-Bratthammer, Mr. Bernt
No_of_parents_plus_children_on_board=0
shap=-0.012", - "index=Peuchen, Major. Arthur Godfrey
No_of_parents_plus_children_on_board=0
shap=0.001", - "index=Anderson, Mr. Harry
No_of_parents_plus_children_on_board=0
shap=0.001", - "index=Milling, Mr. Jacob Christian
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
No_of_parents_plus_children_on_board=2
shap=0.011", - "index=Karlsson, Mr. Nils August
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Frost, Mr. Anthony Wood \"Archie\"
No_of_parents_plus_children_on_board=0
shap=-0.013", - "index=Bishop, Mr. Dickinson H
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Windelov, Mr. Einar
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Shellard, Mr. Frederick William
No_of_parents_plus_children_on_board=0
shap=-0.012", - "index=Svensson, Mr. Olof
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=O'Sullivan, Miss. Bridget Mary
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Laitinen, Miss. Kristina Sofia
No_of_parents_plus_children_on_board=0
shap=0.002", - "index=Penasco y Castellana, Mr. Victor de Satode
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
No_of_parents_plus_children_on_board=0
shap=-0.01", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
No_of_parents_plus_children_on_board=0
shap=0.001", - "index=Kassem, Mr. Fared
No_of_parents_plus_children_on_board=0
shap=-0.01", - "index=Cacic, Miss. Marija
No_of_parents_plus_children_on_board=0
shap=0.0", - "index=Hart, Miss. Eva Miriam
No_of_parents_plus_children_on_board=2
shap=0.027", - "index=Butt, Major. Archibald Willingham
No_of_parents_plus_children_on_board=0
shap=0.0", - "index=Beane, Mr. Edward
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Goldsmith, Mr. Frank John
No_of_parents_plus_children_on_board=1
shap=0.029", - "index=Ohman, Miss. Velin
No_of_parents_plus_children_on_board=0
shap=0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
No_of_parents_plus_children_on_board=1
shap=0.01", - "index=Morrow, Mr. Thomas Rowan
No_of_parents_plus_children_on_board=0
shap=-0.01", - "index=Harris, Mr. George
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
No_of_parents_plus_children_on_board=0
shap=0.006", - "index=Patchett, Mr. George
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Ross, Mr. John Hugo
No_of_parents_plus_children_on_board=0
shap=0.0", - "index=Murdlin, Mr. Joseph
No_of_parents_plus_children_on_board=0
shap=-0.012", - "index=Bourke, Miss. Mary
No_of_parents_plus_children_on_board=2
shap=0.018", - "index=Boulos, Mr. Hanna
No_of_parents_plus_children_on_board=0
shap=-0.01", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
No_of_parents_plus_children_on_board=0
shap=0.004", - "index=Homer, Mr. Harry (\"Mr E Haven\")
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Lindell, Mr. Edvard Bengtsson
No_of_parents_plus_children_on_board=0
shap=-0.009", - "index=Daniel, Mr. Robert Williams
No_of_parents_plus_children_on_board=0
shap=-0.004", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
No_of_parents_plus_children_on_board=2
shap=0.02", - "index=Shutes, Miss. Elizabeth W
No_of_parents_plus_children_on_board=0
shap=0.004", - "index=Jardin, Mr. Jose Neto
No_of_parents_plus_children_on_board=0
shap=-0.012", - "index=Horgan, Mr. John
No_of_parents_plus_children_on_board=0
shap=-0.01", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
No_of_parents_plus_children_on_board=0
shap=0.0", - "index=Yasbeck, Mr. Antoni
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Bostandyeff, Mr. Guentcho
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Lundahl, Mr. Johan Svensson
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Stahelin-Maeglin, Dr. Max
No_of_parents_plus_children_on_board=0
shap=-0.004", - "index=Willey, Mr. Edward
No_of_parents_plus_children_on_board=0
shap=-0.012", - "index=Stanley, Miss. Amy Zillah Elsie
No_of_parents_plus_children_on_board=0
shap=0.0", - "index=Hegarty, Miss. Hanora \"Nora\"
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Eitemiller, Mr. George Floyd
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Colley, Mr. Edward Pomeroy
No_of_parents_plus_children_on_board=0
shap=0.001", - "index=Coleff, Mr. Peju
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
No_of_parents_plus_children_on_board=1
shap=0.012", - "index=Davidson, Mr. Thornton
No_of_parents_plus_children_on_board=0
shap=0.005", - "index=Turja, Miss. Anna Sofia
No_of_parents_plus_children_on_board=0
shap=-0.0", - "index=Hassab, Mr. Hammad
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Goodwin, Mr. Charles Edward
No_of_parents_plus_children_on_board=2
shap=0.025", - "index=Panula, Mr. Jaako Arnold
No_of_parents_plus_children_on_board=1
shap=0.011", - "index=Fischer, Mr. Eberhard Thelander
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
No_of_parents_plus_children_on_board=0
shap=-0.009", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
No_of_parents_plus_children_on_board=0
shap=0.004", - "index=Hansen, Mr. Henrik Juul
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Calderhead, Mr. Edward Pennington
No_of_parents_plus_children_on_board=0
shap=0.001", - "index=Klaber, Mr. Herman
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Taylor, Mr. Elmer Zebley
No_of_parents_plus_children_on_board=0
shap=0.002", - "index=Larsson, Mr. August Viktor
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Greenberg, Mr. Samuel
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=McEvoy, Mr. Michael
No_of_parents_plus_children_on_board=0
shap=-0.013", - "index=Johnson, Mr. Malkolm Joackim
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Gillespie, Mr. William Henry
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Allen, Miss. Elisabeth Walton
No_of_parents_plus_children_on_board=0
shap=0.001", - "index=Berriman, Mr. William John
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Troupiansky, Mr. Moses Aaron
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Williams, Mr. Leslie
No_of_parents_plus_children_on_board=0
shap=-0.01", - "index=Ivanoff, Mr. Kanio
No_of_parents_plus_children_on_board=0
shap=-0.012", - "index=McNamee, Mr. Neal
No_of_parents_plus_children_on_board=0
shap=-0.01", - "index=Connaghton, Mr. Michael
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Carlsson, Mr. August Sigfrid
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
No_of_parents_plus_children_on_board=0
shap=0.001", - "index=Eklund, Mr. Hans Linus
No_of_parents_plus_children_on_board=0
shap=-0.01", - "index=Hogeboom, Mrs. John C (Anna Andrews)
No_of_parents_plus_children_on_board=0
shap=0.005", - "index=Moran, Mr. Daniel J
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Lievens, Mr. Rene Aime
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
No_of_parents_plus_children_on_board=1
shap=0.01", - "index=Ayoub, Miss. Banoura
No_of_parents_plus_children_on_board=0
shap=0.001", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
No_of_parents_plus_children_on_board=0
shap=0.002", - "index=Johnston, Mr. Andrew G
No_of_parents_plus_children_on_board=2
shap=0.065", - "index=Ali, Mr. William
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Sjoblom, Miss. Anna Sofia
No_of_parents_plus_children_on_board=0
shap=0.0", - "index=Guggenheim, Mr. Benjamin
No_of_parents_plus_children_on_board=0
shap=-0.005", - "index=Leader, Dr. Alice (Farnham)
No_of_parents_plus_children_on_board=0
shap=0.004", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
No_of_parents_plus_children_on_board=1
shap=0.01", - "index=Carter, Master. William Thornton II
No_of_parents_plus_children_on_board=2
shap=0.03", - "index=Thomas, Master. Assad Alexander
No_of_parents_plus_children_on_board=1
shap=0.04", - "index=Johansson, Mr. Karl Johan
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Slemen, Mr. Richard James
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Tomlin, Mr. Ernest Portage
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=McCormack, Mr. Thomas Joseph
No_of_parents_plus_children_on_board=0
shap=-0.01", - "index=Richards, Master. George Sibley
No_of_parents_plus_children_on_board=1
shap=0.048", - "index=Mudd, Mr. Thomas Charles
No_of_parents_plus_children_on_board=0
shap=-0.011", - "index=Lemberopolous, Mr. Peter L
No_of_parents_plus_children_on_board=0
shap=-0.006", - "index=Sage, Mr. Douglas Bullen
No_of_parents_plus_children_on_board=2
shap=0.017", - "index=Boulos, Miss. Nourelain
No_of_parents_plus_children_on_board=1
shap=0.009", - "index=Aks, Mrs. Sam (Leah Rosen)
No_of_parents_plus_children_on_board=1
shap=0.016", - "index=Razi, Mr. Raihed
No_of_parents_plus_children_on_board=0
shap=-0.01", - "index=Johnson, Master. Harold Theodor
No_of_parents_plus_children_on_board=1
shap=0.045", - "index=Carlsson, Mr. Frans Olof
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Gustafsson, Mr. Alfred Ossian
No_of_parents_plus_children_on_board=0
shap=-0.007", - "index=Montvila, Rev. Juozas
No_of_parents_plus_children_on_board=0
shap=-0.006" - ], - "type": "scatter", - "x": [ - 0.008206889026789626, - 0.0059110430140077354, - 0.021921582794709224, - 0.027328313902145476, - -0.0010567643079394306, - -0.006943218182587631, - -0.00035958287949347317, - -0.04568736755259188, - 0.003000635058263191, - -0.002972861520213147, - -0.010315405905171996, - 0.00251008310050532, - -0.0006274445104593086, - -0.0034069040411407823, - 0.001908409441334927, - 0.03703982784843504, - -0.007898905946114957, - -0.0032877601407049284, - -0.003916630282864339, - 0.04175295266173834, - -0.006792301661910776, - -0.006854074215632173, - 0.002267243409045607, - -0.011579244629603741, - -0.0002833281227185971, - -0.005851291412183092, - 0.0036025955950735183, - -0.006943218182587631, - 0.0003161895443837655, - -0.006854074215632173, - -0.005252036870594701, - -0.011668388596559194, - -0.010017810675685466, - 0.015380025144107645, - 0.038411832924041926, - -0.0056140472977869215, - -0.006152827041152134, - 0.031823441439991634, - 0.016163722505435206, - -0.0008188949618265578, - -0.006854074215632173, - 0.026897968990589348, - -0.006521295018474482, - 0.001061430921788064, - 0.0023891431615445696, - -0.006792301661910776, - -0.009261695676762853, - 0.00026859794571048516, - -0.0067981393076697915, - -0.00596646259176021, - -0.011579244629603741, - 0.011962595558482976, - 0.00015651155823752483, - -0.005902032706089231, - -0.01159782763246193, - -0.000287628673353508, - 0.0018317960391650346, - 0.016115935436072808, - -0.00972876634382825, - 0.035849302964055065, - 0.003000635058263191, - 0.005105660288617546, - 0.01598901388978118, - -0.007348624945785715, - 0.0016302038387231682, - 0.001465293901228669, - -0.004871976945250823, - -0.009670903297703664, - -0.011668388596559194, - 0.016662365779886126, - -0.0060822660770548645, - 0.003155275123414839, - -0.011579244629603741, - 0.0033870378850103093, - -0.005940435379138547, - -0.004006226320943552, - -0.006943218182587631, - 0.0028095252482041935, - 0.021774215304396213, - -0.00687978694193214, - -0.011579244629603741, - 0.03437451432954942, - -0.00972876634382825, - -0.007809761979159503, - 0.02297140269302962, - -0.005851291412183092, - 0.00573985408439643, - -0.005997617712075542, - -0.006164352202628876, - -0.0025661607015976923, - 0.012118327198729534, - -0.011668388596559194, - 0.0008526017267428195, - 0.000913947929895636, - -0.005558367124125561, - 0.010521797763065149, - -0.006872657218490359, - -0.012592444803600175, - -0.0029891725373382026, - -0.006872657218490359, - -0.011630219517619429, - -0.006779556304811603, - 0.0030156991247456966, - 0.0015133883018138142, - -0.0018158063432233821, - -0.009919950889082792, - 0.001424449737676146, - -0.010412704904964213, - 0.00028115913346011694, - 0.02694909734030274, - 9.999426785477954e-06, - -0.0028698570267906183, - 0.029326678643058823, - 0.00024748869097882274, - 0.009624341246064828, - -0.00972876634382825, - -0.005708594788355468, - 0.005594373078035007, - -0.006986568856194594, - 6.262458918635124e-05, - -0.011668388596559194, - 0.01805347405829744, - -0.010412704904964213, - 0.0035565655513737854, - -0.0032726819684264236, - -0.009092085647303898, - -0.003924657620288399, - 0.020073277138327548, - 0.0036674002318741066, - -0.01159782763246193, - -0.00972876634382825, - 7.418993428191567e-05, - -0.006560009340585785, - -0.006703157694955321, - -0.00589590162766294, - -0.004217340793925149, - -0.01159782763246193, - 0.00034517600497819433, - 0.002792796573460204, - -0.006446272717159457, - 0.0009203091175137583, - -0.006183887035965248, - 0.012475149623508168, - 0.004576602064250789, - -0.0004941213473045218, - -0.0022872891826674364, - 0.02473816772067232, - 0.011320616166470098, - -0.007240733633354813, - -0.009262783396775002, - 0.003983401532647329, - -0.005868210423480691, - 0.0007512417475674224, - -0.00655250789889383, - 0.0021585767310451165, - -0.006792301661910776, - -0.005800411747178846, - -0.0006139268290026044, - -0.013324507202087967, - -0.006191016759407028, - -0.005902032706089231, - 0.0006940359286359033, - -0.006446272717159457, - -0.006446272717159457, - -0.010460094485591606, - -0.011579244629603741, - -0.009701545823973257, - -0.005701415817122192, - -0.006703157694955321, - 0.0013285767319571888, - -0.009954379435029978, - 0.005440544067999193, - -0.007321479984924325, - -0.0068687002717670595, - 0.009965990049469048, - 0.0013920319193855587, - 0.0019571038045984577, - 0.06462756726583375, - -0.0067981393076697915, - 0.00024033896451743024, - -0.004666900078445974, - 0.004316431496054733, - 0.009981326222134233, - 0.029759195001316067, - 0.039605450329216176, - -0.006365418883901168, - -0.005810215747265853, - -0.006523642232449642, - -0.00972876634382825, - 0.047608759841819046, - -0.010986031219498848, - -0.006379962430810691, - 0.016662365779886126, - 0.008931573858770244, - 0.016103950172720188, - -0.010412704904964213, - 0.045163254576785286, - -0.0030050143225872263, - -0.006943218182587631, - -0.005997617712075542 + { + "font": { + "size": 16 + }, + "showarrow": false, + "text": "PassengerClass", + "x": 0.5, + "xanchor": "center", + "xref": "paper", + "y": 0.8671875, + "yanchor": "bottom", + "yref": "paper" + }, + { + "font": { + "size": 16 + }, + "showarrow": false, + "text": "Embarked", + "x": 0.5, + "xanchor": "center", + "xref": "paper", + "y": 0.734375, + "yanchor": "bottom", + "yref": "paper" + }, + { + "font": { + "size": 16 + }, + "showarrow": false, + "text": "No_of_parents_plus_children_on_board", + "x": 0.5, + "xanchor": "center", + "xref": "paper", + "y": 0.6015625, + "yanchor": "bottom", + "yref": "paper" + }, + { + "font": { + "size": 16 + }, + "showarrow": false, + "text": "Deck", + "x": 0.5, + "xanchor": "center", + "xref": "paper", + "y": 0.46875, + "yanchor": "bottom", + "yref": "paper" + }, + { + "font": { + "size": 16 + }, + "showarrow": false, + "text": "Fare", + "x": 0.5, + "xanchor": "center", + "xref": "paper", + "y": 0.3359375, + "yanchor": "bottom", + "yref": "paper" + }, + { + "font": { + "size": 16 + }, + "showarrow": false, + "text": "No_of_siblings_plus_spouses_on_board", + "x": 0.5, + "xanchor": "center", + "xref": "paper", + "y": 0.203125, + "yanchor": "bottom", + "yref": "paper" + }, + { + "font": { + "size": 16 + }, + "showarrow": false, + "text": "Age", + "x": 0.5, + "xanchor": "center", + "xref": "paper", + "y": 0.0703125, + "yanchor": "bottom", + "yref": "paper" + } + ], + "height": 500, + "hovermode": "closest", + "margin": { + "b": 50, + "l": 50, + "pad": 4, + "r": 50, + "t": 100 + }, + "plot_bgcolor": "#fff", + "template": { + "data": { + "scatter": [ + { + "type": "scatter" + } + ] + } + }, + "title": { + "text": "Shap interaction values for Sex
" + }, + "xaxis": { + "anchor": "y", + "domain": [ + 0, + 1 ], - "xaxis": "x9", - "y": [ - 0.5524589759452952, - 0.8870400347567801, - 0.528210539205864, - 0.8002058783411422, - 0.0011587697974745348, - 0.5936970291851703, - 0.4874757843581442, - 0.19507140449069416, - 0.7383504078656841, - 0.33298982512076636, - 0.6877609684605578, - 0.4582478691331283, - 0.8640274221000754, - 0.7765944221450656, - 0.3491423935277439, - 0.6218344039016905, - 0.1294592139325721, - 0.7424527564371339, - 0.007197843558153227, - 0.6799290203755812, - 0.02175270263202611, - 0.9018321765469115, - 0.5739921673563162, - 0.6631198613997676, - 0.7471615069916205, - 0.4769213467636788, - 0.612733768259197, - 0.18751470814888382, - 0.31928056884348355, - 0.37918384136570793, - 0.6931737751150037, - 0.2584195846405888, - 0.43886686010283205, - 0.4060803652331806, - 0.6881409514363404, - 0.7869149876631343, - 0.9840552132609954, - 0.6051763272175027, - 0.1048420277121368, - 0.9325702046871704, - 0.7996154667255208, - 0.9547241873387065, - 0.8385871022828668, - 0.20215555951676345, - 0.8596543200744567, - 0.8909417001604844, - 0.1322270906325872, - 0.47328415084729636, - 0.17266557154430706, - 0.6024368821126889, - 0.9477921983507921, - 0.7633627573767794, - 0.3582713611445666, - 0.0015155027463998882, - 0.3722856220365043, - 0.26624344526009236, - 0.6734980082593736, - 0.11966506037123414, - 0.8944817482641213, - 0.4468997337101236, - 0.5722057608136611, - 0.6658922138511674, - 0.2931017583444172, - 0.8966775494756254, - 0.8471885248250446, - 0.27793495572294746, - 0.5442069726775424, - 0.29594931852484674, - 0.4658358408627524, - 0.7029817405645886, - 0.13159717078196387, - 0.7321386498467953, - 0.7552080977126348, - 0.5383560334441778, - 0.9120254958191654, - 0.9904884573406173, - 0.2584633540216137, - 0.9776808960765573, - 0.4899359343371633, - 0.1749320061838595, - 0.6208652078936311, - 0.3183565246834563, - 0.2222104130409085, - 0.9355898199863609, - 0.5746886347190391, - 0.4778739932652728, - 0.23679221728919886, - 0.574244415201553, - 0.6186355300913136, - 0.1895147633157228, - 0.16589625511623063, - 0.3185580884888587, - 0.8810916888822709, - 0.5774705008313104, - 0.4643748031425611, - 0.2243806719129111, - 0.2107632325047657, - 0.3684591140658853, - 0.06129388582605766, - 0.04520561193438688, - 0.4032305697294034, - 0.38106091509942486, - 0.9862335556757429, - 0.9118947601384615, - 0.16999912554272156, - 0.1708166487048275, - 0.7331913919155499, - 0.635325428672836, - 0.9957871808334087, - 0.8229824060818595, - 0.22203421519473043, - 0.061745633198481586, - 0.1052752113376445, - 0.4201548797424286, - 0.5447743415679157, - 0.36319986099222945, - 0.5755554887604999, - 0.8616516138878305, - 0.812842870778579, - 0.5933071420688902, - 0.620329716576205, - 0.332613936291584, - 0.9076558964504022, - 0.6863494909159401, - 0.25729642270992603, - 0.5652168051930724, - 0.4407718941276677, - 0.990943881404163, - 0.01629143371280195, - 0.12436001412986586, - 0.05697382782174687, - 0.22580289823096777, - 0.0021402429931010047, - 0.9757605601952252, - 0.38782048988267814, - 0.3194586249077781, - 0.4333023408715654, - 0.2121852396214896, - 0.09297743024127936, - 0.9450794603813777, - 0.5568428993985832, - 0.5211870483295934, - 0.9050073728689031, - 0.7976564858110391, - 0.5849479210821813, - 0.5856908862378252, - 0.1942646751284688, - 0.9598222670752747, - 0.6297895280164211, - 0.5044514747705751, - 0.0862980594597279, - 0.42662957431292714, - 0.8499446248637001, - 0.7602526314145871, - 0.3983378275999181, - 0.9142581604993123, - 0.6590761030205404, - 0.6134565265264689, - 0.006849868640420587, - 0.33402496353839417, - 0.8902723358915844, - 0.15089428490419832, - 0.9086094459736256, - 0.9020602937429499, - 0.6798435887481383, - 0.519451404873609, - 0.9384111765004145, - 0.5087569927841004, - 0.9276969354223794, - 0.6127397021550801, - 0.7548719889243952, - 0.5087761659766047, - 0.7088189764200614, - 0.8200510235698515, - 0.8337304884622991, - 0.8378610147041399, - 0.9684060732183103, - 0.9241222983925533, - 0.4837016743662428, - 0.5945942114748106, - 0.21041196127274486, - 0.4270189233767958, - 0.48816709604425457, - 0.6186429268561905, - 0.5850944662673941, - 0.03271532094381924, - 0.24934286400766703, - 0.2314775310052285, - 0.5306781256146894, - 0.22576500781309428, - 0.9434425559921519, - 0.2139674087518224, - 0.9105515777572156, - 0.9757185491809237, - 0.25648942991744705, - 0.7465762861894323, - 0.0626600971463741, - 0.5885527290596881, - 0.015858916209586793, - 0.4091036404726446 + "matches": "x8", + "range": [ + -0.16751566599379633, + 0.29682963105449917 ], - "yaxis": "y9" + "showgrid": false, + "showticklabels": false, + "zeroline": false }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 1, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 1, - 1, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 + "xaxis2": { + "anchor": "y2", + "domain": [ + 0, + 1 + ], + "matches": "x8", + "range": [ + -0.16751566599379633, + 0.29682963105449917 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "xaxis3": { + "anchor": "y3", + "domain": [ + 0, + 1 + ], + "matches": "x8", + "range": [ + -0.16751566599379633, + 0.29682963105449917 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "xaxis4": { + "anchor": "y4", + "domain": [ + 0, + 1 + ], + "matches": "x8", + "range": [ + -0.16751566599379633, + 0.29682963105449917 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "xaxis5": { + "anchor": "y5", + "domain": [ + 0, + 1 + ], + "matches": "x8", + "range": [ + -0.16751566599379633, + 0.29682963105449917 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "xaxis6": { + "anchor": "y6", + "domain": [ + 0, + 1 + ], + "matches": "x8", + "range": [ + -0.16751566599379633, + 0.29682963105449917 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "xaxis7": { + "anchor": "y7", + "domain": [ + 0, + 1 + ], + "matches": "x8", + "range": [ + -0.16751566599379633, + 0.29682963105449917 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "xaxis8": { + "anchor": "y8", + "domain": [ + 0, + 1 + ], + "range": [ + -0.16751566599379633, + 0.29682963105449917 + ], + "showgrid": false, + "zeroline": false + }, + "yaxis": { + "anchor": "x", + "domain": [ + 0.9296875, + 1 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "yaxis2": { + "anchor": "x2", + "domain": [ + 0.796875, + 0.8671875 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "yaxis3": { + "anchor": "x3", + "domain": [ + 0.6640625, + 0.734375 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "yaxis4": { + "anchor": "x4", + "domain": [ + 0.53125, + 0.6015625 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "yaxis5": { + "anchor": "x5", + "domain": [ + 0.3984375, + 0.46875 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "yaxis6": { + "anchor": "x6", + "domain": [ + 0.265625, + 0.3359375 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "yaxis7": { + "anchor": "x7", + "domain": [ + 0.1328125, + 0.203125 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "yaxis8": { + "anchor": "x8", + "domain": [ + 0, + 0.0703125 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_interactions_detailed(\"Sex\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Contributions" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T15:57:24.266501Z", + "start_time": "2021-01-20T15:57:24.197416Z" + } + }, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
colcontributionvaluecumulativebase
0_BASE0.3932270.3932270.000000
1Sex0.279251female0.6724780.393227
2PassengerClass0.06978210.7422600.672478
3Fare0.06086371.28330.8031230.742260
4Deck0.042137C0.8452610.803123
5Embarked0.039712Cherbourg0.8849730.845261
6Age-0.01543638.00000.8695370.884973
7No_of_parents_plus_children_on_board0.00684400.8763810.869537
8No_of_siblings_plus_spouses_on_board0.00544110.8818220.876381
9_REST0.0000000.8818220.881822
10_PREDICTION0.8818220.8818220.000000
\n", + "
" + ], + "text/plain": [ + " col contribution value cumulative \\\n", + "0 _BASE 0.393227 0.393227 \n", + "1 Sex 0.279251 female 0.672478 \n", + "2 PassengerClass 0.069782 1 0.742260 \n", + "3 Fare 0.060863 71.2833 0.803123 \n", + "4 Deck 0.042137 C 0.845261 \n", + "5 Embarked 0.039712 Cherbourg 0.884973 \n", + "6 Age -0.015436 38.0000 0.869537 \n", + "7 No_of_parents_plus_children_on_board 0.006844 0 0.876381 \n", + "8 No_of_siblings_plus_spouses_on_board 0.005441 1 0.881822 \n", + "9 _REST 0.000000 0.881822 \n", + "10 _PREDICTION 0.881822 0.881822 \n", + "\n", + " base \n", + "0 0.000000 \n", + "1 0.393227 \n", + "2 0.672478 \n", + "3 0.742260 \n", + "4 0.803123 \n", + "5 0.845261 \n", + "6 0.884973 \n", + "7 0.869537 \n", + "8 0.876381 \n", + "9 0.881822 \n", + "10 0.000000 " + ] + }, + "execution_count": 15, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "index = 0 # explain prediction for first row of X_test\n", + "explainer.contrib_df(index, topx=8)" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T15:57:34.321812Z", + "start_time": "2021-01-20T15:57:34.223263Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "hoverinfo": "skip", + "marker": { + "color": "rgba(1,1,1, 0.0)" }, - "mode": "markers", - "name": "Embarked_Cherbourg", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Embarked_Cherbourg=1
shap=0.013", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Embarked_Cherbourg=0
shap=-0.005", - "index=Palsson, Master. Gosta Leonard
Embarked_Cherbourg=0
shap=-0.009", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Embarked_Cherbourg=0
shap=-0.004", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Embarked_Cherbourg=1
shap=0.011", - "index=Saundercock, Mr. William Henry
Embarked_Cherbourg=0
shap=-0.005", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Embarked_Cherbourg=0
shap=-0.005", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Embarked_Cherbourg=0
shap=-0.006", - "index=Glynn, Miss. Mary Agatha
Embarked_Cherbourg=0
shap=-0.004", - "index=Meyer, Mr. Edgar Joseph
Embarked_Cherbourg=1
shap=0.028", - "index=Kraeff, Mr. Theodor
Embarked_Cherbourg=1
shap=0.023", - "index=Devaney, Miss. Margaret Delia
Embarked_Cherbourg=0
shap=-0.004", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Embarked_Cherbourg=0
shap=-0.005", - "index=Rugg, Miss. Emily
Embarked_Cherbourg=0
shap=-0.004", - "index=Harris, Mr. Henry Birkhardt
Embarked_Cherbourg=0
shap=-0.006", - "index=Skoog, Master. Harald
Embarked_Cherbourg=0
shap=-0.009", - "index=Kink, Mr. Vincenz
Embarked_Cherbourg=0
shap=-0.01", - "index=Hood, Mr. Ambrose Jr
Embarked_Cherbourg=0
shap=-0.003", - "index=Ilett, Miss. Bertha
Embarked_Cherbourg=0
shap=-0.004", - "index=Ford, Mr. William Neal
Embarked_Cherbourg=0
shap=-0.008", - "index=Christmann, Mr. Emil
Embarked_Cherbourg=0
shap=-0.005", - "index=Andreasson, Mr. Paul Edvin
Embarked_Cherbourg=0
shap=-0.005", - "index=Chaffee, Mr. Herbert Fuller
Embarked_Cherbourg=0
shap=-0.006", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Embarked_Cherbourg=0
shap=-0.005", - "index=White, Mr. Richard Frasar
Embarked_Cherbourg=0
shap=-0.009", - "index=Rekic, Mr. Tido
Embarked_Cherbourg=0
shap=-0.004", - "index=Moran, Miss. Bertha
Embarked_Cherbourg=0
shap=-0.005", - "index=Barton, Mr. David John
Embarked_Cherbourg=0
shap=-0.005", - "index=Jussila, Miss. Katriina
Embarked_Cherbourg=0
shap=-0.006", - "index=Pekoniemi, Mr. Edvard
Embarked_Cherbourg=0
shap=-0.005", - "index=Turpin, Mr. William John Robert
Embarked_Cherbourg=0
shap=-0.008", - "index=Moore, Mr. Leonard Charles
Embarked_Cherbourg=0
shap=-0.005", - "index=Osen, Mr. Olaf Elon
Embarked_Cherbourg=0
shap=-0.005", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Embarked_Cherbourg=0
shap=-0.007", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Embarked_Cherbourg=0
shap=-0.006", - "index=Bateman, Rev. Robert James
Embarked_Cherbourg=0
shap=-0.005", - "index=Meo, Mr. Alfonzo
Embarked_Cherbourg=0
shap=-0.005", - "index=Cribb, Mr. John Hatfield
Embarked_Cherbourg=0
shap=-0.01", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Embarked_Cherbourg=0
shap=-0.003", - "index=Van der hoef, Mr. Wyckoff
Embarked_Cherbourg=0
shap=0.003", - "index=Sivola, Mr. Antti Wilhelm
Embarked_Cherbourg=0
shap=-0.005", - "index=Klasen, Mr. Klas Albin
Embarked_Cherbourg=0
shap=-0.009", - "index=Rood, Mr. Hugh Roscoe
Embarked_Cherbourg=0
shap=-0.005", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Embarked_Cherbourg=0
shap=-0.006", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Embarked_Cherbourg=1
shap=0.003", - "index=Vande Walle, Mr. Nestor Cyriel
Embarked_Cherbourg=0
shap=-0.005", - "index=Backstrom, Mr. Karl Alfred
Embarked_Cherbourg=0
shap=-0.009", - "index=Blank, Mr. Henry
Embarked_Cherbourg=1
shap=0.013", - "index=Ali, Mr. Ahmed
Embarked_Cherbourg=0
shap=-0.005", - "index=Green, Mr. George Henry
Embarked_Cherbourg=0
shap=-0.005", - "index=Nenkoff, Mr. Christo
Embarked_Cherbourg=0
shap=-0.005", - "index=Asplund, Miss. Lillian Gertrud
Embarked_Cherbourg=0
shap=-0.008", - "index=Harknett, Miss. Alice Phoebe
Embarked_Cherbourg=0
shap=-0.005", - "index=Hunt, Mr. George Henry
Embarked_Cherbourg=0
shap=-0.005", - "index=Reed, Mr. James George
Embarked_Cherbourg=0
shap=-0.005", - "index=Stead, Mr. William Thomas
Embarked_Cherbourg=0
shap=-0.003", - "index=Thorne, Mrs. Gertrude Maybelle
Embarked_Cherbourg=1
shap=0.013", - "index=Parrish, Mrs. (Lutie Davis)
Embarked_Cherbourg=0
shap=-0.002", - "index=Smith, Mr. Thomas
Embarked_Cherbourg=0
shap=-0.008", - "index=Asplund, Master. Edvin Rojj Felix
Embarked_Cherbourg=0
shap=-0.009", - "index=Healy, Miss. Hanora \"Nora\"
Embarked_Cherbourg=0
shap=-0.004", - "index=Andrews, Miss. Kornelia Theodosia
Embarked_Cherbourg=0
shap=-0.005", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Embarked_Cherbourg=0
shap=-0.005", - "index=Smith, Mr. Richard William
Embarked_Cherbourg=0
shap=-0.002", - "index=Connolly, Miss. Kate
Embarked_Cherbourg=0
shap=-0.004", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Embarked_Cherbourg=1
shap=0.01", - "index=Levy, Mr. Rene Jacques
Embarked_Cherbourg=1
shap=0.024", - "index=Lewy, Mr. Ervin G
Embarked_Cherbourg=1
shap=0.022", - "index=Williams, Mr. Howard Hugh \"Harry\"
Embarked_Cherbourg=0
shap=-0.005", - "index=Sage, Mr. George John Jr
Embarked_Cherbourg=0
shap=-0.008", - "index=Nysveen, Mr. Johan Hansen
Embarked_Cherbourg=0
shap=-0.005", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Embarked_Cherbourg=0
shap=-0.002", - "index=Denkoff, Mr. Mitto
Embarked_Cherbourg=0
shap=-0.005", - "index=Burns, Miss. Elizabeth Margaret
Embarked_Cherbourg=1
shap=0.01", - "index=Dimic, Mr. Jovan
Embarked_Cherbourg=0
shap=-0.004", - "index=del Carlo, Mr. Sebastiano
Embarked_Cherbourg=1
shap=0.034", - "index=Beavan, Mr. William Thomas
Embarked_Cherbourg=0
shap=-0.005", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Embarked_Cherbourg=1
shap=0.01", - "index=Widener, Mr. Harry Elkins
Embarked_Cherbourg=1
shap=0.029", - "index=Gustafsson, Mr. Karl Gideon
Embarked_Cherbourg=0
shap=-0.005", - "index=Plotcharsky, Mr. Vasil
Embarked_Cherbourg=0
shap=-0.005", - "index=Goodwin, Master. Sidney Leonard
Embarked_Cherbourg=0
shap=-0.009", - "index=Sadlier, Mr. Matthew
Embarked_Cherbourg=0
shap=-0.008", - "index=Gustafsson, Mr. Johan Birger
Embarked_Cherbourg=0
shap=-0.01", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Embarked_Cherbourg=0
shap=-0.006", - "index=Niskanen, Mr. Juha
Embarked_Cherbourg=0
shap=-0.004", - "index=Minahan, Miss. Daisy E
Embarked_Cherbourg=0
shap=-0.005", - "index=Matthews, Mr. William John
Embarked_Cherbourg=0
shap=-0.005", - "index=Charters, Mr. David
Embarked_Cherbourg=0
shap=-0.008", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Embarked_Cherbourg=0
shap=-0.003", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Embarked_Cherbourg=0
shap=-0.002", - "index=Johannesen-Bratthammer, Mr. Bernt
Embarked_Cherbourg=0
shap=-0.005", - "index=Peuchen, Major. Arthur Godfrey
Embarked_Cherbourg=0
shap=-0.005", - "index=Anderson, Mr. Harry
Embarked_Cherbourg=0
shap=-0.004", - "index=Milling, Mr. Jacob Christian
Embarked_Cherbourg=0
shap=-0.005", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Embarked_Cherbourg=0
shap=-0.002", - "index=Karlsson, Mr. Nils August
Embarked_Cherbourg=0
shap=-0.005", - "index=Frost, Mr. Anthony Wood \"Archie\"
Embarked_Cherbourg=0
shap=-0.006", - "index=Bishop, Mr. Dickinson H
Embarked_Cherbourg=1
shap=0.023", - "index=Windelov, Mr. Einar
Embarked_Cherbourg=0
shap=-0.005", - "index=Shellard, Mr. Frederick William
Embarked_Cherbourg=0
shap=-0.005", - "index=Svensson, Mr. Olof
Embarked_Cherbourg=0
shap=-0.005", - "index=O'Sullivan, Miss. Bridget Mary
Embarked_Cherbourg=0
shap=-0.004", - "index=Laitinen, Miss. Kristina Sofia
Embarked_Cherbourg=0
shap=-0.004", - "index=Penasco y Castellana, Mr. Victor de Satode
Embarked_Cherbourg=1
shap=0.03", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Embarked_Cherbourg=0
shap=-0.004", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Embarked_Cherbourg=0
shap=-0.002", - "index=Kassem, Mr. Fared
Embarked_Cherbourg=1
shap=0.023", - "index=Cacic, Miss. Marija
Embarked_Cherbourg=0
shap=-0.005", - "index=Hart, Miss. Eva Miriam
Embarked_Cherbourg=0
shap=-0.002", - "index=Butt, Major. Archibald Willingham
Embarked_Cherbourg=0
shap=0.003", - "index=Beane, Mr. Edward
Embarked_Cherbourg=0
shap=-0.007", - "index=Goldsmith, Mr. Frank John
Embarked_Cherbourg=0
shap=-0.008", - "index=Ohman, Miss. Velin
Embarked_Cherbourg=0
shap=-0.005", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Embarked_Cherbourg=0
shap=-0.004", - "index=Morrow, Mr. Thomas Rowan
Embarked_Cherbourg=0
shap=-0.008", - "index=Harris, Mr. George
Embarked_Cherbourg=0
shap=-0.005", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Embarked_Cherbourg=0
shap=-0.006", - "index=Patchett, Mr. George
Embarked_Cherbourg=0
shap=-0.006", - "index=Ross, Mr. John Hugo
Embarked_Cherbourg=1
shap=0.019", - "index=Murdlin, Mr. Joseph
Embarked_Cherbourg=0
shap=-0.005", - "index=Bourke, Miss. Mary
Embarked_Cherbourg=0
shap=-0.004", - "index=Boulos, Mr. Hanna
Embarked_Cherbourg=1
shap=0.023", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Embarked_Cherbourg=1
shap=0.026", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Embarked_Cherbourg=1
shap=0.015", - "index=Lindell, Mr. Edvard Bengtsson
Embarked_Cherbourg=0
shap=-0.009", - "index=Daniel, Mr. Robert Williams
Embarked_Cherbourg=0
shap=-0.004", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Embarked_Cherbourg=1
shap=0.012", - "index=Shutes, Miss. Elizabeth W
Embarked_Cherbourg=0
shap=-0.003", - "index=Jardin, Mr. Jose Neto
Embarked_Cherbourg=0
shap=-0.005", - "index=Horgan, Mr. John
Embarked_Cherbourg=0
shap=-0.008", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Embarked_Cherbourg=0
shap=-0.005", - "index=Yasbeck, Mr. Antoni
Embarked_Cherbourg=1
shap=0.037", - "index=Bostandyeff, Mr. Guentcho
Embarked_Cherbourg=0
shap=-0.005", - "index=Lundahl, Mr. Johan Svensson
Embarked_Cherbourg=0
shap=-0.005", - "index=Stahelin-Maeglin, Dr. Max
Embarked_Cherbourg=1
shap=0.007", - "index=Willey, Mr. Edward
Embarked_Cherbourg=0
shap=-0.005", - "index=Stanley, Miss. Amy Zillah Elsie
Embarked_Cherbourg=0
shap=-0.005", - "index=Hegarty, Miss. Hanora \"Nora\"
Embarked_Cherbourg=0
shap=-0.004", - "index=Eitemiller, Mr. George Floyd
Embarked_Cherbourg=0
shap=-0.006", - "index=Colley, Mr. Edward Pomeroy
Embarked_Cherbourg=0
shap=-0.005", - "index=Coleff, Mr. Peju
Embarked_Cherbourg=0
shap=-0.004", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Embarked_Cherbourg=0
shap=-0.002", - "index=Davidson, Mr. Thornton
Embarked_Cherbourg=0
shap=-0.008", - "index=Turja, Miss. Anna Sofia
Embarked_Cherbourg=0
shap=-0.005", - "index=Hassab, Mr. Hammad
Embarked_Cherbourg=1
shap=0.02", - "index=Goodwin, Mr. Charles Edward
Embarked_Cherbourg=0
shap=-0.01", - "index=Panula, Mr. Jaako Arnold
Embarked_Cherbourg=0
shap=-0.01", - "index=Fischer, Mr. Eberhard Thelander
Embarked_Cherbourg=0
shap=-0.005", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Embarked_Cherbourg=0
shap=-0.005", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Embarked_Cherbourg=1
shap=0.019", - "index=Hansen, Mr. Henrik Juul
Embarked_Cherbourg=0
shap=-0.008", - "index=Calderhead, Mr. Edward Pennington
Embarked_Cherbourg=0
shap=-0.004", - "index=Klaber, Mr. Herman
Embarked_Cherbourg=0
shap=-0.007", - "index=Taylor, Mr. Elmer Zebley
Embarked_Cherbourg=0
shap=-0.007", - "index=Larsson, Mr. August Viktor
Embarked_Cherbourg=0
shap=-0.005", - "index=Greenberg, Mr. Samuel
Embarked_Cherbourg=0
shap=-0.005", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Embarked_Cherbourg=0
shap=-0.005", - "index=McEvoy, Mr. Michael
Embarked_Cherbourg=0
shap=-0.01", - "index=Johnson, Mr. Malkolm Joackim
Embarked_Cherbourg=0
shap=-0.004", - "index=Gillespie, Mr. William Henry
Embarked_Cherbourg=0
shap=-0.005", - "index=Allen, Miss. Elisabeth Walton
Embarked_Cherbourg=0
shap=-0.002", - "index=Berriman, Mr. William John
Embarked_Cherbourg=0
shap=-0.006", - "index=Troupiansky, Mr. Moses Aaron
Embarked_Cherbourg=0
shap=-0.006", - "index=Williams, Mr. Leslie
Embarked_Cherbourg=0
shap=-0.007", - "index=Ivanoff, Mr. Kanio
Embarked_Cherbourg=0
shap=-0.005", - "index=McNamee, Mr. Neal
Embarked_Cherbourg=0
shap=-0.011", - "index=Connaghton, Mr. Michael
Embarked_Cherbourg=0
shap=-0.007", - "index=Carlsson, Mr. August Sigfrid
Embarked_Cherbourg=0
shap=-0.005", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Embarked_Cherbourg=0
shap=0.001", - "index=Eklund, Mr. Hans Linus
Embarked_Cherbourg=0
shap=-0.005", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Embarked_Cherbourg=0
shap=-0.005", - "index=Moran, Mr. Daniel J
Embarked_Cherbourg=0
shap=-0.009", - "index=Lievens, Mr. Rene Aime
Embarked_Cherbourg=0
shap=-0.005", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Embarked_Cherbourg=0
shap=-0.002", - "index=Ayoub, Miss. Banoura
Embarked_Cherbourg=1
shap=0.018", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Embarked_Cherbourg=0
shap=-0.006", - "index=Johnston, Mr. Andrew G
Embarked_Cherbourg=0
shap=-0.007", - "index=Ali, Mr. William
Embarked_Cherbourg=0
shap=-0.005", - "index=Sjoblom, Miss. Anna Sofia
Embarked_Cherbourg=0
shap=-0.005", - "index=Guggenheim, Mr. Benjamin
Embarked_Cherbourg=1
shap=0.006", - "index=Leader, Dr. Alice (Farnham)
Embarked_Cherbourg=0
shap=-0.004", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Embarked_Cherbourg=0
shap=-0.002", - "index=Carter, Master. William Thornton II
Embarked_Cherbourg=0
shap=-0.006", - "index=Thomas, Master. Assad Alexander
Embarked_Cherbourg=1
shap=0.026", - "index=Johansson, Mr. Karl Johan
Embarked_Cherbourg=0
shap=-0.004", - "index=Slemen, Mr. Richard James
Embarked_Cherbourg=0
shap=-0.004", - "index=Tomlin, Mr. Ernest Portage
Embarked_Cherbourg=0
shap=-0.005", - "index=McCormack, Mr. Thomas Joseph
Embarked_Cherbourg=0
shap=-0.008", - "index=Richards, Master. George Sibley
Embarked_Cherbourg=0
shap=-0.008", - "index=Mudd, Mr. Thomas Charles
Embarked_Cherbourg=0
shap=-0.005", - "index=Lemberopolous, Mr. Peter L
Embarked_Cherbourg=1
shap=0.018", - "index=Sage, Mr. Douglas Bullen
Embarked_Cherbourg=0
shap=-0.008", - "index=Boulos, Miss. Nourelain
Embarked_Cherbourg=1
shap=0.016", - "index=Aks, Mrs. Sam (Leah Rosen)
Embarked_Cherbourg=0
shap=-0.005", - "index=Razi, Mr. Raihed
Embarked_Cherbourg=1
shap=0.023", - "index=Johnson, Master. Harold Theodor
Embarked_Cherbourg=0
shap=-0.007", - "index=Carlsson, Mr. Frans Olof
Embarked_Cherbourg=0
shap=0.001", - "index=Gustafsson, Mr. Alfred Ossian
Embarked_Cherbourg=0
shap=-0.005", - "index=Montvila, Rev. Juozas
Embarked_Cherbourg=0
shap=-0.006" - ], - "type": "scatter", - "x": [ - 0.013328086999984433, - -0.005370715475324529, - -0.00925419503136389, - -0.004430243973980957, - 0.01083403904916529, - -0.00519282427063269, - -0.004948247477674873, - -0.00603306452687802, - -0.003851573686689104, - 0.027750924105678854, - 0.023103323640885756, - -0.0037750115635474127, - -0.004981312291958157, - -0.0043930995184555625, - -0.0061679556755909835, - -0.00865738555904171, - -0.009864352227645454, - -0.003211921600168399, - -0.0043985348143653815, - -0.008116212732632522, - -0.005161995788943817, - -0.00519282427063269, - -0.006154320646120214, - -0.005223897981774722, - -0.008912644531502582, - -0.004250651221915487, - -0.004702743434235398, - -0.005257157509534673, - -0.005670254834086379, - -0.00519282427063269, - -0.008235033066905198, - -0.005223897981774722, - -0.005197155629979314, - -0.0074909903853362415, - -0.006287468156073728, - -0.00547179818063725, - -0.004816809785672, - -0.010239825772343407, - -0.0034517017965149297, - 0.002862707853357393, - -0.00519282427063269, - -0.00871546317047702, - -0.005031408325631911, - -0.005670254834086379, - 0.003210363734762146, - -0.00520896016079965, - -0.009055765428416917, - 0.012565576759121141, - -0.0052794873227528325, - -0.0048141650435902, - -0.005223897981774722, - -0.008414956176915199, - -0.005019374304906746, - -0.004827731714292844, - -0.005223897981774722, - -0.002823584842802056, - 0.012602673786808074, - -0.0023289842379806405, - -0.007784035266836194, - -0.008887278252980038, - -0.003851573686689104, - -0.004541714350854227, - -0.004512250845358171, - -0.0016877235434468556, - -0.004293324772767245, - 0.0104684016563448, - 0.024173031627665327, - 0.02178712081889343, - -0.005223897981774722, - -0.00823178233482961, - -0.004846665100948845, - -0.002369397864675096, - -0.005223897981774722, - 0.00989526631111526, - -0.004435350465417763, - 0.0340711742417268, - -0.00519282427063269, - 0.009997762979201697, - 0.028918837302580016, - -0.00519282427063269, - -0.005223897981774722, - -0.008906945936898093, - -0.007784035266836194, - -0.009864352227645454, - -0.005621057605905906, - -0.004189654490398724, - -0.005386430887562642, - -0.0054272989221405814, - -0.0077529615556941635, - -0.0033245602242771917, - -0.0021899375379289066, - -0.005223897981774722, - -0.004793298329332393, - -0.004443439282947228, - -0.00547179818063725, - -0.002094244470470739, - -0.005257157509534673, - -0.005572391903278984, - 0.02253912101034217, - -0.00519282427063269, - -0.00521282016901746, - -0.00520896016079965, - -0.003851573686689104, - -0.004203031116629641, - 0.03022331021458342, - -0.004253927840017314, - -0.0020155838058311636, - 0.023103323640885756, - -0.005338225567334367, - -0.0021896763185667, - 0.002618462244044224, - -0.006801833118725082, - -0.007757283674215555, - -0.005461125390984882, - -0.003504396737463389, - -0.007784035266836194, - -0.005117532704537905, - -0.005952051984151662, - -0.005672414027750717, - 0.019100764373239543, - -0.005223897981774722, - -0.004126934820602092, - 0.023325101344662307, - 0.02567311107965779, - 0.015247459802489965, - -0.009055765428416917, - -0.0043399073015610405, - 0.011606770529281427, - -0.002823973927776653, - -0.005294425143727903, - -0.007784035266836194, - -0.0052426496964197225, - 0.03665576913947094, - -0.00520896016079965, - -0.004844020358867045, - 0.00719215585303, - -0.005223897981774722, - -0.005448848438908423, - -0.0043885834472415005, - -0.005837607790600323, - -0.004577991217552007, - -0.004199084084492171, - -0.002189201344298227, - -0.007547906715148401, - -0.004964976855388331, - 0.020060283937835297, - -0.009699740262107974, - -0.009730717646054736, - -0.005243018497154132, - -0.0049581352684312345, - 0.019313788661955145, - -0.008330131126813321, - -0.004318993663722357, - -0.006634252392030171, - -0.00691714592389317, - -0.005161995788943817, - -0.00547776799535812, - -0.00530643700921707, - -0.009623776910754049, - -0.004199084084492171, - -0.004827731714292844, - -0.0018683069310101968, - -0.005837607790600323, - -0.005837607790600323, - -0.007416377925127839, - -0.005223897981774722, - -0.01097366374844097, - -0.006759221369553646, - -0.00520896016079965, - 0.0014669455368370896, - -0.005197155629979314, - -0.004539409998188079, - -0.009477306944172833, - -0.00520896016079965, - -0.0023542292514667, - 0.018231204625187642, - -0.005767728429314513, - -0.007411913973346685, - -0.0052794873227528325, - -0.004964976855388331, - 0.005619929169614774, - -0.004004241712592125, - -0.0021535084657592586, - -0.005899457814173871, - 0.02618710349323847, - -0.004199084084492171, - -0.004467496423472628, - -0.00479865129233991, - -0.007784035266836194, - -0.008272799288683297, - -0.005465567968959773, - 0.017988666785254903, - -0.00823178233482961, - 0.016069937070038967, - -0.005354014268658627, - 0.023103323640885756, - -0.00663369897785545, - 0.0006503553485311697, - -0.00519282427063269, - -0.005837607790600323 + "name": "", + "type": "bar", + "x": [ + "Population
average", + "Sex", + "PassengerClass", + "Fare", + "Deck", + "Embarked", + "Age", + "No_of_parents_plus_children_on_board", + "No_of_siblings_plus_spouses_on_board", + "Other features combined", + "Final Prediction" ], - "xaxis": "x10", "y": [ - 0.40434359591250824, - 0.2725711354379028, - 0.3430892532730879, - 0.3771980076261119, - 0.16048525151549942, - 0.579896444127833, - 0.5972524728991628, - 0.3827704600549089, - 0.8972324392752046, - 0.1205862976010792, - 0.966969766487378, - 0.24947446840900867, - 0.6457754400690613, - 0.5679133875271021, - 0.400032050742812, - 0.686101601924125, - 0.9281937966428555, - 0.03693142209453426, - 0.6070169774354301, - 0.9863818955048981, - 0.22867465385870178, - 0.5878226488262016, - 0.8446061329765994, - 0.5952359649108312, - 0.6126749150880799, - 0.7974849120324231, - 0.5090118664108078, - 0.39482396337906234, - 0.9065681494571699, - 0.6058951234304403, - 0.5116909819521506, - 0.6663839288242869, - 0.8192074262143867, - 0.3653713627952617, - 0.12017389238206744, - 0.28167947335084254, - 0.8911053012392312, - 0.6297807758315707, - 0.6160038690055281, - 0.7566493077431913, - 0.0771151165068662, - 0.8450375447664011, - 0.09507311067095081, - 0.9483028316618431, - 0.9370579663946748, - 0.2568536887565618, - 0.5067617678905987, - 0.045617273015092996, - 0.500298514791522, - 0.420619208300989, - 0.3411881388628617, - 0.2893008371594705, - 0.8502834491352322, - 0.9150955255119957, - 0.9559450204552584, - 0.857788829014372, - 0.035066246289660485, - 0.5613015401586432, - 0.9662512660140009, - 0.7410006293175387, - 0.4415241310264908, - 0.23555931233533012, - 0.29453411165154986, - 0.8974808082611672, - 0.6783839343892445, - 0.15605169835309762, - 0.17719904616130144, - 0.3607251378115496, - 0.5847207421382937, - 0.10952282917315459, - 0.29861298578383066, - 0.39356226622280943, - 0.6572670436011291, - 0.3622018527506433, - 0.6383259259942919, - 0.040561621082832566, - 0.4685035831467397, - 0.17188640860338822, - 0.5004087721588091, - 0.9248919327658855, - 0.15938229473755372, - 0.2480777833095662, - 0.5221253562572169, - 0.564769294085987, - 0.5158033577697548, - 0.5084686224524234, - 0.9296050721084474, - 0.5411817349556067, - 0.5924536075286909, - 0.893086851165665, - 0.1882418303815626, - 0.8846901147988072, - 0.16950253020620176, - 0.7876680026817442, - 0.6072878467383364, - 0.17091704545356112, - 0.49083948737081695, - 0.44612864309142664, - 0.5136308266335965, - 0.1262681839193558, - 0.6357193908672155, - 0.5459524909260896, - 0.16572944920608024, - 0.568769357641742, - 0.8355031506297707, - 0.3344588272670096, - 0.7936683440120831, - 0.6372855040907723, - 0.2692219717166743, - 0.6785186855454988, - 0.8387733042666595, - 0.06262047872489596, - 0.34102512507745586, - 0.2813116259091061, - 0.750356231419167, - 0.08880256687386212, - 0.2345540273952642, - 0.46133405349434475, - 0.838445274153329, - 0.3650063208339458, - 0.5231824575846362, - 0.8279861678078453, - 0.14370277722669456, - 0.6621531076470369, - 0.934784875374091, - 0.23483201573795454, - 0.09782743512723946, - 0.16574073523134636, - 0.9970721370860282, - 0.8221979382035907, - 0.4316142383237117, - 0.6555389739058127, - 0.19654725046022292, - 0.8530996486774823, - 0.20926689723351022, - 0.8898298404957361, - 0.1800062825931643, - 0.7072782364152904, - 0.07690055420054709, - 0.6688480942924295, - 0.8473925426522567, - 0.88471535742736, - 0.9304607147291031, - 0.4347837722015392, - 0.7476165355760612, - 0.40060168062903145, - 0.651303370115754, - 0.7383841647804545, - 0.9897354719739566, - 0.8443292110789012, - 0.032153663853572434, - 0.7069516704536196, - 0.4644467991755332, - 0.8526500542805349, - 0.8971192892934068, - 0.6525947100545808, - 0.2853070280955935, - 0.3327523274398274, - 0.44683786441768103, - 0.9304761575830088, - 0.9563690460047749, - 0.9784803414984532, - 0.5066438353095695, - 0.8614553834148683, - 0.7128284949596567, - 0.5658630535884535, - 0.7549314697057569, - 0.1821995097317295, - 0.5720344903838077, - 0.12878024217862272, - 0.9138846630129425, - 0.8320945540752217, - 0.1899881570181683, - 0.5009491856949856, - 0.13633832334137885, - 0.8909092094231813, - 0.34991061637736876, - 0.2925473556053616, - 0.3703519987198094, - 0.9056174991709686, - 0.8575978515611914, - 0.190688788096688, - 0.40874539252431985, - 0.3237504324667698, - 0.4527899646883332, - 0.19180415641151183, - 0.2108139408789561, - 0.5535546126735064, - 0.5379890582993195, - 0.7596416475899197, - 0.6869160972613855, - 0.17920136691672173, - 0.9808531388296589, - 0.48130194246505664, - 0.8894526616064703, - 0.3460898537647312, - 0.3328879573565703, - 0.43292343512054476, - 0.09209275793909222, - 0.12049708576455975 - ], - "yaxis": "y10" + 0, + 39.32, + 67.25, + 74.23, + 80.31, + 84.53, + 88.5, + 86.95, + 87.64, + 88.18, + 0 + ] }, { "hoverinfo": "text", "marker": { "color": [ - 1, - 1, - 3, - 0, - 1, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 1, - 0, - 1, - 3, - 2, - 0, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 1, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 4, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 4, - 0, - 1, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 8, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 5, - 0, - 2, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 1, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 5, - 4, - 0, - 0, - 1, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 8, - 1, - 0, - 0, - 1, - 0, - 0, - 0 + "rgba(230, 230, 30, 1.0)", + "rgba(50, 200, 50, 1.0)", + "rgba(50, 200, 50, 1.0)", + "rgba(50, 200, 50, 1.0)", + "rgba(50, 200, 50, 1.0)", + "rgba(50, 200, 50, 1.0)", + "rgba(219, 64, 82, 0.7)", + "rgba(50, 200, 50, 1.0)", + "rgba(50, 200, 50, 1.0)", + "rgba(219, 64, 82, 0.7)", + "rgba(55, 128, 191, 0.7)" ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" + "line": { + "color": [ + "rgba(190, 190, 30, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(219, 64, 82, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(219, 64, 82, 1.0)", + "rgba(55, 128, 191, 1.0)" ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 + "width": 2 + } }, - "mode": "markers", - "name": "No_of_siblings_plus_spouses_on_board", - "opacity": 0.8, - "showlegend": false, + "name": "contribution", "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
No_of_siblings_plus_spouses_on_board=1
shap=0.006", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
No_of_siblings_plus_spouses_on_board=1
shap=-0.002", - "index=Palsson, Master. Gosta Leonard
No_of_siblings_plus_spouses_on_board=3
shap=-0.054", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
No_of_siblings_plus_spouses_on_board=0
shap=0.013", - "index=Nasser, Mrs. Nicholas (Adele Achem)
No_of_siblings_plus_spouses_on_board=1
shap=0.002", - "index=Saundercock, Mr. William Henry
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Vestrom, Miss. Hulda Amanda Adolfina
No_of_siblings_plus_spouses_on_board=0
shap=0.007", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
No_of_siblings_plus_spouses_on_board=1
shap=0.006", - "index=Glynn, Miss. Mary Agatha
No_of_siblings_plus_spouses_on_board=0
shap=0.007", - "index=Meyer, Mr. Edgar Joseph
No_of_siblings_plus_spouses_on_board=1
shap=0.009", - "index=Kraeff, Mr. Theodor
No_of_siblings_plus_spouses_on_board=0
shap=0.0", - "index=Devaney, Miss. Margaret Delia
No_of_siblings_plus_spouses_on_board=0
shap=0.006", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
No_of_siblings_plus_spouses_on_board=1
shap=-0.0", - "index=Rugg, Miss. Emily
No_of_siblings_plus_spouses_on_board=0
shap=0.006", - "index=Harris, Mr. Henry Birkhardt
No_of_siblings_plus_spouses_on_board=1
shap=0.005", - "index=Skoog, Master. Harald
No_of_siblings_plus_spouses_on_board=3
shap=-0.066", - "index=Kink, Mr. Vincenz
No_of_siblings_plus_spouses_on_board=2
shap=-0.001", - "index=Hood, Mr. Ambrose Jr
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Ilett, Miss. Bertha
No_of_siblings_plus_spouses_on_board=0
shap=0.006", - "index=Ford, Mr. William Neal
No_of_siblings_plus_spouses_on_board=1
shap=0.008", - "index=Christmann, Mr. Emil
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Andreasson, Mr. Paul Edvin
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Chaffee, Mr. Herbert Fuller
No_of_siblings_plus_spouses_on_board=1
shap=0.008", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=White, Mr. Richard Frasar
No_of_siblings_plus_spouses_on_board=0
shap=0.005", - "index=Rekic, Mr. Tido
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Moran, Miss. Bertha
No_of_siblings_plus_spouses_on_board=1
shap=-0.001", - "index=Barton, Mr. David John
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Jussila, Miss. Katriina
No_of_siblings_plus_spouses_on_board=1
shap=-0.005", - "index=Pekoniemi, Mr. Edvard
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Turpin, Mr. William John Robert
No_of_siblings_plus_spouses_on_board=1
shap=0.004", - "index=Moore, Mr. Leonard Charles
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Osen, Mr. Olaf Elon
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Ford, Miss. Robina Maggie \"Ruby\"
No_of_siblings_plus_spouses_on_board=2
shap=0.003", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
No_of_siblings_plus_spouses_on_board=0
shap=0.007", - "index=Bateman, Rev. Robert James
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Meo, Mr. Alfonzo
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Cribb, Mr. John Hatfield
No_of_siblings_plus_spouses_on_board=0
shap=0.006", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
No_of_siblings_plus_spouses_on_board=0
shap=0.011", - "index=Van der hoef, Mr. Wyckoff
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Sivola, Mr. Antti Wilhelm
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Klasen, Mr. Klas Albin
No_of_siblings_plus_spouses_on_board=1
shap=0.007", - "index=Rood, Mr. Hugh Roscoe
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
No_of_siblings_plus_spouses_on_board=1
shap=-0.005", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Vande Walle, Mr. Nestor Cyriel
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Backstrom, Mr. Karl Alfred
No_of_siblings_plus_spouses_on_board=1
shap=0.004", - "index=Blank, Mr. Henry
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", - "index=Ali, Mr. Ahmed
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Green, Mr. George Henry
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Nenkoff, Mr. Christo
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Asplund, Miss. Lillian Gertrud
No_of_siblings_plus_spouses_on_board=4
shap=-0.091", - "index=Harknett, Miss. Alice Phoebe
No_of_siblings_plus_spouses_on_board=0
shap=0.007", - "index=Hunt, Mr. George Henry
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Reed, Mr. James George
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Stead, Mr. William Thomas
No_of_siblings_plus_spouses_on_board=0
shap=0.004", - "index=Thorne, Mrs. Gertrude Maybelle
No_of_siblings_plus_spouses_on_board=0
shap=0.009", - "index=Parrish, Mrs. (Lutie Davis)
No_of_siblings_plus_spouses_on_board=0
shap=0.014", - "index=Smith, Mr. Thomas
No_of_siblings_plus_spouses_on_board=0
shap=0.0", - "index=Asplund, Master. Edvin Rojj Felix
No_of_siblings_plus_spouses_on_board=4
shap=-0.079", - "index=Healy, Miss. Hanora \"Nora\"
No_of_siblings_plus_spouses_on_board=0
shap=0.007", - "index=Andrews, Miss. Kornelia Theodosia
No_of_siblings_plus_spouses_on_board=1
shap=0.001", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
No_of_siblings_plus_spouses_on_board=1
shap=0.002", - "index=Smith, Mr. Richard William
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Connolly, Miss. Kate
No_of_siblings_plus_spouses_on_board=0
shap=0.006", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
No_of_siblings_plus_spouses_on_board=1
shap=0.007", - "index=Levy, Mr. Rene Jacques
No_of_siblings_plus_spouses_on_board=0
shap=-0.004", - "index=Lewy, Mr. Ervin G
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Williams, Mr. Howard Hugh \"Harry\"
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Sage, Mr. George John Jr
No_of_siblings_plus_spouses_on_board=8
shap=-0.085", - "index=Nysveen, Mr. Johan Hansen
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
No_of_siblings_plus_spouses_on_board=1
shap=0.005", - "index=Denkoff, Mr. Mitto
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Burns, Miss. Elizabeth Margaret
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Dimic, Mr. Jovan
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=del Carlo, Mr. Sebastiano
No_of_siblings_plus_spouses_on_board=1
shap=0.008", - "index=Beavan, Mr. William Thomas
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
No_of_siblings_plus_spouses_on_board=1
shap=0.006", - "index=Widener, Mr. Harry Elkins
No_of_siblings_plus_spouses_on_board=0
shap=0.004", - "index=Gustafsson, Mr. Karl Gideon
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Plotcharsky, Mr. Vasil
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Goodwin, Master. Sidney Leonard
No_of_siblings_plus_spouses_on_board=5
shap=-0.081", - "index=Sadlier, Mr. Matthew
No_of_siblings_plus_spouses_on_board=0
shap=0.0", - "index=Gustafsson, Mr. Johan Birger
No_of_siblings_plus_spouses_on_board=2
shap=-0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
No_of_siblings_plus_spouses_on_board=0
shap=0.007", - "index=Niskanen, Mr. Juha
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Minahan, Miss. Daisy E
No_of_siblings_plus_spouses_on_board=1
shap=0.005", - "index=Matthews, Mr. William John
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Charters, Mr. David
No_of_siblings_plus_spouses_on_board=0
shap=0.0", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
No_of_siblings_plus_spouses_on_board=0
shap=0.008", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
No_of_siblings_plus_spouses_on_board=1
shap=0.001", - "index=Johannesen-Bratthammer, Mr. Bernt
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Peuchen, Major. Arthur Godfrey
No_of_siblings_plus_spouses_on_board=0
shap=0.004", - "index=Anderson, Mr. Harry
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Milling, Mr. Jacob Christian
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
No_of_siblings_plus_spouses_on_board=1
shap=-0.001", - "index=Karlsson, Mr. Nils August
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Frost, Mr. Anthony Wood \"Archie\"
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Bishop, Mr. Dickinson H
No_of_siblings_plus_spouses_on_board=1
shap=0.025", - "index=Windelov, Mr. Einar
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Shellard, Mr. Frederick William
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Svensson, Mr. Olof
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=O'Sullivan, Miss. Bridget Mary
No_of_siblings_plus_spouses_on_board=0
shap=0.007", - "index=Laitinen, Miss. Kristina Sofia
No_of_siblings_plus_spouses_on_board=0
shap=0.005", - "index=Penasco y Castellana, Mr. Victor de Satode
No_of_siblings_plus_spouses_on_board=1
shap=0.01", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
No_of_siblings_plus_spouses_on_board=1
shap=-0.001", - "index=Kassem, Mr. Fared
No_of_siblings_plus_spouses_on_board=0
shap=0.0", - "index=Cacic, Miss. Marija
No_of_siblings_plus_spouses_on_board=0
shap=0.006", - "index=Hart, Miss. Eva Miriam
No_of_siblings_plus_spouses_on_board=0
shap=0.017", - "index=Butt, Major. Archibald Willingham
No_of_siblings_plus_spouses_on_board=0
shap=0.0", - "index=Beane, Mr. Edward
No_of_siblings_plus_spouses_on_board=1
shap=0.004", - "index=Goldsmith, Mr. Frank John
No_of_siblings_plus_spouses_on_board=1
shap=0.008", - "index=Ohman, Miss. Velin
No_of_siblings_plus_spouses_on_board=0
shap=0.005", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
No_of_siblings_plus_spouses_on_board=1
shap=0.005", - "index=Morrow, Mr. Thomas Rowan
No_of_siblings_plus_spouses_on_board=0
shap=0.0", - "index=Harris, Mr. George
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
No_of_siblings_plus_spouses_on_board=2
shap=-0.003", - "index=Patchett, Mr. George
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Ross, Mr. John Hugo
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", - "index=Murdlin, Mr. Joseph
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Bourke, Miss. Mary
No_of_siblings_plus_spouses_on_board=0
shap=0.011", - "index=Boulos, Mr. Hanna
No_of_siblings_plus_spouses_on_board=0
shap=0.0", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
No_of_siblings_plus_spouses_on_board=1
shap=0.013", - "index=Homer, Mr. Harry (\"Mr E Haven\")
No_of_siblings_plus_spouses_on_board=0
shap=-0.0", - "index=Lindell, Mr. Edvard Bengtsson
No_of_siblings_plus_spouses_on_board=1
shap=0.004", - "index=Daniel, Mr. Robert Williams
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
No_of_siblings_plus_spouses_on_board=1
shap=0.001", - "index=Shutes, Miss. Elizabeth W
No_of_siblings_plus_spouses_on_board=0
shap=0.007", - "index=Jardin, Mr. Jose Neto
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Horgan, Mr. John
No_of_siblings_plus_spouses_on_board=0
shap=0.0", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
No_of_siblings_plus_spouses_on_board=1
shap=0.0", - "index=Yasbeck, Mr. Antoni
No_of_siblings_plus_spouses_on_board=1
shap=0.008", - "index=Bostandyeff, Mr. Guentcho
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Lundahl, Mr. Johan Svensson
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Stahelin-Maeglin, Dr. Max
No_of_siblings_plus_spouses_on_board=0
shap=-0.006", - "index=Willey, Mr. Edward
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Stanley, Miss. Amy Zillah Elsie
No_of_siblings_plus_spouses_on_board=0
shap=0.005", - "index=Hegarty, Miss. Hanora \"Nora\"
No_of_siblings_plus_spouses_on_board=0
shap=0.006", - "index=Eitemiller, Mr. George Floyd
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Colley, Mr. Edward Pomeroy
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Coleff, Mr. Peju
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
No_of_siblings_plus_spouses_on_board=1
shap=0.004", - "index=Davidson, Mr. Thornton
No_of_siblings_plus_spouses_on_board=1
shap=0.012", - "index=Turja, Miss. Anna Sofia
No_of_siblings_plus_spouses_on_board=0
shap=0.005", - "index=Hassab, Mr. Hammad
No_of_siblings_plus_spouses_on_board=0
shap=-0.004", - "index=Goodwin, Mr. Charles Edward
No_of_siblings_plus_spouses_on_board=5
shap=-0.074", - "index=Panula, Mr. Jaako Arnold
No_of_siblings_plus_spouses_on_board=4
shap=-0.064", - "index=Fischer, Mr. Eberhard Thelander
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
No_of_siblings_plus_spouses_on_board=1
shap=0.005", - "index=Hansen, Mr. Henrik Juul
No_of_siblings_plus_spouses_on_board=1
shap=0.003", - "index=Calderhead, Mr. Edward Pennington
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Klaber, Mr. Herman
No_of_siblings_plus_spouses_on_board=0
shap=0.004", - "index=Taylor, Mr. Elmer Zebley
No_of_siblings_plus_spouses_on_board=1
shap=0.005", - "index=Larsson, Mr. August Viktor
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Greenberg, Mr. Samuel
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
No_of_siblings_plus_spouses_on_board=0
shap=0.004", - "index=McEvoy, Mr. Michael
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Johnson, Mr. Malkolm Joackim
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Gillespie, Mr. William Henry
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Allen, Miss. Elisabeth Walton
No_of_siblings_plus_spouses_on_board=0
shap=0.007", - "index=Berriman, Mr. William John
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Troupiansky, Mr. Moses Aaron
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Williams, Mr. Leslie
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Ivanoff, Mr. Kanio
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=McNamee, Mr. Neal
No_of_siblings_plus_spouses_on_board=1
shap=0.004", - "index=Connaghton, Mr. Michael
No_of_siblings_plus_spouses_on_board=0
shap=0.0", - "index=Carlsson, Mr. August Sigfrid
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
No_of_siblings_plus_spouses_on_board=0
shap=0.007", - "index=Eklund, Mr. Hans Linus
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Hogeboom, Mrs. John C (Anna Andrews)
No_of_siblings_plus_spouses_on_board=1
shap=0.0", - "index=Moran, Mr. Daniel J
No_of_siblings_plus_spouses_on_board=1
shap=0.011", - "index=Lievens, Mr. Rene Aime
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
No_of_siblings_plus_spouses_on_board=0
shap=0.01", - "index=Ayoub, Miss. Banoura
No_of_siblings_plus_spouses_on_board=0
shap=0.007", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
No_of_siblings_plus_spouses_on_board=1
shap=-0.002", - "index=Johnston, Mr. Andrew G
No_of_siblings_plus_spouses_on_board=1
shap=0.013", - "index=Ali, Mr. William
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Sjoblom, Miss. Anna Sofia
No_of_siblings_plus_spouses_on_board=0
shap=0.005", - "index=Guggenheim, Mr. Benjamin
No_of_siblings_plus_spouses_on_board=0
shap=-0.006", - "index=Leader, Dr. Alice (Farnham)
No_of_siblings_plus_spouses_on_board=0
shap=0.006", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
No_of_siblings_plus_spouses_on_board=1
shap=0.0", - "index=Carter, Master. William Thornton II
No_of_siblings_plus_spouses_on_board=1
shap=0.018", - "index=Thomas, Master. Assad Alexander
No_of_siblings_plus_spouses_on_board=0
shap=0.004", - "index=Johansson, Mr. Karl Johan
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Slemen, Mr. Richard James
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Tomlin, Mr. Ernest Portage
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=McCormack, Mr. Thomas Joseph
No_of_siblings_plus_spouses_on_board=0
shap=0.0", - "index=Richards, Master. George Sibley
No_of_siblings_plus_spouses_on_board=1
shap=0.016", - "index=Mudd, Mr. Thomas Charles
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Lemberopolous, Mr. Peter L
No_of_siblings_plus_spouses_on_board=0
shap=0.0", - "index=Sage, Mr. Douglas Bullen
No_of_siblings_plus_spouses_on_board=8
shap=-0.085", - "index=Boulos, Miss. Nourelain
No_of_siblings_plus_spouses_on_board=1
shap=-0.002", - "index=Aks, Mrs. Sam (Leah Rosen)
No_of_siblings_plus_spouses_on_board=0
shap=0.011", - "index=Razi, Mr. Raihed
No_of_siblings_plus_spouses_on_board=0
shap=0.0", - "index=Johnson, Master. Harold Theodor
No_of_siblings_plus_spouses_on_board=1
shap=0.015", - "index=Carlsson, Mr. Frans Olof
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Gustafsson, Mr. Alfred Ossian
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=Montvila, Rev. Juozas
No_of_siblings_plus_spouses_on_board=0
shap=0.002" - ], - "type": "scatter", - "x": [ - 0.00595471964768179, - -0.0017927696755526024, - -0.05394735331034283, - 0.013334406379690715, - 0.0017382164592983536, - 0.0020126440264558176, - 0.006521836278758433, - 0.006422028270260068, - 0.0072838010454650826, - 0.009403532099615761, - 0.00028117402684732707, - 0.005660299544207384, - -1.4314168469379288e-06, - 0.006071027800081748, - 0.004834140385252213, - -0.06594015189518579, - -0.001094545608511153, - 0.0018840970566499655, - 0.006068655042903854, - 0.008357425756287014, - 0.0020654846173189198, - 0.0019520259431258533, - 0.007672811004624584, - 0.001909364391830929, - 0.005385590187797343, - 0.0015911881116328084, - -0.0013559977246747467, - 0.002014874352446687, - -0.005288762258744673, - 0.0019636491945748485, - 0.0036477065456401348, - 0.0019317176331888125, - 0.0020553266557212057, - 0.002699764272483479, - 0.00734347242091078, - 0.0019032256709833604, - 0.0018673156419402445, - 0.0063094589920942344, - 0.010780809133615335, - 0.0019799354406877224, - 0.0019636491945748485, - 0.006732345449385031, - 0.0026212124286717317, - -0.004608750062282137, - 0.0028643478705050857, - 0.0019995576194092885, - 0.003985176687910432, - -0.0032129215730669247, - 0.0020047180668490037, - 0.0019997719958143824, - 0.001909364391830929, - -0.09105215141299074, - 0.006706994454520035, - 0.0018509004733833696, - 0.001909364391830929, - 0.0041312350865836895, - 0.008601935971058341, - 0.014221364931795136, - 0.0001716440199592731, - -0.07872778594723598, - 0.0072838010454650826, - 0.0007229682132490539, - 0.0020515959609198127, - 0.0024083225513508734, - 0.005670123515540393, - 0.007312305846130656, - -0.0038077683164463322, - -0.0014536067189809812, - 0.0019317176331888125, - -0.08489803092864245, - 0.00180669755861028, - 0.005261107842812908, - 0.001909364391830929, - 0.002371278120342963, - 0.0019692377985738286, - 0.008108455071138037, - 0.0020126440264558176, - 0.006243836114712538, - 0.0041361460807102235, - 0.0019520259431258533, - 0.001909364391830929, - -0.08117919371597983, - 0.0001716440199592731, - -0.00037595474092359576, - 0.006679494388094675, - 0.0016028113630818033, - 0.005106332887807526, - 0.0018883320978263852, - 0.00022209587662918486, - 0.007924057032989554, - 0.0006618529799976771, - 0.0019317176331888125, - 0.004150530793288947, - 0.0023598696363776165, - 0.0018347792303731898, - -0.0005032401202006952, - 0.001954256269116723, - 0.0016207721951764784, - 0.024531297910315226, - 0.0019520259431258533, - 0.0020976299472634952, - 0.0020047180668490037, - 0.0072838010454650826, - 0.005435381089593134, - 0.010077534315129248, - 0.0029487932863576476, - -0.000686582170888824, - 0.00028117402684732707, - 0.005527319711240961, - 0.016591594955240156, - 0.00021130001169333175, - 0.0037705016681023485, - 0.007522120936612303, - 0.005390105883247638, - 0.004564076245883442, - 0.0001716440199592731, - 0.0015666615021996454, - -0.0033594622744371715, - 0.002055344446896463, - -0.002830550510086493, - 0.0019317176331888125, - 0.010976020065062654, - 0.00028117402684732707, - 0.013370284938159076, - -0.00023499549887056925, - 0.003910723176213192, - 0.0031509678373941143, - 0.001150794387791197, - 0.007338309747591371, - 0.001909364391830929, - 0.0001716440199592731, - 3.1995105856090963e-05, - 0.0075237736732916794, - 0.0020048665339889547, - 0.0019391539124844178, - -0.005578459345964295, - 0.001909364391830929, - 0.0054031304852736875, - 0.005657926787029492, - 0.0018755393660774397, - 0.0023358446578574557, - 0.0019200678667921755, - 0.00355172120740272, - 0.011532159214092076, - 0.005376289802991194, - -0.003958853510522164, - -0.07444500510012796, - -0.06445245546934844, - 0.0019496531859479612, - 0.003305392980282332, - 0.00532412271512673, - 0.002783212353852867, - 0.0023606835864984333, - 0.004336316619480356, - 0.0045653562905038315, - 0.0019995576194092885, - 0.0017707693171092234, - 0.003850693245397752, - -0.0016222914933632833, - 0.0019200678667921755, - 0.0018509004733833696, - 0.006658419229129253, - 0.0018755393660774397, - 0.0018755393660774397, - 0.002188866526431993, - 0.001909364391830929, - 0.003948310676988902, - 0.0002511892780749753, - 0.0020048665339889547, - 0.0066532145557241075, - 0.002032973414363322, - 0.00019481714513226766, - 0.010906038815675805, - 0.0019994091522693366, - 0.00962737200439644, - 0.006674049346800979, - -0.001911693526005582, - 0.012605414007509336, - 0.0020048665339889547, - 0.005377909154736737, - -0.006273593352288308, - 0.006432808749387042, - 0.00039946360386048784, - 0.01766867294736236, - 0.003610064336135838, - 0.001994521378489415, - 0.0016467926584737911, - 0.00205513946181938, - 0.0001716440199592731, - 0.015596075733704596, - 0.0016900774712482359, - 0.0004275811573466816, - -0.08489803092864245, - -0.0020266674463840484, - 0.010891835070671763, - 0.00028117402684732707, - 0.01528128061149988, - -0.0007336293519353077, - 0.0019467170285461862, - 0.0018883320978263852 + "Population
average=
+39.32 ", + "Sex=female
+27.93 ", + "PassengerClass=1
+6.98 ", + "Fare=71.2833
+6.09 ", + "Deck=C
+4.21 ", + "Embarked=Cherbourg
+3.97 ", + "Age=38.0
-1.54 ", + "No_of_parents_plus_children_on_board=0
+0.68 ", + "No_of_siblings_plus_spouses_on_board=1
+0.54 ", + "Other features combined=
0.0 ", + "Final Prediction=
+88.18 " ], - "xaxis": "x11", - "y": [ - 0.5507656564151161, - 0.36600547937808336, - 0.7064019051555795, - 0.8413418027364833, - 0.1258685887358869, - 0.5228709851842659, - 0.1324536358145142, - 0.5554208845330888, - 0.5556473361946301, - 0.233105197484327, - 0.4585664469676859, - 0.018103996075164774, - 0.6126505175854216, - 0.9978709470214518, - 0.770480145862277, - 0.06189488165143697, - 0.7496166799899041, - 0.06379519247305465, - 0.1770473427354632, - 0.19159224013840115, - 0.900292594163582, - 0.06508886436317562, - 0.39438523713012197, - 0.5185701312740616, - 0.2721987277148006, - 0.15511354883294437, - 0.5003076218926141, - 0.2762565711553452, - 0.7380195502549494, - 0.2515128203243334, - 0.1666172051900544, - 0.9306156382283101, - 0.547855092906377, - 0.06583135188848344, - 0.7657519392249077, - 0.35480201170978587, - 0.8320028848034929, - 0.8087844323504538, - 0.9823953066438406, - 0.38744106824125135, - 0.05180136722646511, - 0.32880978955248263, - 0.6218220880251968, - 0.8101903318062145, - 0.6136048353963027, - 0.29956156771628606, - 0.05267665436409796, - 0.9582904510998929, - 0.2027527356502694, - 0.19389758750945085, - 0.5009572983870638, - 0.04987761333128338, - 0.6663275404531774, - 0.8020663549813875, - 0.9596905166158493, - 0.47742908425564, - 0.5979870234364993, - 0.9108858255055255, - 0.04622077902302146, - 0.5201057310309679, - 0.4363937964194564, - 0.01293796236468292, - 0.7023111873124452, - 0.8299643727872307, - 0.32685200868831255, - 0.41544121611157714, - 0.7328041323746675, - 0.31473626977526337, - 0.18935705892243282, - 0.20170668497200073, - 0.41020241028142046, - 0.24598528095601868, - 0.5047795024537086, - 0.386898460769747, - 0.5377975407360099, - 0.6266752794980472, - 0.5973530486406361, - 0.6062867783945611, - 0.18869737972956502, - 0.12944004146789823, - 0.057479778791682645, - 0.1987137650693993, - 0.8637518213701576, - 0.6986547349687107, - 0.6624885116775681, - 0.14401270611596417, - 0.1819721322951925, - 0.9454473395323393, - 0.12513549420279846, - 0.9044071299850672, - 0.994096187351106, - 0.07093891765398452, - 0.8876201565157537, - 0.8634007831049391, - 0.8266559339933961, - 0.13705756875066033, - 0.05543914268019057, - 0.8358850479280211, - 0.18976716290299567, - 0.6818890839399865, - 0.32056185758562084, - 0.23839005190071116, - 0.9252243308760264, - 0.414149112617875, - 0.6386277401556347, - 0.10634924972387727, - 0.8141494907636615, - 0.830725915282483, - 0.9898509272606365, - 0.3111003009653446, - 0.602293265186344, - 0.7752798880273913, - 0.361047797512156, - 0.1364004847895388, - 0.7740804638305618, - 0.6265578407639247, - 0.21859828108914392, - 0.8602627423256624, - 0.22286997706730538, - 0.2989652308148687, - 0.23564157710902123, - 0.4354585968100242, - 0.4864889499905205, - 0.32209057421097553, - 0.4458110352662279, - 0.7808042072119121, - 0.4227834331017023, - 0.26751016389802196, - 0.9833313024263651, - 0.45061912906719337, - 0.1087187307100882, - 0.01118784962910191, - 0.3430184135753377, - 0.9543090626066048, - 0.1093173897561287, - 0.022756780245524966, - 0.41675802521248695, - 0.6685626454145154, - 0.15990070688252933, - 0.6640395101284358, - 0.8179462156164526, - 0.8646456373461194, - 0.27198246596088393, - 0.030190736243414062, - 0.80654685743137, - 0.15314940199389038, - 0.9975426283235608, - 0.8250742908376602, - 0.041728534621009894, - 0.9649274453190599, - 0.40228581503496375, - 0.8522858258467771, - 0.5358745112616821, - 0.7966815613491065, - 0.4305376900448753, - 0.1261765915278491, - 0.06789745373413847, - 0.9224110085323223, - 0.3513687070816194, - 0.08244230795673291, - 0.2616641020668884, - 0.9460780521588222, - 0.5685420488975582, - 0.7070992364456439, - 0.34301690444209, - 0.1800999051239035, - 0.007040832094635463, - 0.8142256207064422, - 0.3270586731403683, - 0.32828621342289166, - 0.13395850045515612, - 0.049335476057389305, - 0.29314297058506267, - 0.9446155226867046, - 0.2963703850881896, - 0.4502316864389977, - 0.7178950854411376, - 0.5733714238096238, - 0.3525892392286002, - 0.5165350379783978, - 0.6584825631717729, - 0.43810774265237895, - 0.7599942625102968, - 0.26790286947687025, - 0.15490390330844972, - 0.04723548701699154, - 0.266788296680887, - 0.7139761545458979, - 0.641395926934743, - 0.7375152332684365, - 0.25806568987430434, - 0.5539697298516691, - 0.5437302576161465, - 0.7046524428602811, - 0.14161881275247734, - 0.9775333438810067, - 0.7689554891749066, - 0.8571304513853505, - 0.9291985557626394, - 0.2102207585333462 + "type": "bar", + "x": [ + "Population
average", + "Sex", + "PassengerClass", + "Fare", + "Deck", + "Embarked", + "Age", + "No_of_parents_plus_children_on_board", + "No_of_siblings_plus_spouses_on_board", + "Other features combined", + "Final Prediction" ], - "yaxis": "y11" + "y": [ + 39.32, + 27.93, + 6.98, + 6.09, + 4.21, + 3.97, + -1.54, + 0.68, + 0.54, + 0, + 88.18 + ] + } + ], + "layout": { + "barmode": "stack", + "height": 600, + "margin": { + "b": 216, + "l": 50, + "pad": 4, + "r": 100, + "t": 50 + }, + "plot_bgcolor": "#fff", + "showlegend": false, + "template": { + "data": { + "scatter": [ + { + "type": "scatter" + } + ] + } }, + "title": { + "text": "Contribution to prediction probability = 88.18%", + "x": 0.5 + }, + "yaxis": { + "range": [ + 0, + 100 + ], + "title": { + "text": "Predicted %" + } + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_contributions(index, topx=8)" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T15:57:42.669735Z", + "start_time": "2021-01-20T15:57:42.604140Z" + } + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Vestrom, Miss. Hulda Amanda Adolfina\n" + ] + }, + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ { - "hoverinfo": "text", + "hoverinfo": "skip", "marker": { - "color": [ - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 + "color": "rgba(1,1,1, 0.0)" }, - "mode": "markers", - "name": "Deck_B", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_B=0
shap=-0.003", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_B=0
shap=-0.003", - "index=Palsson, Master. Gosta Leonard
Deck_B=0
shap=-0.002", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_B=0
shap=-0.002", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_B=0
shap=-0.003", - "index=Saundercock, Mr. William Henry
Deck_B=0
shap=-0.002", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_B=0
shap=-0.002", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_B=0
shap=-0.004", - "index=Glynn, Miss. Mary Agatha
Deck_B=0
shap=-0.002", - "index=Meyer, Mr. Edgar Joseph
Deck_B=0
shap=-0.004", - "index=Kraeff, Mr. Theodor
Deck_B=0
shap=-0.001", - "index=Devaney, Miss. Margaret Delia
Deck_B=0
shap=-0.002", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_B=0
shap=-0.002", - "index=Rugg, Miss. Emily
Deck_B=0
shap=-0.002", - "index=Harris, Mr. Henry Birkhardt
Deck_B=0
shap=-0.003", - "index=Skoog, Master. Harald
Deck_B=0
shap=-0.002", - "index=Kink, Mr. Vincenz
Deck_B=0
shap=-0.002", - "index=Hood, Mr. Ambrose Jr
Deck_B=0
shap=-0.003", - "index=Ilett, Miss. Bertha
Deck_B=0
shap=-0.002", - "index=Ford, Mr. William Neal
Deck_B=0
shap=-0.003", - "index=Christmann, Mr. Emil
Deck_B=0
shap=-0.002", - "index=Andreasson, Mr. Paul Edvin
Deck_B=0
shap=-0.002", - "index=Chaffee, Mr. Herbert Fuller
Deck_B=0
shap=-0.004", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_B=0
shap=-0.001", - "index=White, Mr. Richard Frasar
Deck_B=0
shap=0.0", - "index=Rekic, Mr. Tido
Deck_B=0
shap=-0.002", - "index=Moran, Miss. Bertha
Deck_B=0
shap=-0.003", - "index=Barton, Mr. David John
Deck_B=0
shap=-0.002", - "index=Jussila, Miss. Katriina
Deck_B=0
shap=-0.002", - "index=Pekoniemi, Mr. Edvard
Deck_B=0
shap=-0.002", - "index=Turpin, Mr. William John Robert
Deck_B=0
shap=-0.003", - "index=Moore, Mr. Leonard Charles
Deck_B=0
shap=-0.001", - "index=Osen, Mr. Olaf Elon
Deck_B=0
shap=-0.002", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_B=0
shap=-0.004", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_B=0
shap=0.0", - "index=Bateman, Rev. Robert James
Deck_B=0
shap=-0.002", - "index=Meo, Mr. Alfonzo
Deck_B=0
shap=-0.002", - "index=Cribb, Mr. John Hatfield
Deck_B=0
shap=-0.002", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_B=0
shap=-0.002", - "index=Van der hoef, Mr. Wyckoff
Deck_B=1
shap=0.055", - "index=Sivola, Mr. Antti Wilhelm
Deck_B=0
shap=-0.002", - "index=Klasen, Mr. Klas Albin
Deck_B=0
shap=-0.002", - "index=Rood, Mr. Hugh Roscoe
Deck_B=0
shap=0.001", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_B=0
shap=-0.002", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_B=1
shap=0.041", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_B=0
shap=-0.002", - "index=Backstrom, Mr. Karl Alfred
Deck_B=0
shap=-0.003", - "index=Blank, Mr. Henry
Deck_B=0
shap=0.0", - "index=Ali, Mr. Ahmed
Deck_B=0
shap=-0.002", - "index=Green, Mr. George Henry
Deck_B=0
shap=-0.002", - "index=Nenkoff, Mr. Christo
Deck_B=0
shap=-0.001", - "index=Asplund, Miss. Lillian Gertrud
Deck_B=0
shap=-0.004", - "index=Harknett, Miss. Alice Phoebe
Deck_B=0
shap=-0.002", - "index=Hunt, Mr. George Henry
Deck_B=0
shap=-0.002", - "index=Reed, Mr. James George
Deck_B=0
shap=-0.001", - "index=Stead, Mr. William Thomas
Deck_B=0
shap=-0.001", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_B=0
shap=-0.002", - "index=Parrish, Mrs. (Lutie Davis)
Deck_B=0
shap=-0.002", - "index=Smith, Mr. Thomas
Deck_B=0
shap=-0.001", - "index=Asplund, Master. Edvin Rojj Felix
Deck_B=0
shap=-0.003", - "index=Healy, Miss. Hanora \"Nora\"
Deck_B=0
shap=-0.002", - "index=Andrews, Miss. Kornelia Theodosia
Deck_B=0
shap=-0.002", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_B=0
shap=-0.002", - "index=Smith, Mr. Richard William
Deck_B=0
shap=0.001", - "index=Connolly, Miss. Kate
Deck_B=0
shap=-0.002", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_B=1
shap=0.037", - "index=Levy, Mr. Rene Jacques
Deck_B=0
shap=0.001", - "index=Lewy, Mr. Ervin G
Deck_B=0
shap=-0.001", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_B=0
shap=-0.001", - "index=Sage, Mr. George John Jr
Deck_B=0
shap=-0.003", - "index=Nysveen, Mr. Johan Hansen
Deck_B=0
shap=-0.002", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_B=0
shap=-0.002", - "index=Denkoff, Mr. Mitto
Deck_B=0
shap=-0.001", - "index=Burns, Miss. Elizabeth Margaret
Deck_B=0
shap=-0.003", - "index=Dimic, Mr. Jovan
Deck_B=0
shap=-0.002", - "index=del Carlo, Mr. Sebastiano
Deck_B=0
shap=-0.002", - "index=Beavan, Mr. William Thomas
Deck_B=0
shap=-0.002", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_B=0
shap=-0.003", - "index=Widener, Mr. Harry Elkins
Deck_B=0
shap=-0.001", - "index=Gustafsson, Mr. Karl Gideon
Deck_B=0
shap=-0.002", - "index=Plotcharsky, Mr. Vasil
Deck_B=0
shap=-0.001", - "index=Goodwin, Master. Sidney Leonard
Deck_B=0
shap=-0.003", - "index=Sadlier, Mr. Matthew
Deck_B=0
shap=-0.001", - "index=Gustafsson, Mr. Johan Birger
Deck_B=0
shap=-0.003", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_B=0
shap=-0.003", - "index=Niskanen, Mr. Juha
Deck_B=0
shap=-0.002", - "index=Minahan, Miss. Daisy E
Deck_B=0
shap=-0.003", - "index=Matthews, Mr. William John
Deck_B=0
shap=-0.002", - "index=Charters, Mr. David
Deck_B=0
shap=-0.002", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_B=0
shap=-0.002", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_B=0
shap=-0.002", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_B=0
shap=-0.001", - "index=Peuchen, Major. Arthur Godfrey
Deck_B=0
shap=-0.001", - "index=Anderson, Mr. Harry
Deck_B=0
shap=0.0", - "index=Milling, Mr. Jacob Christian
Deck_B=0
shap=-0.002", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_B=0
shap=-0.003", - "index=Karlsson, Mr. Nils August
Deck_B=0
shap=-0.002", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_B=0
shap=-0.001", - "index=Bishop, Mr. Dickinson H
Deck_B=1
shap=0.03", - "index=Windelov, Mr. Einar
Deck_B=0
shap=-0.002", - "index=Shellard, Mr. Frederick William
Deck_B=0
shap=-0.001", - "index=Svensson, Mr. Olof
Deck_B=0
shap=-0.002", - "index=O'Sullivan, Miss. Bridget Mary
Deck_B=0
shap=-0.002", - "index=Laitinen, Miss. Kristina Sofia
Deck_B=0
shap=-0.002", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_B=0
shap=-0.002", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_B=0
shap=-0.001", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_B=0
shap=-0.002", - "index=Kassem, Mr. Fared
Deck_B=0
shap=-0.001", - "index=Cacic, Miss. Marija
Deck_B=0
shap=-0.002", - "index=Hart, Miss. Eva Miriam
Deck_B=0
shap=-0.002", - "index=Butt, Major. Archibald Willingham
Deck_B=1
shap=0.035", - "index=Beane, Mr. Edward
Deck_B=0
shap=-0.003", - "index=Goldsmith, Mr. Frank John
Deck_B=0
shap=-0.002", - "index=Ohman, Miss. Velin
Deck_B=0
shap=-0.002", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_B=0
shap=-0.003", - "index=Morrow, Mr. Thomas Rowan
Deck_B=0
shap=-0.001", - "index=Harris, Mr. George
Deck_B=0
shap=-0.002", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_B=0
shap=-0.003", - "index=Patchett, Mr. George
Deck_B=0
shap=-0.002", - "index=Ross, Mr. John Hugo
Deck_B=0
shap=-0.0", - "index=Murdlin, Mr. Joseph
Deck_B=0
shap=-0.001", - "index=Bourke, Miss. Mary
Deck_B=0
shap=-0.002", - "index=Boulos, Mr. Hanna
Deck_B=0
shap=-0.001", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_B=0
shap=-0.004", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_B=0
shap=-0.001", - "index=Lindell, Mr. Edvard Bengtsson
Deck_B=0
shap=-0.003", - "index=Daniel, Mr. Robert Williams
Deck_B=0
shap=-0.002", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_B=0
shap=-0.003", - "index=Shutes, Miss. Elizabeth W
Deck_B=0
shap=-0.003", - "index=Jardin, Mr. Jose Neto
Deck_B=0
shap=-0.001", - "index=Horgan, Mr. John
Deck_B=0
shap=-0.001", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_B=0
shap=-0.002", - "index=Yasbeck, Mr. Antoni
Deck_B=0
shap=-0.002", - "index=Bostandyeff, Mr. Guentcho
Deck_B=0
shap=-0.002", - "index=Lundahl, Mr. Johan Svensson
Deck_B=0
shap=-0.002", - "index=Stahelin-Maeglin, Dr. Max
Deck_B=1
shap=0.029", - "index=Willey, Mr. Edward
Deck_B=0
shap=-0.001", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_B=0
shap=-0.002", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_B=0
shap=-0.002", - "index=Eitemiller, Mr. George Floyd
Deck_B=0
shap=-0.002", - "index=Colley, Mr. Edward Pomeroy
Deck_B=0
shap=0.0", - "index=Coleff, Mr. Peju
Deck_B=0
shap=-0.002", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_B=0
shap=-0.002", - "index=Davidson, Mr. Thornton
Deck_B=1
shap=0.062", - "index=Turja, Miss. Anna Sofia
Deck_B=0
shap=-0.002", - "index=Hassab, Mr. Hammad
Deck_B=0
shap=-0.0", - "index=Goodwin, Mr. Charles Edward
Deck_B=0
shap=-0.003", - "index=Panula, Mr. Jaako Arnold
Deck_B=0
shap=-0.003", - "index=Fischer, Mr. Eberhard Thelander
Deck_B=0
shap=-0.002", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_B=0
shap=-0.0", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_B=0
shap=-0.003", - "index=Hansen, Mr. Henrik Juul
Deck_B=0
shap=-0.002", - "index=Calderhead, Mr. Edward Pennington
Deck_B=0
shap=0.0", - "index=Klaber, Mr. Herman
Deck_B=0
shap=0.002", - "index=Taylor, Mr. Elmer Zebley
Deck_B=0
shap=-0.003", - "index=Larsson, Mr. August Viktor
Deck_B=0
shap=-0.002", - "index=Greenberg, Mr. Samuel
Deck_B=0
shap=-0.002", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_B=0
shap=-0.001", - "index=McEvoy, Mr. Michael
Deck_B=0
shap=-0.001", - "index=Johnson, Mr. Malkolm Joackim
Deck_B=0
shap=-0.002", - "index=Gillespie, Mr. William Henry
Deck_B=0
shap=-0.002", - "index=Allen, Miss. Elisabeth Walton
Deck_B=1
shap=0.052", - "index=Berriman, Mr. William John
Deck_B=0
shap=-0.002", - "index=Troupiansky, Mr. Moses Aaron
Deck_B=0
shap=-0.002", - "index=Williams, Mr. Leslie
Deck_B=0
shap=-0.002", - "index=Ivanoff, Mr. Kanio
Deck_B=0
shap=-0.001", - "index=McNamee, Mr. Neal
Deck_B=0
shap=-0.002", - "index=Connaghton, Mr. Michael
Deck_B=0
shap=-0.002", - "index=Carlsson, Mr. August Sigfrid
Deck_B=0
shap=-0.002", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_B=1
shap=0.051", - "index=Eklund, Mr. Hans Linus
Deck_B=0
shap=-0.002", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_B=0
shap=-0.002", - "index=Moran, Mr. Daniel J
Deck_B=0
shap=-0.002", - "index=Lievens, Mr. Rene Aime
Deck_B=0
shap=-0.002", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_B=1
shap=0.049", - "index=Ayoub, Miss. Banoura
Deck_B=0
shap=-0.002", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_B=1
shap=0.04", - "index=Johnston, Mr. Andrew G
Deck_B=0
shap=-0.002", - "index=Ali, Mr. William
Deck_B=0
shap=-0.002", - "index=Sjoblom, Miss. Anna Sofia
Deck_B=0
shap=-0.002", - "index=Guggenheim, Mr. Benjamin
Deck_B=1
shap=0.032", - "index=Leader, Dr. Alice (Farnham)
Deck_B=0
shap=-0.002", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_B=0
shap=-0.002", - "index=Carter, Master. William Thornton II
Deck_B=1
shap=0.046", - "index=Thomas, Master. Assad Alexander
Deck_B=0
shap=-0.001", - "index=Johansson, Mr. Karl Johan
Deck_B=0
shap=-0.002", - "index=Slemen, Mr. Richard James
Deck_B=0
shap=-0.002", - "index=Tomlin, Mr. Ernest Portage
Deck_B=0
shap=-0.002", - "index=McCormack, Mr. Thomas Joseph
Deck_B=0
shap=-0.001", - "index=Richards, Master. George Sibley
Deck_B=0
shap=-0.002", - "index=Mudd, Mr. Thomas Charles
Deck_B=0
shap=-0.002", - "index=Lemberopolous, Mr. Peter L
Deck_B=0
shap=-0.001", - "index=Sage, Mr. Douglas Bullen
Deck_B=0
shap=-0.003", - "index=Boulos, Miss. Nourelain
Deck_B=0
shap=-0.002", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_B=0
shap=-0.002", - "index=Razi, Mr. Raihed
Deck_B=0
shap=-0.001", - "index=Johnson, Master. Harold Theodor
Deck_B=0
shap=-0.001", - "index=Carlsson, Mr. Frans Olof
Deck_B=1
shap=0.03", - "index=Gustafsson, Mr. Alfred Ossian
Deck_B=0
shap=-0.002", - "index=Montvila, Rev. Juozas
Deck_B=0
shap=-0.002" - ], - "type": "scatter", - "x": [ - -0.003182234606565419, - -0.002827048589101432, - -0.0021963648665911297, - -0.002363102041662358, - -0.002515695837381596, - -0.0016605567444501967, - -0.002192587553547312, - -0.004343932814342255, - -0.002046837558112525, - -0.003500652126570672, - -0.0010699807987710344, - -0.002394570684525748, - -0.0024218502201587893, - -0.0017215498875884868, - -0.0029844749395994763, - -0.0022884442865483087, - -0.0023839695044037654, - -0.002807518075588171, - -0.0017147406033345054, - -0.0025914030307619637, - -0.0018076386309069214, - -0.0016820574964161099, - -0.0035729406004325536, - -0.0013071841182095353, - 0.0001550339580178024, - -0.0020033183491552304, - -0.0026031093836881318, - -0.0016605567444501967, - -0.0023129926564689797, - -0.0016605567444501967, - -0.002889241964434737, - -0.0012856833662436222, - -0.0016433146100421107, - -0.00399901649029259, - 0.00014720222806958696, - -0.0019838167817909855, - -0.0020432698694846253, - -0.0022222443759233328, - -0.0021685390898318695, - 0.054783744352960684, - -0.0016605567444501967, - -0.00174599501426815, - 0.0006731561008047992, - -0.002321693320230217, - 0.040874659045865826, - -0.00175354235773762, - -0.0028477699431357965, - 2.3842408449897324e-05, - -0.0016820574964161099, - -0.0020092060718697336, - -0.0013071841182095353, - -0.0037256849077843264, - -0.0018589676677480446, - -0.0019232955969250805, - -0.0013071841182095353, - -0.0007931040240190292, - -0.0024107665283550216, - -0.0021049720821461307, - -0.0012044156933071499, - -0.0025363215277174733, - -0.002046837558112525, - -0.0022189468790936905, - -0.0024512458267924677, - 0.0014939852025242504, - -0.002394570684525748, - 0.03738607961190774, - 0.0007863195880351286, - -0.0008338034878186234, - -0.0012856833662436222, - -0.0025669634979698713, - -0.002064770621450539, - -0.0020676209088410953, - -0.0013071841182095353, - -0.0025752168560824354, - -0.0019818175971893165, - -0.00243257656390968, - -0.0016605567444501967, - -0.0025003924670158758, - -0.0006924250140631328, - -0.0016820574964161099, - -0.0013071841182095353, - -0.002733418482664938, - -0.0012044156933071499, - -0.0027020917544001107, - -0.002890885706501424, - -0.0019818175971893165, - -0.0030403556599863735, - -0.0019026588771433259, - -0.0015792890715137242, - -0.0019888055856392885, - -0.0021040671890172054, - -0.0012856833662436222, - -0.001423395193730069, - 0.00011130431901885501, - -0.0019555919439790074, - -0.0027719058141795028, - -0.0016820574964161099, - -0.001205533679659151, - 0.03048817271544422, - -0.0016820574964161099, - -0.0014193661459655082, - -0.0016820574964161099, - -0.002046837558112525, - -0.002279926401041148, - -0.00176659657029096, - -0.0011943351810415666, - -0.0021003993876151706, - -0.0010699807987710344, - -0.002267126312836472, - -0.002191616019365696, - 0.035240082585530456, - -0.0029786694925215606, - -0.002197069000747549, - -0.0022067007941612665, - -0.002752651910023174, - -0.0012044156933071499, - -0.0019995753798796537, - -0.0030843631584521517, - -0.0016584599675658481, - -0.0002576887867240015, - -0.0012856833662436222, - -0.0021679860573413437, - -0.0010699807987710344, - -0.003708063384737889, - -0.0013795631151748708, - -0.0028477699431357965, - -0.0022773708077909274, - -0.002773669082935362, - -0.0027408706845795682, - -0.0013071841182095353, - -0.0012044156933071499, - -0.0024218502201587893, - -0.0019122482991918805, - -0.0016820574964161099, - -0.0020307068238356474, - 0.029131413262582614, - -0.0013071841182095353, - -0.0022067007941612665, - -0.002394570684525748, - -0.0015394401781743527, - 3.172339562846385e-05, - -0.0019955916527983324, - -0.002386825093770666, - 0.06187711222613719, - -0.002198000130400029, - -0.00014608080526968108, - -0.002846921822540922, - -0.002670353292846862, - -0.0016820574964161099, - -0.00029547722412308727, - -0.0027344420817073008, - -0.0022888811954407677, - 0.00015651068949763906, - 0.0016474833249325255, - -0.002829845360173679, - -0.0017846221182920574, - -0.001997243859624122, - -0.001352213935776712, - -0.0013125080968166079, - -0.0019955916527983324, - -0.0019026588771433259, - 0.05167434588297297, - -0.0015394401781743527, - -0.0015394401781743527, - -0.001975263231503148, - -0.0013071841182095353, - -0.0023119977212427575, - -0.0018689355014760666, - -0.0017779416809016394, - 0.05091298461486389, - -0.0016648153620080239, - -0.0023209981145074364, - -0.0020419174942515614, - -0.0016576581732520906, - 0.04880328888459687, - -0.0023810972284027472, - 0.0403011802676686, - -0.0018913115708974805, - -0.0016820574964161099, - -0.0022067007941612665, - 0.032050134379515476, - -0.0016079733563720755, - -0.0020626293811125637, - 0.04614748670868838, - -0.001252319421053491, - -0.0019955916527983324, - -0.0019049903973988563, - -0.0019740909008324186, - -0.0012044156933071499, - -0.0016990670695206682, - -0.001524529564021798, - -0.0014805301568041145, - -0.0025669634979698713, - -0.0023611390296332333, - -0.002239695329928922, - -0.0010699807987710344, - -0.0014618945563496342, - 0.02962795791071722, - -0.0016576581732520906, - -0.0015394401781743527 + "name": "", + "type": "bar", + "x": [ + "Population
average", + "Sex", + "PassengerClass", + "Embarked", + "Fare", + "Deck", + "Age", + "No_of_siblings_plus_spouses_on_board", + "No_of_parents_plus_children_on_board", + "Other features combined", + "Final Prediction" ], - "xaxis": "x12", "y": [ - 0.1328512254351235, - 0.6470938268996699, - 0.7026722541566992, - 0.4221015457770134, - 0.619004795058616, - 0.4856172853235521, - 0.9067856318319361, - 0.9301753457293849, - 0.6341065131081661, - 0.7401484403671102, - 0.6842093635040036, - 0.0833054031521, - 0.18745343540225579, - 0.9785654549835852, - 0.15608258232972128, - 0.7892414336797454, - 0.32313610738149245, - 0.7022311509397721, - 0.035686452085897824, - 0.7082235241670235, - 0.5064388507414185, - 0.9700877695669873, - 0.3255376131225155, - 0.09914860864193131, - 0.6114878776077317, - 0.00956432550581554, - 0.5783470939221524, - 0.15061906345046616, - 0.10290441709943998, - 0.668370493470094, - 0.18320154067376937, - 0.9606664553835274, - 0.4258781683056029, - 0.5465396346249459, - 0.5436077762538905, - 0.9640168013858805, - 0.37360616660821555, - 0.103786565319539, - 0.338409886217633, - 0.5004115525461964, - 0.7044480616188559, - 0.784710874110404, - 0.5774817764294045, - 0.43275429240359875, - 0.4936056643460929, - 0.42378854304178826, - 0.2833136167748994, - 0.6950098735960879, - 0.06110037097649901, - 0.7731976709976426, - 0.08187868653599262, - 0.21654698697406294, - 0.8229788041475143, - 0.41284911262460067, - 0.22921611712065137, - 0.3813745756660598, - 0.08522050606755505, - 0.3379245243314557, - 0.373954357578002, - 0.6653441497498214, - 0.7078748204948537, - 0.9363850399760423, - 0.5976717835274549, - 0.6056529146962567, - 0.7589493045651515, - 0.35203261759576476, - 0.9317426755178652, - 0.4529159193891875, - 0.8964371047809767, - 0.6550222997265287, - 0.20805469724882297, - 0.6636168891241581, - 0.5268886121391645, - 0.09436843917927351, - 0.5312916598825007, - 0.20621845453774668, - 0.6251248991478009, - 0.9742916086531429, - 0.12965687246321722, - 0.47864621559372533, - 0.5664738594736678, - 0.9917328680611465, - 0.19766036486690441, - 0.4852761388178125, - 0.34333200484501325, - 0.0971169883943579, - 0.4948068773488177, - 0.9673219409094937, - 0.6727936009793059, - 0.5623357466843444, - 0.710762833899108, - 0.7138393302915708, - 0.0323290474880048, - 0.128191272394937, - 0.021541722738272484, - 0.2462875923897333, - 0.6712235746938675, - 0.9769302887840384, - 0.12524863585547952, - 0.06776347290291507, - 0.35362639101924254, - 0.885341721190878, - 0.025698487450261487, - 0.23215992730673374, - 0.06259618882671836, - 0.07314304306840314, - 0.3639951427288337, - 0.14215983233122564, - 0.6858439934838637, - 0.43928892284504706, - 0.13991673934443727, - 0.817011686109582, - 0.1362848286827124, - 0.03369408488245351, - 0.8291791940279067, - 0.0663593032194506, - 0.01620179311686265, - 0.11428342469409036, - 0.9815744625128526, - 0.3151069071505306, - 0.36490630345696673, - 0.9751358621823555, - 0.0464339803391004, - 0.3387314125031189, - 0.9458825635681564, - 0.0815488741169429, - 0.8678547070563281, - 0.8927724669697261, - 0.6445872802846051, - 0.22029336409655054, - 0.4498834767973119, - 0.6082639601334814, - 0.5217197607716323, - 0.633134628924547, - 0.48272692307113063, - 0.3589243062837789, - 0.652500000070639, - 0.7186117747799112, - 0.23704484471784681, - 0.38609318948502047, - 0.10003889932140586, - 0.04277553502739062, - 0.5443178230319807, - 0.34628145762739626, - 0.6426338860881198, - 0.7588266581289775, - 0.12426809066157907, - 0.9339823803901082, - 0.008906473431491757, - 0.03941028770014232, - 0.043443036517646694, - 0.7661359696235374, - 0.9440508096692786, - 0.5418746185932194, - 0.06464172709105354, - 0.8923317050499409, - 0.17964571946833352, - 0.4727665408739744, - 0.8117196529740388, - 0.8200575137641202, - 0.8595838454451613, - 0.2506516459002128, - 0.6565346217455771, - 0.7794509074759032, - 0.14386249431979947, - 0.5717936846189682, - 0.3874056000016649, - 0.4325677596751236, - 0.2159788254461915, - 0.1483687712313707, - 0.27494033962882547, - 0.5124581291915932, - 0.476202518688298, - 0.7284866118942797, - 0.4759648669219756, - 0.29941647499791824, - 0.14609759206419604, - 0.8041017396942203, - 0.9159586485085993, - 0.5434088903016824, - 0.43868555958502475, - 0.8970904466813597, - 0.6585896986000068, - 0.6389225633213776, - 0.9100146688624153, - 0.15821387386754038, - 0.8020635743698175, - 0.028456352305711752, - 0.4278744230776308, - 0.4200537623562196, - 0.7115840804016346, - 0.5014325331877885, - 0.7022061348345374, - 0.536443565516302, - 0.4722695779781638, - 0.30806805061756504, - 0.5146641923815237, - 0.19161703787604278, - 0.1433551447799134, - 0.4348327454730825 - ], - "yaxis": "y12" + 0, + 39.32, + 65.73, + 59.72, + 56.28, + 53.63, + 51.34, + 52.54, + 53.67, + 54.32, + 0 + ] }, { "hoverinfo": "text", "marker": { "color": [ - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 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, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 + "rgba(230, 230, 30, 1.0)", + "rgba(50, 200, 50, 1.0)", + "rgba(219, 64, 82, 0.7)", + "rgba(219, 64, 82, 0.7)", + "rgba(219, 64, 82, 0.7)", + "rgba(219, 64, 82, 0.7)", + "rgba(50, 200, 50, 1.0)", + "rgba(50, 200, 50, 1.0)", + "rgba(50, 200, 50, 1.0)", + "rgba(219, 64, 82, 0.7)", + "rgba(55, 128, 191, 0.7)" ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" + "line": { + "color": [ + "rgba(190, 190, 30, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(219, 64, 82, 1.0)", + "rgba(219, 64, 82, 1.0)", + "rgba(219, 64, 82, 1.0)", + "rgba(219, 64, 82, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(219, 64, 82, 1.0)", + "rgba(55, 128, 191, 1.0)" ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 + "width": 2 + } }, - "mode": "markers", - "name": "Deck_E", - "opacity": 0.8, - "showlegend": false, + "name": "contribution", "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_E=0
shap=-0.002", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_E=0
shap=-0.001", - "index=Palsson, Master. Gosta Leonard
Deck_E=0
shap=-0.002", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_E=0
shap=-0.001", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_E=0
shap=-0.001", - "index=Saundercock, Mr. William Henry
Deck_E=0
shap=-0.002", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_E=0
shap=-0.001", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_E=0
shap=-0.001", - "index=Glynn, Miss. Mary Agatha
Deck_E=0
shap=-0.001", - "index=Meyer, Mr. Edgar Joseph
Deck_E=0
shap=-0.004", - "index=Kraeff, Mr. Theodor
Deck_E=0
shap=-0.002", - "index=Devaney, Miss. Margaret Delia
Deck_E=0
shap=-0.001", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_E=0
shap=-0.001", - "index=Rugg, Miss. Emily
Deck_E=0
shap=-0.001", - "index=Harris, Mr. Henry Birkhardt
Deck_E=0
shap=-0.003", - "index=Skoog, Master. Harald
Deck_E=0
shap=-0.002", - "index=Kink, Mr. Vincenz
Deck_E=0
shap=-0.002", - "index=Hood, Mr. Ambrose Jr
Deck_E=0
shap=-0.002", - "index=Ilett, Miss. Bertha
Deck_E=0
shap=-0.001", - "index=Ford, Mr. William Neal
Deck_E=0
shap=-0.002", - "index=Christmann, Mr. Emil
Deck_E=0
shap=-0.002", - "index=Andreasson, Mr. Paul Edvin
Deck_E=0
shap=-0.002", - "index=Chaffee, Mr. Herbert Fuller
Deck_E=1
shap=0.041", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_E=0
shap=-0.002", - "index=White, Mr. Richard Frasar
Deck_E=0
shap=-0.004", - "index=Rekic, Mr. Tido
Deck_E=0
shap=-0.002", - "index=Moran, Miss. Bertha
Deck_E=0
shap=-0.001", - "index=Barton, Mr. David John
Deck_E=0
shap=-0.002", - "index=Jussila, Miss. Katriina
Deck_E=0
shap=-0.001", - "index=Pekoniemi, Mr. Edvard
Deck_E=0
shap=-0.002", - "index=Turpin, Mr. William John Robert
Deck_E=0
shap=-0.002", - "index=Moore, Mr. Leonard Charles
Deck_E=0
shap=-0.002", - "index=Osen, Mr. Olaf Elon
Deck_E=0
shap=-0.002", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_E=0
shap=-0.001", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_E=0
shap=-0.002", - "index=Bateman, Rev. Robert James
Deck_E=0
shap=-0.002", - "index=Meo, Mr. Alfonzo
Deck_E=0
shap=-0.001", - "index=Cribb, Mr. John Hatfield
Deck_E=0
shap=-0.001", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_E=1
shap=0.03", - "index=Van der hoef, Mr. Wyckoff
Deck_E=0
shap=-0.001", - "index=Sivola, Mr. Antti Wilhelm
Deck_E=0
shap=-0.002", - "index=Klasen, Mr. Klas Albin
Deck_E=0
shap=-0.002", - "index=Rood, Mr. Hugh Roscoe
Deck_E=0
shap=-0.004", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_E=0
shap=-0.001", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_E=0
shap=-0.001", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_E=0
shap=-0.002", - "index=Backstrom, Mr. Karl Alfred
Deck_E=0
shap=-0.002", - "index=Blank, Mr. Henry
Deck_E=0
shap=-0.004", - "index=Ali, Mr. Ahmed
Deck_E=0
shap=-0.002", - "index=Green, Mr. George Henry
Deck_E=0
shap=-0.002", - "index=Nenkoff, Mr. Christo
Deck_E=0
shap=-0.002", - "index=Asplund, Miss. Lillian Gertrud
Deck_E=0
shap=-0.001", - "index=Harknett, Miss. Alice Phoebe
Deck_E=0
shap=-0.001", - "index=Hunt, Mr. George Henry
Deck_E=0
shap=-0.002", - "index=Reed, Mr. James George
Deck_E=0
shap=-0.002", - "index=Stead, Mr. William Thomas
Deck_E=0
shap=-0.002", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_E=0
shap=-0.002", - "index=Parrish, Mrs. (Lutie Davis)
Deck_E=0
shap=-0.0", - "index=Smith, Mr. Thomas
Deck_E=0
shap=-0.002", - "index=Asplund, Master. Edvin Rojj Felix
Deck_E=0
shap=-0.002", - "index=Healy, Miss. Hanora \"Nora\"
Deck_E=0
shap=-0.001", - "index=Andrews, Miss. Kornelia Theodosia
Deck_E=0
shap=-0.0", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_E=0
shap=-0.001", - "index=Smith, Mr. Richard William
Deck_E=0
shap=-0.004", - "index=Connolly, Miss. Kate
Deck_E=0
shap=-0.001", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_E=0
shap=-0.002", - "index=Levy, Mr. Rene Jacques
Deck_E=0
shap=-0.004", - "index=Lewy, Mr. Ervin G
Deck_E=0
shap=-0.003", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_E=0
shap=-0.002", - "index=Sage, Mr. George John Jr
Deck_E=0
shap=-0.002", - "index=Nysveen, Mr. Johan Hansen
Deck_E=0
shap=-0.001", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_E=0
shap=-0.001", - "index=Denkoff, Mr. Mitto
Deck_E=0
shap=-0.002", - "index=Burns, Miss. Elizabeth Margaret
Deck_E=1
shap=0.039", - "index=Dimic, Mr. Jovan
Deck_E=0
shap=-0.002", - "index=del Carlo, Mr. Sebastiano
Deck_E=0
shap=-0.002", - "index=Beavan, Mr. William Thomas
Deck_E=0
shap=-0.002", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_E=0
shap=-0.001", - "index=Widener, Mr. Harry Elkins
Deck_E=0
shap=-0.003", - "index=Gustafsson, Mr. Karl Gideon
Deck_E=0
shap=-0.002", - "index=Plotcharsky, Mr. Vasil
Deck_E=0
shap=-0.002", - "index=Goodwin, Master. Sidney Leonard
Deck_E=0
shap=-0.002", - "index=Sadlier, Mr. Matthew
Deck_E=0
shap=-0.002", - "index=Gustafsson, Mr. Johan Birger
Deck_E=0
shap=-0.002", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_E=0
shap=-0.002", - "index=Niskanen, Mr. Juha
Deck_E=0
shap=-0.002", - "index=Minahan, Miss. Daisy E
Deck_E=0
shap=-0.002", - "index=Matthews, Mr. William John
Deck_E=0
shap=-0.002", - "index=Charters, Mr. David
Deck_E=0
shap=-0.002", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_E=0
shap=-0.001", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_E=0
shap=-0.001", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_E=0
shap=-0.002", - "index=Peuchen, Major. Arthur Godfrey
Deck_E=0
shap=-0.003", - "index=Anderson, Mr. Harry
Deck_E=1
shap=0.055", - "index=Milling, Mr. Jacob Christian
Deck_E=0
shap=-0.001", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_E=0
shap=-0.001", - "index=Karlsson, Mr. Nils August
Deck_E=0
shap=-0.002", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_E=0
shap=-0.002", - "index=Bishop, Mr. Dickinson H
Deck_E=0
shap=-0.005", - "index=Windelov, Mr. Einar
Deck_E=0
shap=-0.002", - "index=Shellard, Mr. Frederick William
Deck_E=0
shap=-0.002", - "index=Svensson, Mr. Olof
Deck_E=0
shap=-0.002", - "index=O'Sullivan, Miss. Bridget Mary
Deck_E=0
shap=-0.002", - "index=Laitinen, Miss. Kristina Sofia
Deck_E=0
shap=-0.001", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_E=0
shap=-0.005", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_E=0
shap=-0.003", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_E=0
shap=-0.001", - "index=Kassem, Mr. Fared
Deck_E=0
shap=-0.002", - "index=Cacic, Miss. Marija
Deck_E=0
shap=-0.002", - "index=Hart, Miss. Eva Miriam
Deck_E=0
shap=-0.001", - "index=Butt, Major. Archibald Willingham
Deck_E=0
shap=-0.003", - "index=Beane, Mr. Edward
Deck_E=0
shap=-0.002", - "index=Goldsmith, Mr. Frank John
Deck_E=0
shap=-0.002", - "index=Ohman, Miss. Velin
Deck_E=0
shap=-0.001", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_E=1
shap=0.03", - "index=Morrow, Mr. Thomas Rowan
Deck_E=0
shap=-0.002", - "index=Harris, Mr. George
Deck_E=0
shap=0.0", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_E=0
shap=-0.0", - "index=Patchett, Mr. George
Deck_E=0
shap=-0.002", - "index=Ross, Mr. John Hugo
Deck_E=0
shap=-0.004", - "index=Murdlin, Mr. Joseph
Deck_E=0
shap=-0.002", - "index=Bourke, Miss. Mary
Deck_E=0
shap=-0.001", - "index=Boulos, Mr. Hanna
Deck_E=0
shap=-0.002", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_E=0
shap=-0.004", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_E=0
shap=-0.003", - "index=Lindell, Mr. Edvard Bengtsson
Deck_E=0
shap=-0.002", - "index=Daniel, Mr. Robert Williams
Deck_E=0
shap=-0.003", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_E=0
shap=-0.001", - "index=Shutes, Miss. Elizabeth W
Deck_E=0
shap=-0.002", - "index=Jardin, Mr. Jose Neto
Deck_E=0
shap=-0.002", - "index=Horgan, Mr. John
Deck_E=0
shap=-0.002", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_E=0
shap=-0.001", - "index=Yasbeck, Mr. Antoni
Deck_E=0
shap=-0.002", - "index=Bostandyeff, Mr. Guentcho
Deck_E=0
shap=-0.002", - "index=Lundahl, Mr. Johan Svensson
Deck_E=0
shap=-0.002", - "index=Stahelin-Maeglin, Dr. Max
Deck_E=0
shap=-0.004", - "index=Willey, Mr. Edward
Deck_E=0
shap=-0.002", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_E=0
shap=-0.001", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_E=0
shap=-0.002", - "index=Eitemiller, Mr. George Floyd
Deck_E=0
shap=-0.002", - "index=Colley, Mr. Edward Pomeroy
Deck_E=1
shap=0.071", - "index=Coleff, Mr. Peju
Deck_E=0
shap=-0.002", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_E=0
shap=-0.001", - "index=Davidson, Mr. Thornton
Deck_E=0
shap=-0.004", - "index=Turja, Miss. Anna Sofia
Deck_E=0
shap=-0.001", - "index=Hassab, Mr. Hammad
Deck_E=0
shap=-0.006", - "index=Goodwin, Mr. Charles Edward
Deck_E=0
shap=-0.002", - "index=Panula, Mr. Jaako Arnold
Deck_E=0
shap=-0.002", - "index=Fischer, Mr. Eberhard Thelander
Deck_E=0
shap=-0.002", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_E=0
shap=-0.006", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_E=0
shap=-0.002", - "index=Hansen, Mr. Henrik Juul
Deck_E=0
shap=-0.002", - "index=Calderhead, Mr. Edward Pennington
Deck_E=1
shap=0.065", - "index=Klaber, Mr. Herman
Deck_E=0
shap=-0.004", - "index=Taylor, Mr. Elmer Zebley
Deck_E=0
shap=-0.003", - "index=Larsson, Mr. August Viktor
Deck_E=0
shap=-0.002", - "index=Greenberg, Mr. Samuel
Deck_E=0
shap=-0.001", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_E=1
shap=0.043", - "index=McEvoy, Mr. Michael
Deck_E=0
shap=-0.002", - "index=Johnson, Mr. Malkolm Joackim
Deck_E=0
shap=-0.002", - "index=Gillespie, Mr. William Henry
Deck_E=0
shap=-0.002", - "index=Allen, Miss. Elisabeth Walton
Deck_E=0
shap=-0.002", - "index=Berriman, Mr. William John
Deck_E=0
shap=-0.002", - "index=Troupiansky, Mr. Moses Aaron
Deck_E=0
shap=-0.002", - "index=Williams, Mr. Leslie
Deck_E=0
shap=-0.002", - "index=Ivanoff, Mr. Kanio
Deck_E=0
shap=-0.002", - "index=McNamee, Mr. Neal
Deck_E=0
shap=-0.002", - "index=Connaghton, Mr. Michael
Deck_E=0
shap=-0.002", - "index=Carlsson, Mr. August Sigfrid
Deck_E=0
shap=-0.002", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_E=0
shap=-0.001", - "index=Eklund, Mr. Hans Linus
Deck_E=0
shap=-0.002", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_E=0
shap=-0.001", - "index=Moran, Mr. Daniel J
Deck_E=0
shap=-0.002", - "index=Lievens, Mr. Rene Aime
Deck_E=0
shap=-0.002", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_E=0
shap=-0.001", - "index=Ayoub, Miss. Banoura
Deck_E=0
shap=-0.002", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_E=0
shap=-0.001", - "index=Johnston, Mr. Andrew G
Deck_E=0
shap=-0.002", - "index=Ali, Mr. William
Deck_E=0
shap=-0.002", - "index=Sjoblom, Miss. Anna Sofia
Deck_E=0
shap=-0.001", - "index=Guggenheim, Mr. Benjamin
Deck_E=0
shap=-0.004", - "index=Leader, Dr. Alice (Farnham)
Deck_E=0
shap=-0.001", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_E=0
shap=-0.001", - "index=Carter, Master. William Thornton II
Deck_E=0
shap=-0.002", - "index=Thomas, Master. Assad Alexander
Deck_E=0
shap=-0.002", - "index=Johansson, Mr. Karl Johan
Deck_E=0
shap=-0.002", - "index=Slemen, Mr. Richard James
Deck_E=0
shap=-0.002", - "index=Tomlin, Mr. Ernest Portage
Deck_E=0
shap=-0.002", - "index=McCormack, Mr. Thomas Joseph
Deck_E=0
shap=-0.002", - "index=Richards, Master. George Sibley
Deck_E=0
shap=-0.002", - "index=Mudd, Mr. Thomas Charles
Deck_E=0
shap=-0.002", - "index=Lemberopolous, Mr. Peter L
Deck_E=0
shap=-0.002", - "index=Sage, Mr. Douglas Bullen
Deck_E=0
shap=-0.002", - "index=Boulos, Miss. Nourelain
Deck_E=0
shap=-0.001", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_E=0
shap=-0.001", - "index=Razi, Mr. Raihed
Deck_E=0
shap=-0.002", - "index=Johnson, Master. Harold Theodor
Deck_E=0
shap=-0.002", - "index=Carlsson, Mr. Frans Olof
Deck_E=0
shap=-0.005", - "index=Gustafsson, Mr. Alfred Ossian
Deck_E=0
shap=-0.002", - "index=Montvila, Rev. Juozas
Deck_E=0
shap=-0.002" - ], - "type": "scatter", - "x": [ - -0.0016563529654883165, - -0.0014408459971507151, - -0.001821949817106044, - -0.0009317010556261307, - -0.000976218262754705, - -0.0024773524865546416, - -0.001462566090456109, - -0.0008030779976867997, - -0.0013793077895272712, - -0.00398541709475906, - -0.0022943574526988345, - -0.0014828474246837411, - -0.0010782311696716108, - -0.001054324594100274, - -0.002670124498984966, - -0.0016698880567176844, - -0.002053823730165198, - -0.0019132702661272976, - -0.0010261615996132792, - -0.0016204682055202273, - -0.0024708338815465285, - -0.002435338518033469, - 0.04118505013572227, - -0.002400331595559016, - -0.0038030642743587576, - -0.0023196615108082084, - -0.0011645687279691463, - -0.0024773524865546416, - -0.0013083880241455974, - -0.002435338518033469, - -0.001825990224572866, - -0.0024096081513281346, - -0.002378161633980363, - -0.0008452023309089384, - -0.0016755220874797366, - -0.0015927402631645462, - -0.0012846337546365337, - -0.0013725587588697802, - 0.02997467786048965, - -0.0014701417873527387, - -0.002435338518033469, - -0.0018479399420384059, - -0.003979525164002118, - -0.0012429097100881195, - -0.0009962147155912011, - -0.0024708338815465285, - -0.002123299237935506, - -0.0041504774802511146, - -0.00244318036928068, - -0.00166259866421506, - -0.002400331595559016, - -0.0008388092809565115, - -0.0014956338857675642, - -0.0022110302118456514, - -0.002426286041279873, - -0.0017718639307253447, - -0.0016113313224419255, - -0.0002654526802147234, - -0.0022502771405063537, - -0.0016036097799405715, - -0.0013793077895272712, - -0.0003752060053412058, - -0.0009469887657919064, - -0.004492298746604759, - -0.0014828474246837411, - -0.0017141366310232037, - -0.0043993593515638954, - -0.002923530972140731, - -0.0024096081513281346, - -0.001640005356288379, - -0.0012247061196341584, - -0.001022265583057014, - -0.002400331595559016, - 0.039065861477445805, - -0.001936601958374732, - -0.0018366817943071842, - -0.0024773524865546416, - -0.0013337544704119463, - -0.0032871943027963533, - -0.002435338518033469, - -0.002400331595559016, - -0.0015129579821754314, - -0.0022502771405063537, - -0.0019883454161077206, - -0.0016447673268937878, - -0.0023196615108082084, - -0.001881802136278449, - -0.0022110302118456514, - -0.0023675086884339842, - -0.0011699114081560988, - -0.0005365552590514877, - -0.0024096081513281346, - -0.002920281371669335, - 0.0551024931167364, - -0.0013269870319529663, - -0.0007135972163797512, - -0.00244318036928068, - -0.002135108430803685, - -0.004975211546270611, - -0.00244318036928068, - -0.00242107361299619, - -0.002435338518033469, - -0.0015353788781648106, - -0.001430071075189282, - -0.004951132815009629, - -0.0027997985561898286, - -0.000668493654344517, - -0.0024504285413363743, - -0.0015092167823865547, - -0.0006895377432509044, - -0.0027659872856756634, - -0.0018210167166292034, - -0.0019361449753457329, - -0.0014909944497499997, - 0.029722078864284827, - -0.0022502771405063537, - 0.00040634269152100535, - -0.0003540231609291695, - -0.0024540826275952225, - -0.0040455778099453155, - -0.0024096081513281346, - -0.0010602258532303236, - -0.0024504285413363743, - -0.0035481420959888395, - -0.002944919993748878, - -0.0020141408357183576, - -0.002764506123825178, - -0.0009370912880665958, - -0.0017815830943401169, - -0.002426286041279873, - -0.0022502771405063537, - -0.0010794481881481442, - -0.002189221547219721, - -0.002428819913025356, - -0.0016284265469410988, - -0.0043288985022872295, - -0.002426286041279873, - -0.0014988363009972101, - -0.0015282655285742122, - -0.0022316443506804028, - 0.07122347010649337, - -0.0023275033620554194, - -0.0006709363272900039, - -0.003824414289114784, - -0.0014718426462252275, - -0.005822085794858492, - -0.0015129579821754314, - -0.0015452826068263741, - -0.0023688850782112446, - -0.0061258713153018955, - -0.0017676893409185488, - -0.00210535320447829, - 0.06452449504226719, - -0.004450500978788748, - -0.0025767319242832737, - -0.0024708338815465285, - -0.0013432977292806327, - 0.04264567997155804, - -0.0024067206866926617, - -0.002428819913025356, - -0.002188401959295519, - -0.0015727219988065104, - -0.0022316443506804028, - -0.0022316443506804028, - -0.002445317376510848, - -0.002400331595559016, - -0.002129817842943619, - -0.002360990083425871, - -0.002428819913025356, - -0.0012482879790929851, - -0.0023688850782112446, - -0.0006638298131454174, - -0.0021305867907912457, - -0.0024773524865546416, - -0.0010662879128017246, - -0.0016604776188720203, - -0.0013840802946926253, - -0.0018546204442551144, - -0.00244318036928068, - -0.0014885205361769658, - -0.004167156516593727, - -0.0008377756575932405, - -0.000750680651929623, - -0.0015484811057140738, - -0.001810777337783722, - -0.002428819913025356, - -0.0020710198572841377, - -0.0024708338815465285, - -0.0022502771405063537, - -0.0015827509243473074, - -0.002048074173653693, - -0.0023434997181444907, - -0.001640005356288379, - -0.0011806242387005636, - -0.0011601527707418135, - -0.0024504285413363743, - -0.0018286464007716535, - -0.005429098296016873, - -0.0024773524865546416, - -0.0022110302118456514 + "Population
average=
+39.32 ", + "Sex=female
+26.4 ", + "PassengerClass=3
-6.01 ", + "Embarked=Southampton
-3.44 ", + "Fare=7.8542
-2.65 ", + "Deck=Unkown
-2.28 ", + "Age=14.0
+1.2 ", + "No_of_siblings_plus_spouses_on_board=0
+1.12 ", + "No_of_parents_plus_children_on_board=0
+0.65 ", + "Other features combined=
0.0 ", + "Final Prediction=
+54.32 " + ], + "type": "bar", + "x": [ + "Population
average", + "Sex", + "PassengerClass", + "Embarked", + "Fare", + "Deck", + "Age", + "No_of_siblings_plus_spouses_on_board", + "No_of_parents_plus_children_on_board", + "Other features combined", + "Final Prediction" ], - "xaxis": "x13", "y": [ - 0.6510480530748702, - 0.11426578319186387, - 0.31356248541804776, - 0.6957906431076293, - 0.5190187694831793, - 0.5924303951489782, - 0.9342573290973554, - 0.5807341051370472, - 0.23236504126619761, - 0.6897059557753566, - 0.2250102121305052, - 0.5903894098384144, - 0.436072438738225, - 0.20734265558884835, - 0.7300149905107091, - 0.8277150345089871, - 0.24013667796610916, - 0.7050352982729192, - 0.295474946766937, - 0.7017202013554176, - 0.9900093604555892, - 0.29284101805652674, - 0.41234289249486533, - 0.2973042720035439, - 0.43372750274282135, - 0.655991872178363, - 0.4929935931506654, - 0.6152467918555605, - 0.34413240574576476, - 0.8686477997942181, - 0.7211142186477735, - 0.4800015341907199, - 0.5390530161854012, - 0.6894962918757217, - 0.8905450238393496, - 0.6426987494332356, - 0.02999139107670956, - 0.42958076295165126, - 0.24933364053499407, - 0.18270078880814533, - 0.20160874123355355, - 0.053796321432819205, - 0.3562071609067369, - 0.35628659990855915, - 0.0737608183383105, - 0.10751949884636747, - 0.26867298837104636, - 0.26334565690432377, - 0.09802168586616833, - 0.6114867877046596, - 0.6407949077185967, - 0.17365919673962604, - 0.04264028208980808, - 0.6160942163486345, - 0.47282763481808576, - 0.058011164535536786, - 0.09001672606289712, - 0.20192658815978404, - 0.4595914275289472, - 0.9891606191739266, - 0.37518896348452735, - 0.3014000440545135, - 0.17667574667543517, - 0.9032578578498286, - 0.9295768726913208, - 0.43239437962057026, - 0.0758663581195338, - 0.17328709525752461, - 0.9012608297577164, - 0.5081492877925736, - 0.03148660779627932, - 0.41203087630999347, - 0.08283408193508479, - 0.37967263848265465, - 0.8389141071473745, - 0.4018338463817148, - 0.27311130255755767, - 0.3800150708856497, - 0.6215206497001763, - 0.8262615433493639, - 0.44256894337003627, - 0.3093714878191096, - 0.9569850567020447, - 0.12342818276137102, - 0.37216681190094303, - 0.2244874001029934, - 0.9181778422765513, - 0.8209976219767892, - 0.9351383721581681, - 0.9531973871514162, - 0.664230736650596, - 0.8544207278892632, - 0.14905464753624398, - 0.35222974842775046, - 0.7839426250767053, - 0.3872564980879193, - 0.6019106934620154, - 0.356552277232949, - 0.4814710660225904, - 0.21805821215068677, - 0.47508611527920763, - 0.9831356062401512, - 0.5435094627439354, - 0.5982458685907414, - 0.8034776347411259, - 0.6395582802190964, - 0.2651200342762333, - 0.08323151237026627, - 0.2791080685216297, - 0.25950486223764047, - 0.9822505466198009, - 0.7531261625282495, - 0.045440333968519764, - 0.9715264911187608, - 0.9879096450057092, - 0.5047195000393032, - 0.6535382596690927, - 0.020831827497666655, - 0.466503509067824, - 0.4705172172365927, - 0.24441360755934594, - 0.5388559342922923, - 0.7072569325006443, - 0.4431350212942454, - 0.6654806834494096, - 0.9755538985688454, - 0.5480291917124639, - 0.8585522476511022, - 0.3040611657935436, - 0.35033577186126597, - 0.40770849986016056, - 0.8433586477462363, - 0.4086090968700127, - 0.25322922428492156, - 0.10380442997349737, - 0.5688538295873106, - 0.7477276177549211, - 0.46989079146283286, - 0.3237798768854965, - 0.4350606732971716, - 0.5452187753962656, - 0.1383498815029276, - 0.48105601366456174, - 0.008809625769184981, - 0.02525882654356637, - 0.2370641912116278, - 0.36427930024144706, - 0.5448115109364076, - 0.6447741920126634, - 0.5352701480001782, - 0.6576972031832304, - 0.08153437272618458, - 0.05256293889878627, - 0.8656179335055992, - 0.38310367805133805, - 0.9899725150007206, - 0.31394248089054466, - 0.9186836775220132, - 0.7153102235248864, - 0.871823670980951, - 0.7700784750864986, - 0.759879594027741, - 0.23922348674517102, - 0.8765234352397165, - 0.5458646798831801, - 0.0924279117498944, - 0.6775633412440922, - 0.09277007484628064, - 0.15134744496087527, - 0.03584181308416934, - 0.9998618671660613, - 0.9868802504720576, - 0.7406098015839667, - 0.051640977869945925, - 0.9389003875008944, - 0.7955968289319073, - 0.9867507598893601, - 0.529134597146903, - 0.09205429222170824, - 0.29576885938272224, - 0.6959349167717735, - 0.5766116021392375, - 0.007259710928578356, - 0.5454216829120043, - 0.1939246642618826, - 0.8254472095262506, - 0.9654045959117973, - 0.7894096778335783, - 0.4611498050105808, - 0.8059112447782001, - 0.6507530070205026, - 0.035298258229757074, - 0.907259095411564, - 0.22225592847030695, - 0.18097813450028222, - 0.16948286321856476, - 0.5596509940872212, - 0.8063508264312682, - 0.7793095555857656, - 0.08479694511723335 + 39.32, + 26.4, + -6.01, + -3.44, + -2.65, + -2.28, + 1.2, + 1.12, + 0.65, + 0, + 54.32 + ] + } + ], + "layout": { + "barmode": "stack", + "height": 600, + "margin": { + "b": 216, + "l": 50, + "pad": 4, + "r": 100, + "t": 50 + }, + "plot_bgcolor": "#fff", + "showlegend": false, + "template": { + "data": { + "scatter": [ + { + "type": "scatter" + } + ] + } + }, + "title": { + "text": "Contribution to prediction probability = 54.32%", + "x": 0.5 + }, + "yaxis": { + "range": [ + 0, + 100 ], - "yaxis": "y13" + "title": { + "text": "Predicted %" + } + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "name = test_names[6] # explainer prediction for name\n", + "print(name)\n", + "explainer.plot_contributions(name)" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T15:57:48.474303Z", + "start_time": "2021-01-20T15:57:48.407599Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "hoverinfo": "skip", + "marker": { + "color": "rgba(1,1,1, 0.0)" + }, + "name": "", + "orientation": "h", + "type": "bar", + "x": [ + 0, + 60.32, + 63.77, + 66.42, + 68.7, + 68.7, + 68.05, + 66.93, + 65.73, + 39.32, + 0 + ], + "y": [ + "Final Prediction", + "PassengerClass", + "Embarked", + "Fare", + "Deck", + "Other features combined", + "No_of_parents_plus_children_on_board", + "No_of_siblings_plus_spouses_on_board", + "Age", + "Sex", + "Population
average" + ] }, { "hoverinfo": "text", "marker": { "color": [ - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 + "rgba(55, 128, 191, 0.7)", + "rgba(219, 64, 82, 0.7)", + "rgba(219, 64, 82, 0.7)", + "rgba(219, 64, 82, 0.7)", + "rgba(219, 64, 82, 0.7)", + "rgba(219, 64, 82, 0.7)", + "rgba(50, 200, 50, 1.0)", + "rgba(50, 200, 50, 1.0)", + "rgba(50, 200, 50, 1.0)", + "rgba(50, 200, 50, 1.0)", + "rgba(230, 230, 30, 1.0)" ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" + "line": { + "color": [ + "rgba(55, 128, 191, 1.0)", + "rgba(219, 64, 82, 1.0)", + "rgba(219, 64, 82, 1.0)", + "rgba(219, 64, 82, 1.0)", + "rgba(219, 64, 82, 1.0)", + "rgba(219, 64, 82, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(190, 190, 30, 1.0)" ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 + "width": 2 + } }, - "mode": "markers", - "name": "Embarked_Queenstown", - "opacity": 0.8, - "showlegend": false, + "name": "contribution", + "orientation": "h", "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Embarked_Queenstown=0
shap=0.002", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Embarked_Queenstown=0
shap=0.001", - "index=Palsson, Master. Gosta Leonard
Embarked_Queenstown=0
shap=-0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Embarked_Queenstown=0
shap=-0.002", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Embarked_Queenstown=0
shap=0.001", - "index=Saundercock, Mr. William Henry
Embarked_Queenstown=0
shap=0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Embarked_Queenstown=0
shap=-0.01", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Embarked_Queenstown=0
shap=0.001", - "index=Glynn, Miss. Mary Agatha
Embarked_Queenstown=1
shap=0.022", - "index=Meyer, Mr. Edgar Joseph
Embarked_Queenstown=0
shap=0.002", - "index=Kraeff, Mr. Theodor
Embarked_Queenstown=0
shap=0.002", - "index=Devaney, Miss. Margaret Delia
Embarked_Queenstown=1
shap=0.014", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Embarked_Queenstown=0
shap=-0.003", - "index=Rugg, Miss. Emily
Embarked_Queenstown=0
shap=-0.004", - "index=Harris, Mr. Henry Birkhardt
Embarked_Queenstown=0
shap=0.002", - "index=Skoog, Master. Harald
Embarked_Queenstown=0
shap=0.001", - "index=Kink, Mr. Vincenz
Embarked_Queenstown=0
shap=-0.001", - "index=Hood, Mr. Ambrose Jr
Embarked_Queenstown=0
shap=0.001", - "index=Ilett, Miss. Bertha
Embarked_Queenstown=0
shap=-0.006", - "index=Ford, Mr. William Neal
Embarked_Queenstown=0
shap=0.001", - "index=Christmann, Mr. Emil
Embarked_Queenstown=0
shap=0.0", - "index=Andreasson, Mr. Paul Edvin
Embarked_Queenstown=0
shap=-0.0", - "index=Chaffee, Mr. Herbert Fuller
Embarked_Queenstown=0
shap=0.002", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Embarked_Queenstown=0
shap=-0.0", - "index=White, Mr. Richard Frasar
Embarked_Queenstown=0
shap=0.002", - "index=Rekic, Mr. Tido
Embarked_Queenstown=0
shap=0.0", - "index=Moran, Miss. Bertha
Embarked_Queenstown=1
shap=-0.004", - "index=Barton, Mr. David John
Embarked_Queenstown=0
shap=0.0", - "index=Jussila, Miss. Katriina
Embarked_Queenstown=0
shap=-0.005", - "index=Pekoniemi, Mr. Edvard
Embarked_Queenstown=0
shap=0.0", - "index=Turpin, Mr. William John Robert
Embarked_Queenstown=0
shap=0.001", - "index=Moore, Mr. Leonard Charles
Embarked_Queenstown=0
shap=-0.0", - "index=Osen, Mr. Olaf Elon
Embarked_Queenstown=0
shap=-0.0", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Embarked_Queenstown=0
shap=-0.001", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Embarked_Queenstown=0
shap=0.001", - "index=Bateman, Rev. Robert James
Embarked_Queenstown=0
shap=0.001", - "index=Meo, Mr. Alfonzo
Embarked_Queenstown=0
shap=0.0", - "index=Cribb, Mr. John Hatfield
Embarked_Queenstown=0
shap=0.001", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Embarked_Queenstown=0
shap=-0.0", - "index=Van der hoef, Mr. Wyckoff
Embarked_Queenstown=0
shap=0.002", - "index=Sivola, Mr. Antti Wilhelm
Embarked_Queenstown=0
shap=0.0", - "index=Klasen, Mr. Klas Albin
Embarked_Queenstown=0
shap=0.0", - "index=Rood, Mr. Hugh Roscoe
Embarked_Queenstown=0
shap=0.001", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Embarked_Queenstown=0
shap=-0.003", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Embarked_Queenstown=0
shap=0.004", - "index=Vande Walle, Mr. Nestor Cyriel
Embarked_Queenstown=0
shap=0.0", - "index=Backstrom, Mr. Karl Alfred
Embarked_Queenstown=0
shap=0.001", - "index=Blank, Mr. Henry
Embarked_Queenstown=0
shap=0.003", - "index=Ali, Mr. Ahmed
Embarked_Queenstown=0
shap=0.0", - "index=Green, Mr. George Henry
Embarked_Queenstown=0
shap=0.0", - "index=Nenkoff, Mr. Christo
Embarked_Queenstown=0
shap=-0.0", - "index=Asplund, Miss. Lillian Gertrud
Embarked_Queenstown=0
shap=-0.001", - "index=Harknett, Miss. Alice Phoebe
Embarked_Queenstown=0
shap=-0.009", - "index=Hunt, Mr. George Henry
Embarked_Queenstown=0
shap=0.001", - "index=Reed, Mr. James George
Embarked_Queenstown=0
shap=-0.0", - "index=Stead, Mr. William Thomas
Embarked_Queenstown=0
shap=0.002", - "index=Thorne, Mrs. Gertrude Maybelle
Embarked_Queenstown=0
shap=-0.0", - "index=Parrish, Mrs. (Lutie Davis)
Embarked_Queenstown=0
shap=0.001", - "index=Smith, Mr. Thomas
Embarked_Queenstown=1
shap=-0.011", - "index=Asplund, Master. Edvin Rojj Felix
Embarked_Queenstown=0
shap=0.001", - "index=Healy, Miss. Hanora \"Nora\"
Embarked_Queenstown=1
shap=0.022", - "index=Andrews, Miss. Kornelia Theodosia
Embarked_Queenstown=0
shap=0.001", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Embarked_Queenstown=0
shap=0.0", - "index=Smith, Mr. Richard William
Embarked_Queenstown=0
shap=0.002", - "index=Connolly, Miss. Kate
Embarked_Queenstown=1
shap=0.01", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Embarked_Queenstown=0
shap=0.001", - "index=Levy, Mr. Rene Jacques
Embarked_Queenstown=0
shap=0.002", - "index=Lewy, Mr. Ervin G
Embarked_Queenstown=0
shap=0.002", - "index=Williams, Mr. Howard Hugh \"Harry\"
Embarked_Queenstown=0
shap=-0.0", - "index=Sage, Mr. George John Jr
Embarked_Queenstown=0
shap=0.001", - "index=Nysveen, Mr. Johan Hansen
Embarked_Queenstown=0
shap=0.0", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Embarked_Queenstown=0
shap=-0.0", - "index=Denkoff, Mr. Mitto
Embarked_Queenstown=0
shap=-0.0", - "index=Burns, Miss. Elizabeth Margaret
Embarked_Queenstown=0
shap=0.004", - "index=Dimic, Mr. Jovan
Embarked_Queenstown=0
shap=0.0", - "index=del Carlo, Mr. Sebastiano
Embarked_Queenstown=0
shap=0.002", - "index=Beavan, Mr. William Thomas
Embarked_Queenstown=0
shap=0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Embarked_Queenstown=0
shap=0.001", - "index=Widener, Mr. Harry Elkins
Embarked_Queenstown=0
shap=0.002", - "index=Gustafsson, Mr. Karl Gideon
Embarked_Queenstown=0
shap=-0.0", - "index=Plotcharsky, Mr. Vasil
Embarked_Queenstown=0
shap=-0.0", - "index=Goodwin, Master. Sidney Leonard
Embarked_Queenstown=0
shap=0.001", - "index=Sadlier, Mr. Matthew
Embarked_Queenstown=1
shap=-0.011", - "index=Gustafsson, Mr. Johan Birger
Embarked_Queenstown=0
shap=-0.001", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Embarked_Queenstown=0
shap=-0.002", - "index=Niskanen, Mr. Juha
Embarked_Queenstown=0
shap=0.0", - "index=Minahan, Miss. Daisy E
Embarked_Queenstown=1
shap=-0.027", - "index=Matthews, Mr. William John
Embarked_Queenstown=0
shap=0.0", - "index=Charters, Mr. David
Embarked_Queenstown=1
shap=-0.012", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Embarked_Queenstown=0
shap=-0.0", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Embarked_Queenstown=0
shap=0.003", - "index=Johannesen-Bratthammer, Mr. Bernt
Embarked_Queenstown=0
shap=-0.0", - "index=Peuchen, Major. Arthur Godfrey
Embarked_Queenstown=0
shap=0.002", - "index=Anderson, Mr. Harry
Embarked_Queenstown=0
shap=0.002", - "index=Milling, Mr. Jacob Christian
Embarked_Queenstown=0
shap=0.001", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Embarked_Queenstown=0
shap=0.002", - "index=Karlsson, Mr. Nils August
Embarked_Queenstown=0
shap=0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Embarked_Queenstown=0
shap=0.0", - "index=Bishop, Mr. Dickinson H
Embarked_Queenstown=0
shap=0.002", - "index=Windelov, Mr. Einar
Embarked_Queenstown=0
shap=0.0", - "index=Shellard, Mr. Frederick William
Embarked_Queenstown=0
shap=-0.0", - "index=Svensson, Mr. Olof
Embarked_Queenstown=0
shap=-0.0", - "index=O'Sullivan, Miss. Bridget Mary
Embarked_Queenstown=1
shap=0.022", - "index=Laitinen, Miss. Kristina Sofia
Embarked_Queenstown=0
shap=-0.003", - "index=Penasco y Castellana, Mr. Victor de Satode
Embarked_Queenstown=0
shap=0.002", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Embarked_Queenstown=0
shap=0.001", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Embarked_Queenstown=0
shap=0.001", - "index=Kassem, Mr. Fared
Embarked_Queenstown=0
shap=0.002", - "index=Cacic, Miss. Marija
Embarked_Queenstown=0
shap=-0.005", - "index=Hart, Miss. Eva Miriam
Embarked_Queenstown=0
shap=0.0", - "index=Butt, Major. Archibald Willingham
Embarked_Queenstown=0
shap=0.001", - "index=Beane, Mr. Edward
Embarked_Queenstown=0
shap=0.001", - "index=Goldsmith, Mr. Frank John
Embarked_Queenstown=0
shap=0.0", - "index=Ohman, Miss. Velin
Embarked_Queenstown=0
shap=-0.006", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Embarked_Queenstown=0
shap=0.001", - "index=Morrow, Mr. Thomas Rowan
Embarked_Queenstown=1
shap=-0.011", - "index=Harris, Mr. George
Embarked_Queenstown=0
shap=0.0", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Embarked_Queenstown=0
shap=0.0", - "index=Patchett, Mr. George
Embarked_Queenstown=0
shap=0.0", - "index=Ross, Mr. John Hugo
Embarked_Queenstown=0
shap=0.003", - "index=Murdlin, Mr. Joseph
Embarked_Queenstown=0
shap=-0.0", - "index=Bourke, Miss. Mary
Embarked_Queenstown=1
shap=-0.002", - "index=Boulos, Mr. Hanna
Embarked_Queenstown=0
shap=0.002", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Embarked_Queenstown=0
shap=0.002", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Embarked_Queenstown=0
shap=0.003", - "index=Lindell, Mr. Edvard Bengtsson
Embarked_Queenstown=0
shap=0.001", - "index=Daniel, Mr. Robert Williams
Embarked_Queenstown=0
shap=0.001", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Embarked_Queenstown=0
shap=0.005", - "index=Shutes, Miss. Elizabeth W
Embarked_Queenstown=0
shap=0.0", - "index=Jardin, Mr. Jose Neto
Embarked_Queenstown=0
shap=-0.0", - "index=Horgan, Mr. John
Embarked_Queenstown=1
shap=-0.011", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Embarked_Queenstown=0
shap=-0.001", - "index=Yasbeck, Mr. Antoni
Embarked_Queenstown=0
shap=0.002", - "index=Bostandyeff, Mr. Guentcho
Embarked_Queenstown=0
shap=0.0", - "index=Lundahl, Mr. Johan Svensson
Embarked_Queenstown=0
shap=0.0", - "index=Stahelin-Maeglin, Dr. Max
Embarked_Queenstown=0
shap=0.003", - "index=Willey, Mr. Edward
Embarked_Queenstown=0
shap=-0.0", - "index=Stanley, Miss. Amy Zillah Elsie
Embarked_Queenstown=0
shap=-0.005", - "index=Hegarty, Miss. Hanora \"Nora\"
Embarked_Queenstown=1
shap=0.021", - "index=Eitemiller, Mr. George Floyd
Embarked_Queenstown=0
shap=0.0", - "index=Colley, Mr. Edward Pomeroy
Embarked_Queenstown=0
shap=0.002", - "index=Coleff, Mr. Peju
Embarked_Queenstown=0
shap=0.0", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Embarked_Queenstown=0
shap=0.003", - "index=Davidson, Mr. Thornton
Embarked_Queenstown=0
shap=0.002", - "index=Turja, Miss. Anna Sofia
Embarked_Queenstown=0
shap=-0.009", - "index=Hassab, Mr. Hammad
Embarked_Queenstown=0
shap=0.002", - "index=Goodwin, Mr. Charles Edward
Embarked_Queenstown=0
shap=0.001", - "index=Panula, Mr. Jaako Arnold
Embarked_Queenstown=0
shap=0.001", - "index=Fischer, Mr. Eberhard Thelander
Embarked_Queenstown=0
shap=-0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Embarked_Queenstown=0
shap=0.001", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Embarked_Queenstown=0
shap=0.0", - "index=Hansen, Mr. Henrik Juul
Embarked_Queenstown=0
shap=0.001", - "index=Calderhead, Mr. Edward Pennington
Embarked_Queenstown=0
shap=0.002", - "index=Klaber, Mr. Herman
Embarked_Queenstown=0
shap=0.001", - "index=Taylor, Mr. Elmer Zebley
Embarked_Queenstown=0
shap=0.002", - "index=Larsson, Mr. August Viktor
Embarked_Queenstown=0
shap=0.0", - "index=Greenberg, Mr. Samuel
Embarked_Queenstown=0
shap=0.001", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Embarked_Queenstown=0
shap=-0.002", - "index=McEvoy, Mr. Michael
Embarked_Queenstown=1
shap=-0.01", - "index=Johnson, Mr. Malkolm Joackim
Embarked_Queenstown=0
shap=0.0", - "index=Gillespie, Mr. William Henry
Embarked_Queenstown=0
shap=0.001", - "index=Allen, Miss. Elisabeth Walton
Embarked_Queenstown=0
shap=-0.0", - "index=Berriman, Mr. William John
Embarked_Queenstown=0
shap=0.0", - "index=Troupiansky, Mr. Moses Aaron
Embarked_Queenstown=0
shap=0.0", - "index=Williams, Mr. Leslie
Embarked_Queenstown=0
shap=0.0", - "index=Ivanoff, Mr. Kanio
Embarked_Queenstown=0
shap=-0.0", - "index=McNamee, Mr. Neal
Embarked_Queenstown=0
shap=0.001", - "index=Connaghton, Mr. Michael
Embarked_Queenstown=1
shap=-0.014", - "index=Carlsson, Mr. August Sigfrid
Embarked_Queenstown=0
shap=0.0", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Embarked_Queenstown=0
shap=0.0", - "index=Eklund, Mr. Hans Linus
Embarked_Queenstown=0
shap=-0.0", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Embarked_Queenstown=0
shap=0.001", - "index=Moran, Mr. Daniel J
Embarked_Queenstown=1
shap=-0.019", - "index=Lievens, Mr. Rene Aime
Embarked_Queenstown=0
shap=0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Embarked_Queenstown=0
shap=0.001", - "index=Ayoub, Miss. Banoura
Embarked_Queenstown=0
shap=-0.006", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Embarked_Queenstown=0
shap=-0.0", - "index=Johnston, Mr. Andrew G
Embarked_Queenstown=0
shap=0.0", - "index=Ali, Mr. William
Embarked_Queenstown=0
shap=0.0", - "index=Sjoblom, Miss. Anna Sofia
Embarked_Queenstown=0
shap=-0.008", - "index=Guggenheim, Mr. Benjamin
Embarked_Queenstown=0
shap=0.002", - "index=Leader, Dr. Alice (Farnham)
Embarked_Queenstown=0
shap=0.0", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Embarked_Queenstown=0
shap=0.002", - "index=Carter, Master. William Thornton II
Embarked_Queenstown=0
shap=0.001", - "index=Thomas, Master. Assad Alexander
Embarked_Queenstown=0
shap=0.002", - "index=Johansson, Mr. Karl Johan
Embarked_Queenstown=0
shap=0.0", - "index=Slemen, Mr. Richard James
Embarked_Queenstown=0
shap=0.0", - "index=Tomlin, Mr. Ernest Portage
Embarked_Queenstown=0
shap=0.0", - "index=McCormack, Mr. Thomas Joseph
Embarked_Queenstown=1
shap=-0.011", - "index=Richards, Master. George Sibley
Embarked_Queenstown=0
shap=0.0", - "index=Mudd, Mr. Thomas Charles
Embarked_Queenstown=0
shap=-0.0", - "index=Lemberopolous, Mr. Peter L
Embarked_Queenstown=0
shap=0.003", - "index=Sage, Mr. Douglas Bullen
Embarked_Queenstown=0
shap=0.001", - "index=Boulos, Miss. Nourelain
Embarked_Queenstown=0
shap=-0.001", - "index=Aks, Mrs. Sam (Leah Rosen)
Embarked_Queenstown=0
shap=-0.006", - "index=Razi, Mr. Raihed
Embarked_Queenstown=0
shap=0.002", - "index=Johnson, Master. Harold Theodor
Embarked_Queenstown=0
shap=-0.0", - "index=Carlsson, Mr. Frans Olof
Embarked_Queenstown=0
shap=0.0", - "index=Gustafsson, Mr. Alfred Ossian
Embarked_Queenstown=0
shap=0.0", - "index=Montvila, Rev. Juozas
Embarked_Queenstown=0
shap=0.0" - ], - "type": "scatter", - "x": [ - 0.0019489483850240567, - 0.0005357425355751851, - -0.000400028865339444, - -0.00226628152668025, - 0.0013730484207310392, - 8.392888470771426e-05, - -0.009637440412782673, - 0.0014127183619844848, - 0.022480137993409453, - 0.0018301735644784692, - 0.0019976779786616485, - 0.013640325155748947, - -0.0029061825403842744, - -0.0037636159870783315, - 0.0020635160517195406, - 0.0005818596059384733, - -0.001014232651352064, - 0.0009081120675826933, - -0.005607177369681059, - 0.0011237359582523762, - 0.00020280845097808448, - -1.6596855829429374e-06, - 0.0019475167711193995, - -0.0002719772431540516, - 0.0019618036393412837, - 0.0002491673493539101, - -0.0037038951095269713, - 8.392888470771426e-05, - -0.004937558256905373, - 8.392888470771426e-05, - 0.0007489766844133968, - -0.0002719772431540516, - -0.00028332883336738753, - -0.0007274336389284852, - 0.001379425852756222, - 0.0005524059869566683, - 0.0002465471746853106, - 0.001057954330093094, - -0.0002128943725483426, - 0.0016446975209655579, - 8.392888470771426e-05, - 9.130582129408556e-05, - 0.0014300040019156535, - -0.003492537721967675, - 0.004365707480520337, - 0.00017130243521354925, - 0.0006767771562175217, - 0.0032281756273578478, - 0.00024505927103215706, - 0.0002465471746853106, - -0.0002719772431540516, - -0.0008679388622530089, - -0.008619456388527303, - 0.0005524791823289272, - -0.00011084685682960861, - 0.001626329453925272, - -0.0001479081119235669, - 0.0011341642713697817, - -0.010621361474716859, - 0.000781894596418922, - 0.022480137993409453, - 0.000661020733874287, - 0.00041573803471599963, - 0.0016006286760598875, - 0.010042517229515418, - 0.0012032337646260593, - 0.0024373171024750433, - 0.0023408698597448155, - -0.0002719772431540516, - 0.0005713324462761115, - 0.00030684999351551946, - -0.0004935168467744361, - -0.0002719772431540516, - 0.003663877073648684, - 0.0002491673493539101, - 0.0018620413610319227, - 8.392888470771426e-05, - 0.000644800812073299, - 0.002324519332419726, - -1.6596855829429374e-06, - -0.0002719772431540516, - 0.0007829337232832499, - -0.01108445162530701, - -0.001014232651352064, - -0.0016170823427599404, - 0.0002491673493539101, - -0.027199676003070154, - 0.0004688979053708039, - -0.01239965082855116, - -9.95364826543036e-05, - 0.0025106461979940427, - -0.0002719772431540516, - 0.0018263644444057208, - 0.0018656906193718966, - 0.0005594618723914655, - 0.0016203308318318002, - 0.00024505927103215706, - 5.490370847567319e-05, - 0.0017704321364188497, - 0.00024505927103215706, - -0.0001480761303041273, - -1.6596855829429374e-06, - 0.022377624765896224, - -0.00314007336611939, - 0.0018928072594458696, - 0.0009159022121843159, - 0.0012851794098266752, - 0.002158808364986092, - -0.0050444188295003705, - 0.00039499256378932034, - 0.0014517184159199064, - 0.0010360473885357865, - 0.00037558912441411785, - -0.006314329918229738, - 0.0006309071164327988, - -0.010621361474716859, - 0.0004021334891844677, - 9.256367412571177e-05, - 0.00020782999755763858, - 0.0032542639094988394, - -0.0002719772431540516, - -0.0023861995749650394, - 0.002158808364986092, - 0.0022025085496972345, - 0.0028761796579470453, - 0.0006243188215531933, - 0.0014156350719799452, - 0.005375949293081394, - 0.00022154568451566086, - -0.00011084685682960861, - -0.010621361474716859, - -0.001089292421098983, - 0.0017010899742101698, - 0.00021100086307768477, - 0.00030684999351551946, - 0.0030503710113914443, - -0.00011084685682960861, - -0.005176599802729206, - 0.020937474463999562, - 0.0003887392815295039, - 0.0017125038760770154, - 0.000309470168184119, - 0.002582933395227386, - 0.0015312827836417226, - -0.008829551929499522, - 0.0020494031904740562, - 0.0008013803592976632, - 0.0005328137165901612, - -0.00036891740365804483, - 0.0007263852693452165, - 0.00039812929930466904, - 0.0007420687082346138, - 0.0018656906193718966, - 0.0014613507773108803, - 0.00196931661621671, - 0.00020280845097808448, - 0.0005524059869566683, - -0.0022181112223924565, - -0.009710568874172737, - 0.00021312449346356057, - 0.0005594618723914655, - -0.00014701365816485333, - 0.0003887392815295039, - 0.0003887392815295039, - 0.0004322047820899331, - -0.0002719772431540516, - 0.0005657830744704745, - -0.013811588230250214, - 0.00012541229278702746, - 0.00022106866103273993, - -0.00036891740365804483, - 0.000661020733874287, - -0.01852369178762, - 4.423045684357874e-05, - 0.000734339748412521, - -0.00607855340228352, - -0.00031783855193675593, - 0.00025322622018359624, - 0.00024505927103215706, - -0.008499710297282142, - 0.002104453098182762, - 0.0001947272726644308, - 0.0024212851606839197, - 0.0012515309498828634, - 0.002281951596612727, - 0.00042186885579120683, - 0.0004091893746192652, - 0.00026564397519943117, - -0.010621361474716859, - 0.00012186470250101585, - -4.80345036713867e-05, - 0.0027076859372561603, - 0.0005713324462761115, - -0.0012086204886733699, - -0.006277116073301426, - 0.002158808364986092, - -0.00015603251810455745, - 0.00044028620168899566, - 8.828779682762738e-05, - 0.0004770903174704044 + "Population
average=
+39.32 ", + "Sex=female
+26.4 ", + "Age=14.0
+1.2 ", + "No_of_siblings_plus_spouses_on_board=0
+1.12 ", + "No_of_parents_plus_children_on_board=0
+0.65 ", + "Other features combined=
0.0 ", + "Deck=Unkown
-2.28 ", + "Fare=7.8542
-2.65 ", + "Embarked=Southampton
-3.44 ", + "PassengerClass=3
-6.01 ", + "Final Prediction=
+54.32 " ], - "xaxis": "x14", - "y": [ - 0.1495813917561888, - 0.371444937082941, - 0.8490492864539468, - 0.6408448042229975, - 0.7752819546650261, - 0.07516962552709283, - 0.8994154076350876, - 0.909352401835324, - 0.5373030040297819, - 0.5827701580347309, - 0.8880046893831874, - 0.5016633599936943, - 0.443229696816399, - 0.8368515771337552, - 0.979622584885087, - 0.69012227603652, - 0.11373593424202744, - 0.35847414296746727, - 0.37632431270739786, - 0.47831314328573105, - 0.3212163777469348, - 0.9514400497822587, - 0.23516836259413232, - 0.35199793546168945, - 0.36020594899024994, - 0.7604211238383628, - 0.7687727402803212, - 0.7049699660926757, - 0.574581293762955, - 0.1902883958390158, - 0.6888174521302945, - 0.777788139978262, - 0.1907024316156707, - 0.3781382919594872, - 0.9872889718631538, - 0.4011222908267711, - 0.9866987432119024, - 0.10105306257876245, - 0.30548817459827815, - 0.5304559614867428, - 0.9515719733086598, - 0.490163519274716, - 0.37546614767512965, - 0.19908000857936226, - 0.8427589169234498, - 0.4906533188152561, - 0.5608474617584194, - 0.05791097051282246, - 0.12887738144985794, - 0.7566176650123861, - 0.9764169014205529, - 0.7179645870031611, - 0.5385403412645166, - 0.1193408884323699, - 0.7962632610907855, - 0.9494039660348135, - 0.6795459715121628, - 0.23432184986721505, - 0.740937301141203, - 0.6570316390744972, - 0.9565635050708655, - 0.14459425287806082, - 0.43413643131355517, - 0.7493292107320219, - 0.05704027163314007, - 0.3591841006044675, - 0.51120349381822, - 0.5653954111025615, - 0.4117242188625041, - 0.10335499233859591, - 0.19414034504078037, - 0.14142235371528622, - 0.6421288890178933, - 0.9793559112389549, - 0.7179912128773639, - 0.5957264001341928, - 0.20700163472573496, - 0.07499728499169134, - 0.10846487667234661, - 0.6651293753143427, - 0.03485929205352645, - 0.8144276930681482, - 0.9394851785662188, - 0.11871645851157053, - 0.18971418547569852, - 0.8841721202565634, - 0.7333963146576705, - 0.8065946732427872, - 0.8549031258381187, - 0.7020720155737203, - 0.3058616273764272, - 0.3919699677306614, - 0.4240137326064778, - 0.17679136781292726, - 0.31976214839362593, - 0.2877913263346953, - 0.32090434170383586, - 0.8472660825759971, - 0.7058457166616127, - 0.017514151813389, - 0.737367753125261, - 0.6434649845557737, - 0.7642595000650891, - 0.3160078754354654, - 0.2970817163694436, - 0.11699614025367466, - 0.7645907568077404, - 0.08150946419731986, - 0.5378042283277695, - 0.2795213358306847, - 0.6237334703191657, - 0.2120538359744455, - 0.9214346068560901, - 0.6363135605699156, - 0.3622639138364754, - 0.9453731402362768, - 0.9128544799385558, - 0.36728408369042753, - 0.21977992629172316, - 0.39807360872588327, - 0.056248705749070815, - 0.294645951570763, - 0.4885089534175394, - 0.8630724447986855, - 0.05698876818706555, - 0.1318554239827583, - 0.3751117918894612, - 0.05715499805772306, - 0.7782971873129353, - 0.5632618464571463, - 0.9088121083923001, - 0.157442185142056, - 0.0676759404550652, - 0.638018438738624, - 0.2402052636081703, - 0.3358694359664668, - 0.5071619340530077, - 0.38396832713739915, - 0.875858102339081, - 0.2014118516880652, - 0.743926380059983, - 0.810488719455632, - 0.7222164143016387, - 0.33152362632344623, - 0.7680706494929066, - 0.650303094232134, - 0.6825270910635948, - 0.8793820293036959, - 0.9997865497384221, - 0.8753774060538944, - 0.8362543962789143, - 0.8638812576511401, - 0.07203589880866856, - 0.44169464946686865, - 0.9830949983003212, - 0.24460845187365532, - 0.5256052185411082, - 0.9089910812567087, - 0.6614003129008326, - 0.6768078279941034, - 0.9169613546883585, - 0.2457730323450238, - 0.5218500925624252, - 0.5484199150159822, - 0.723266459898196, - 0.5060678076867074, - 0.3511433624822582, - 0.4645028679629998, - 0.42788345675400896, - 0.8829904290241916, - 0.24752905797030433, - 0.8708158627830548, - 0.40607731923814827, - 0.4724716643422454, - 0.8701145054009685, - 0.8606637836641985, - 0.49276909868133423, - 0.23049327642218054, - 0.03739442962795314, - 0.4314839299145806, - 0.6253003981654349, - 0.15527010058288437, - 0.6258879452255572, - 0.7256199235449233, - 0.24943535272938933, - 0.7486000040799797, - 0.7100838176144963, - 0.32236988486886564, - 0.5243897503231764, - 0.7351551526435861, - 0.7909520547451342, - 0.22878933441920501, - 0.687371228861478, - 0.7968953546650219, - 0.6769903165758014, - 0.7934855258760601, - 0.027362219456602443, - 0.4231971604424811, - 0.2705882246328354, - 0.28578667970565097 + "type": "bar", + "x": [ + 54.32, + -6.01, + -3.44, + -2.65, + -2.28, + 0, + 0.65, + 1.12, + 1.2, + 26.4, + 39.32 ], - "yaxis": "y14" + "y": [ + "Final Prediction", + "PassengerClass", + "Embarked", + "Fare", + "Deck", + "Other features combined", + "No_of_parents_plus_children_on_board", + "No_of_siblings_plus_spouses_on_board", + "Age", + "Sex", + "Population
average" + ] + } + ], + "layout": { + "barmode": "stack", + "height": 485, + "margin": { + "b": 50, + "l": 252, + "pad": 4, + "r": 100, + "t": 50 + }, + "plot_bgcolor": "#fff", + "showlegend": false, + "template": { + "data": { + "scatter": [ + { + "type": "scatter" + } + ] + } + }, + "title": { + "text": "Contribution to prediction probability = 54.32%", + "x": 0.5 }, + "xaxis": { + "range": [ + 0, + 100 + ], + "title": { + "text": "Predicted %" + } + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_contributions(name, topx=10, sort='high-to-low', orientation='horizontal')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Shap dependence plots" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T15:58:02.903811Z", + "start_time": "2021-01-20T15:58:02.887352Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ { "hoverinfo": "text", "marker": { - "color": [ - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 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, - 1, - 0, - 0, - 0, - 0, - 1, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 + "opacity": 0.6, + "size": 7 }, "mode": "markers", - "name": "Deck_D", - "opacity": 0.8, - "showlegend": false, "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_D=0
shap=-0.003", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_D=0
shap=-0.002", - "index=Palsson, Master. Gosta Leonard
Deck_D=0
shap=-0.001", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_D=0
shap=-0.001", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_D=0
shap=-0.002", - "index=Saundercock, Mr. William Henry
Deck_D=0
shap=-0.001", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_D=0
shap=-0.001", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_D=0
shap=-0.001", - "index=Glynn, Miss. Mary Agatha
Deck_D=0
shap=-0.001", - "index=Meyer, Mr. Edgar Joseph
Deck_D=0
shap=-0.003", - "index=Kraeff, Mr. Theodor
Deck_D=0
shap=-0.001", - "index=Devaney, Miss. Margaret Delia
Deck_D=0
shap=-0.001", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_D=0
shap=-0.001", - "index=Rugg, Miss. Emily
Deck_D=0
shap=-0.002", - "index=Harris, Mr. Henry Birkhardt
Deck_D=0
shap=-0.003", - "index=Skoog, Master. Harald
Deck_D=0
shap=-0.001", - "index=Kink, Mr. Vincenz
Deck_D=0
shap=-0.001", - "index=Hood, Mr. Ambrose Jr
Deck_D=0
shap=-0.002", - "index=Ilett, Miss. Bertha
Deck_D=0
shap=-0.002", - "index=Ford, Mr. William Neal
Deck_D=0
shap=-0.001", - "index=Christmann, Mr. Emil
Deck_D=0
shap=-0.001", - "index=Andreasson, Mr. Paul Edvin
Deck_D=0
shap=-0.001", - "index=Chaffee, Mr. Herbert Fuller
Deck_D=0
shap=-0.003", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_D=0
shap=-0.001", - "index=White, Mr. Richard Frasar
Deck_D=1
shap=0.033", - "index=Rekic, Mr. Tido
Deck_D=0
shap=-0.001", - "index=Moran, Miss. Bertha
Deck_D=0
shap=-0.001", - "index=Barton, Mr. David John
Deck_D=0
shap=-0.001", - "index=Jussila, Miss. Katriina
Deck_D=0
shap=-0.001", - "index=Pekoniemi, Mr. Edvard
Deck_D=0
shap=-0.001", - "index=Turpin, Mr. William John Robert
Deck_D=0
shap=-0.002", - "index=Moore, Mr. Leonard Charles
Deck_D=0
shap=-0.001", - "index=Osen, Mr. Olaf Elon
Deck_D=0
shap=-0.001", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_D=0
shap=-0.001", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_D=0
shap=-0.002", - "index=Bateman, Rev. Robert James
Deck_D=0
shap=-0.002", - "index=Meo, Mr. Alfonzo
Deck_D=0
shap=-0.001", - "index=Cribb, Mr. John Hatfield
Deck_D=0
shap=-0.001", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_D=0
shap=-0.002", - "index=Van der hoef, Mr. Wyckoff
Deck_D=0
shap=-0.002", - "index=Sivola, Mr. Antti Wilhelm
Deck_D=0
shap=-0.001", - "index=Klasen, Mr. Klas Albin
Deck_D=0
shap=-0.001", - "index=Rood, Mr. Hugh Roscoe
Deck_D=0
shap=-0.002", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_D=0
shap=-0.001", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_D=0
shap=-0.002", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_D=0
shap=-0.001", - "index=Backstrom, Mr. Karl Alfred
Deck_D=0
shap=-0.001", - "index=Blank, Mr. Henry
Deck_D=0
shap=-0.002", - "index=Ali, Mr. Ahmed
Deck_D=0
shap=-0.001", - "index=Green, Mr. George Henry
Deck_D=0
shap=-0.001", - "index=Nenkoff, Mr. Christo
Deck_D=0
shap=-0.001", - "index=Asplund, Miss. Lillian Gertrud
Deck_D=0
shap=-0.001", - "index=Harknett, Miss. Alice Phoebe
Deck_D=0
shap=-0.001", - "index=Hunt, Mr. George Henry
Deck_D=0
shap=-0.002", - "index=Reed, Mr. James George
Deck_D=0
shap=-0.001", - "index=Stead, Mr. William Thomas
Deck_D=0
shap=-0.002", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_D=0
shap=-0.002", - "index=Parrish, Mrs. (Lutie Davis)
Deck_D=0
shap=-0.001", - "index=Smith, Mr. Thomas
Deck_D=0
shap=-0.001", - "index=Asplund, Master. Edvin Rojj Felix
Deck_D=0
shap=-0.001", - "index=Healy, Miss. Hanora \"Nora\"
Deck_D=0
shap=-0.001", - "index=Andrews, Miss. Kornelia Theodosia
Deck_D=1
shap=0.027", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_D=0
shap=-0.001", - "index=Smith, Mr. Richard William
Deck_D=0
shap=-0.002", - "index=Connolly, Miss. Kate
Deck_D=0
shap=-0.001", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_D=0
shap=-0.002", - "index=Levy, Mr. Rene Jacques
Deck_D=1
shap=0.025", - "index=Lewy, Mr. Ervin G
Deck_D=0
shap=-0.002", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_D=0
shap=-0.001", - "index=Sage, Mr. George John Jr
Deck_D=0
shap=-0.001", - "index=Nysveen, Mr. Johan Hansen
Deck_D=0
shap=-0.001", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_D=0
shap=-0.001", - "index=Denkoff, Mr. Mitto
Deck_D=0
shap=-0.001", - "index=Burns, Miss. Elizabeth Margaret
Deck_D=0
shap=-0.003", - "index=Dimic, Mr. Jovan
Deck_D=0
shap=-0.001", - "index=del Carlo, Mr. Sebastiano
Deck_D=0
shap=-0.003", - "index=Beavan, Mr. William Thomas
Deck_D=0
shap=-0.001", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_D=0
shap=-0.002", - "index=Widener, Mr. Harry Elkins
Deck_D=0
shap=-0.004", - "index=Gustafsson, Mr. Karl Gideon
Deck_D=0
shap=-0.001", - "index=Plotcharsky, Mr. Vasil
Deck_D=0
shap=-0.001", - "index=Goodwin, Master. Sidney Leonard
Deck_D=0
shap=-0.001", - "index=Sadlier, Mr. Matthew
Deck_D=0
shap=-0.001", - "index=Gustafsson, Mr. Johan Birger
Deck_D=0
shap=-0.001", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_D=0
shap=-0.002", - "index=Niskanen, Mr. Juha
Deck_D=0
shap=-0.001", - "index=Minahan, Miss. Daisy E
Deck_D=0
shap=-0.002", - "index=Matthews, Mr. William John
Deck_D=0
shap=-0.002", - "index=Charters, Mr. David
Deck_D=0
shap=-0.001", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_D=0
shap=-0.002", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_D=0
shap=-0.002", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_D=0
shap=-0.001", - "index=Peuchen, Major. Arthur Godfrey
Deck_D=0
shap=-0.002", - "index=Anderson, Mr. Harry
Deck_D=0
shap=-0.002", - "index=Milling, Mr. Jacob Christian
Deck_D=0
shap=-0.002", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_D=0
shap=-0.002", - "index=Karlsson, Mr. Nils August
Deck_D=0
shap=-0.001", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_D=0
shap=-0.001", - "index=Bishop, Mr. Dickinson H
Deck_D=0
shap=-0.003", - "index=Windelov, Mr. Einar
Deck_D=0
shap=-0.001", - "index=Shellard, Mr. Frederick William
Deck_D=0
shap=-0.001", - "index=Svensson, Mr. Olof
Deck_D=0
shap=-0.001", - "index=O'Sullivan, Miss. Bridget Mary
Deck_D=0
shap=-0.001", - "index=Laitinen, Miss. Kristina Sofia
Deck_D=0
shap=-0.001", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_D=0
shap=-0.003", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_D=0
shap=-0.002", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_D=0
shap=-0.002", - "index=Kassem, Mr. Fared
Deck_D=0
shap=-0.001", - "index=Cacic, Miss. Marija
Deck_D=0
shap=-0.001", - "index=Hart, Miss. Eva Miriam
Deck_D=0
shap=-0.002", - "index=Butt, Major. Archibald Willingham
Deck_D=0
shap=-0.002", - "index=Beane, Mr. Edward
Deck_D=0
shap=-0.002", - "index=Goldsmith, Mr. Frank John
Deck_D=0
shap=-0.002", - "index=Ohman, Miss. Velin
Deck_D=0
shap=-0.001", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_D=0
shap=-0.002", - "index=Morrow, Mr. Thomas Rowan
Deck_D=0
shap=-0.001", - "index=Harris, Mr. George
Deck_D=0
shap=-0.001", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_D=0
shap=-0.002", - "index=Patchett, Mr. George
Deck_D=0
shap=-0.001", - "index=Ross, Mr. John Hugo
Deck_D=0
shap=-0.002", - "index=Murdlin, Mr. Joseph
Deck_D=0
shap=-0.001", - "index=Bourke, Miss. Mary
Deck_D=0
shap=-0.001", - "index=Boulos, Mr. Hanna
Deck_D=0
shap=-0.001", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_D=0
shap=-0.003", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_D=0
shap=-0.002", - "index=Lindell, Mr. Edvard Bengtsson
Deck_D=0
shap=-0.001", - "index=Daniel, Mr. Robert Williams
Deck_D=0
shap=-0.002", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_D=0
shap=-0.002", - "index=Shutes, Miss. Elizabeth W
Deck_D=0
shap=-0.002", - "index=Jardin, Mr. Jose Neto
Deck_D=0
shap=-0.001", - "index=Horgan, Mr. John
Deck_D=0
shap=-0.001", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_D=0
shap=-0.001", - "index=Yasbeck, Mr. Antoni
Deck_D=0
shap=-0.002", - "index=Bostandyeff, Mr. Guentcho
Deck_D=0
shap=-0.001", - "index=Lundahl, Mr. Johan Svensson
Deck_D=0
shap=-0.001", - "index=Stahelin-Maeglin, Dr. Max
Deck_D=0
shap=-0.002", - "index=Willey, Mr. Edward
Deck_D=0
shap=-0.001", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_D=0
shap=-0.001", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_D=0
shap=-0.001", - "index=Eitemiller, Mr. George Floyd
Deck_D=0
shap=-0.002", - "index=Colley, Mr. Edward Pomeroy
Deck_D=0
shap=-0.002", - "index=Coleff, Mr. Peju
Deck_D=0
shap=-0.001", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_D=0
shap=-0.002", - "index=Davidson, Mr. Thornton
Deck_D=0
shap=-0.002", - "index=Turja, Miss. Anna Sofia
Deck_D=0
shap=-0.001", - "index=Hassab, Mr. Hammad
Deck_D=1
shap=0.034", - "index=Goodwin, Mr. Charles Edward
Deck_D=0
shap=-0.001", - "index=Panula, Mr. Jaako Arnold
Deck_D=0
shap=-0.001", - "index=Fischer, Mr. Eberhard Thelander
Deck_D=0
shap=-0.001", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_D=0
shap=-0.001", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_D=0
shap=-0.002", - "index=Hansen, Mr. Henrik Juul
Deck_D=0
shap=-0.001", - "index=Calderhead, Mr. Edward Pennington
Deck_D=0
shap=-0.002", - "index=Klaber, Mr. Herman
Deck_D=0
shap=-0.002", - "index=Taylor, Mr. Elmer Zebley
Deck_D=0
shap=-0.003", - "index=Larsson, Mr. August Viktor
Deck_D=0
shap=-0.001", - "index=Greenberg, Mr. Samuel
Deck_D=0
shap=-0.002", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_D=0
shap=-0.003", - "index=McEvoy, Mr. Michael
Deck_D=0
shap=-0.001", - "index=Johnson, Mr. Malkolm Joackim
Deck_D=0
shap=-0.001", - "index=Gillespie, Mr. William Henry
Deck_D=0
shap=-0.002", - "index=Allen, Miss. Elisabeth Walton
Deck_D=0
shap=-0.002", - "index=Berriman, Mr. William John
Deck_D=0
shap=-0.002", - "index=Troupiansky, Mr. Moses Aaron
Deck_D=0
shap=-0.002", - "index=Williams, Mr. Leslie
Deck_D=0
shap=-0.001", - "index=Ivanoff, Mr. Kanio
Deck_D=0
shap=-0.001", - "index=McNamee, Mr. Neal
Deck_D=0
shap=-0.001", - "index=Connaghton, Mr. Michael
Deck_D=0
shap=-0.001", - "index=Carlsson, Mr. August Sigfrid
Deck_D=0
shap=-0.001", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_D=0
shap=-0.002", - "index=Eklund, Mr. Hans Linus
Deck_D=0
shap=-0.001", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_D=1
shap=0.027", - "index=Moran, Mr. Daniel J
Deck_D=0
shap=-0.001", - "index=Lievens, Mr. Rene Aime
Deck_D=0
shap=-0.001", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_D=0
shap=-0.001", - "index=Ayoub, Miss. Banoura
Deck_D=0
shap=-0.001", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_D=0
shap=-0.001", - "index=Johnston, Mr. Andrew G
Deck_D=0
shap=-0.001", - "index=Ali, Mr. William
Deck_D=0
shap=-0.001", - "index=Sjoblom, Miss. Anna Sofia
Deck_D=0
shap=-0.001", - "index=Guggenheim, Mr. Benjamin
Deck_D=0
shap=-0.003", - "index=Leader, Dr. Alice (Farnham)
Deck_D=1
shap=0.035", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_D=0
shap=-0.002", - "index=Carter, Master. William Thornton II
Deck_D=0
shap=-0.003", - "index=Thomas, Master. Assad Alexander
Deck_D=0
shap=-0.001", - "index=Johansson, Mr. Karl Johan
Deck_D=0
shap=-0.001", - "index=Slemen, Mr. Richard James
Deck_D=0
shap=-0.001", - "index=Tomlin, Mr. Ernest Portage
Deck_D=0
shap=-0.001", - "index=McCormack, Mr. Thomas Joseph
Deck_D=0
shap=-0.001", - "index=Richards, Master. George Sibley
Deck_D=0
shap=-0.002", - "index=Mudd, Mr. Thomas Charles
Deck_D=0
shap=-0.001", - "index=Lemberopolous, Mr. Peter L
Deck_D=0
shap=-0.001", - "index=Sage, Mr. Douglas Bullen
Deck_D=0
shap=-0.001", - "index=Boulos, Miss. Nourelain
Deck_D=0
shap=-0.002", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_D=0
shap=-0.001", - "index=Razi, Mr. Raihed
Deck_D=0
shap=-0.001", - "index=Johnson, Master. Harold Theodor
Deck_D=0
shap=-0.001", - "index=Carlsson, Mr. Frans Olof
Deck_D=0
shap=-0.001", - "index=Gustafsson, Mr. Alfred Ossian
Deck_D=0
shap=-0.001", - "index=Montvila, Rev. Juozas
Deck_D=0
shap=-0.002" - ], - "type": "scatter", - "x": [ - -0.002628397283633735, - -0.002202408458146265, - -0.001039047120806955, - -0.0013391883094967122, - -0.002181829195456858, - -0.0010157456226463316, - -0.001351093813371421, - -0.001339421474896648, - -0.0009670794703268198, - -0.002760883921629563, - -0.0009488242631598129, - -0.00098725786811087, - -0.0014591439161250107, - -0.00208480673337784, - -0.0027088911481811585, - -0.001249728054839253, - -0.0012350889821571727, - -0.0017137345186068816, - -0.00208480673337784, - -0.0014689650734344445, - -0.0010237098642241049, - -0.0010157456226463316, - -0.002669084233716131, - -0.0008613935585266287, - 0.032907627336090366, - -0.0010418000175778583, - -0.001092053282601821, - -0.0010157456226463316, - -0.0013427150552368407, - -0.0010157456226463316, - -0.0020132183375513786, - -0.0008613935585266287, - -0.0008736345642319181, - -0.0012382423708125723, - -0.001620960102806928, - -0.0018054888061095377, - -0.000946717127372673, - -0.0010709956631909674, - -0.0018184364211083564, - -0.001734323990395301, - -0.0010157456226463316, - -0.0011947730997378147, - -0.001874357799917106, - -0.0013427150552368407, - -0.002234534555501791, - -0.0010157456226463316, - -0.0013917157277934268, - -0.002129842620705251, - -0.0010157456226463316, - -0.0010315127134797643, - -0.0008613935585266287, - -0.0011506965830638742, - -0.0013456444355172204, - -0.0017722247614445148, - -0.0008613935585266287, - -0.0018043546747735688, - -0.0015711150245945075, - -0.001308459385099802, - -0.0007246093886648866, - -0.0010429905491139238, - -0.0009670794703268198, - 0.026764334797780818, - -0.0014020521276192131, - -0.0019571275084074137, - -0.00098725786811087, - -0.001968656636252078, - 0.02481395860852656, - -0.0018075179768161822, - -0.0008613935585266287, - -0.0010032633499862833, - -0.000946717127372673, - -0.0013409332713911117, - -0.0008613935585266287, - -0.002521116422765981, - -0.0010315127134797643, - -0.0026541846611277333, - -0.0010157456226463316, - -0.0017569191928631517, - -0.004036360879557731, - -0.0010157456226463316, - -0.0008613935585266287, - -0.0010844161828589252, - -0.0007246093886648866, - -0.0012350889821571727, - -0.0016588351296885186, - -0.0010418000175778583, - -0.0020707007479305243, - -0.0017722247614445148, - -0.0007723482340978358, - -0.0018220385472889067, - -0.0017285405026135046, - -0.0008613935585266287, - -0.0018043546747735688, - -0.0021088551429751514, - -0.0018054888061095377, - -0.0016854720181604798, - -0.0010157456226463316, - -0.0011056630207896341, - -0.003228298770954328, - -0.0010157456226463316, - -0.0009362653811794197, - -0.0010157456226463316, - -0.0009670794703268198, - -0.0014029169110599314, - -0.0032716650174953355, - -0.0015607762620228856, - -0.0017419922145588793, - -0.0009488242631598129, - -0.0013941742533600933, - -0.0016321215278801676, - -0.0018191195765023922, - -0.0020132183375513786, - -0.0016174558679759282, - -0.0013862100117823203, - -0.0024690383124405238, - -0.0007246093886648866, - -0.0012164477850450414, - -0.002285975813383281, - -0.001211045779288332, - -0.0018521602138585219, - -0.0008613935585266287, - -0.0009764698576912169, - -0.0009488242631598129, - -0.0032143595375439733, - -0.0018782468943480196, - -0.0013917157277934268, - -0.0018355566601317977, - -0.002235703223358251, - -0.0023081969134158623, - -0.0008613935585266287, - -0.0007246093886648866, - -0.0014529358513966858, - -0.0015790130646901664, - -0.0010157456226463316, - -0.0010315127134797643, - -0.0015964387482645395, - -0.0008613935585266287, - -0.0013862100117823203, - -0.00098725786811087, - -0.0017642605198667414, - -0.002100909387188885, - -0.0010237098642241049, - -0.0017404292064335085, - -0.0021495251474938997, - -0.0013862100117823203, - 0.033762516028732203, - -0.001438760842212262, - -0.0013973352084672608, - -0.0010157456226463316, - -0.0005380547764034741, - -0.0023969695374798793, - -0.0011996669590960839, - -0.0021088551429751514, - -0.001747154167494436, - -0.002604579134344932, - -0.0010237098642241049, - -0.0017206932200024465, - -0.00257055131195611, - -0.0007882655817952462, - -0.0010237098642241049, - -0.0017722247614445148, - -0.001663273883071755, - -0.0017642605198667414, - -0.0017642605198667414, - -0.0011998301497659007, - -0.0008613935585266287, - -0.0013837514862156538, - -0.0007803124756756091, - -0.0010157456226463316, - -0.001663273883071755, - -0.0008736345642319181, - 0.027320443094934695, - -0.0009386235883874644, - -0.0010157456226463316, - -0.0014976189062453848, - -0.001285182049296382, - -0.0014537457844544892, - -0.0011647787318955884, - -0.0010157456226463316, - -0.0013862100117823203, - -0.0025593551529044757, - 0.03503009037362612, - -0.0016854720181604798, - -0.0027101271091241543, - -0.0012694182339048254, - -0.0010237098642241049, - -0.0012679793264871097, - -0.0010237098642241049, - -0.0007246093886648866, - -0.0016124051407664468, - -0.0011179040264949235, - -0.0009871893903575341, - -0.0010032633499862833, - -0.0015860797901008762, - -0.0012645051537715887, - -0.0009488242631598129, - -0.001014924451365997, - -0.001008148381940599, - -0.0010157456226463316, - -0.0017642605198667414 - ], - "xaxis": "x15", - "y": [ - 0.1170328381290413, - 0.8754806539292851, - 0.8057756110084627, - 0.38126853710815356, - 0.5550183711379751, - 0.7137088048748367, - 0.5994335428430214, - 0.8663209425991337, - 0.7070147862342527, - 0.7699034860353554, - 0.3889156660874542, - 0.3687993995694189, - 0.13138231048408266, - 0.22682599721475905, - 0.3325885839603432, - 0.21103344514099032, - 0.35798040414515053, - 0.6554629987577864, - 0.7174655701803578, - 0.21712555701691072, - 0.05087980409634174, - 0.8876775379591861, - 0.009310130503209835, - 0.5979671955775396, - 0.49693692366673525, - 0.3958310852123176, - 0.023490285224049612, - 0.10035153533919539, - 0.7685387695576276, - 0.36443995182551514, - 0.023726023890878967, - 0.2516270277083712, - 0.5279648089294552, - 0.0459325691585466, - 0.18082442865761084, - 0.9721004713492291, - 0.7130032352148742, - 0.5151378119774531, - 0.5448832931133146, - 0.271287812622648, - 0.5526646415291355, - 0.6503433375060247, - 0.3343730808044646, - 0.26570461309924764, - 0.3942763210607686, - 0.8798443098597613, - 0.8864247388622276, - 0.04556132866201168, - 0.7853497323278112, - 0.7352246827622259, - 0.48883726583846854, - 0.043804794253243906, - 0.7369213125350115, - 0.03280634190561593, - 0.5501745884265182, - 0.9038444397378965, - 0.7538660278660662, - 0.8911080181860289, - 0.16440205473939296, - 0.5411915557682714, - 0.05738191772759471, - 0.40339365498796853, - 0.3597690500188484, - 0.4206287803355383, - 0.39275999382892046, - 0.8371227117387371, - 0.29987693041723706, - 0.22000480736534966, - 0.2576037514117093, - 0.8909366050459285, - 0.9369104326027489, - 0.6360405076571786, - 0.34905555990293524, - 0.12911765614304982, - 0.6201416691740771, - 0.7182284962671497, - 0.5074138786327766, - 0.745672107888614, - 0.6966578742912408, - 0.20319209370935787, - 0.31539593002416433, - 0.09497950799529109, - 0.7345511328842781, - 0.8708417421024814, - 0.6278382849276523, - 0.8422662710370753, - 0.5161316392904687, - 0.20863383213538078, - 0.7754039764861259, - 0.16111188160752754, - 0.6699499899427106, - 0.30531694112462904, - 0.5307294089035921, - 0.24307306214790547, - 0.4428763188328616, - 0.9465662933872394, - 0.8107983716903826, - 0.19040862698769734, - 0.1963271536550628, - 0.6497818258344314, - 0.7729087344301897, - 0.3029359161254719, - 0.9901989266683773, - 0.9452618875215469, - 0.9242801859419943, - 0.945023327625195, - 0.5810579971779587, - 0.2619960878713088, - 0.4214114341383788, - 0.8057056658575295, - 0.7553881348057643, - 0.08553394097518208, - 0.6153497165981855, - 0.5682318333717797, - 0.7551711986375699, - 0.680428236566136, - 0.9296170046937562, - 0.992838636141058, - 0.09805071144858302, - 0.6368001383946464, - 0.2652081124454784, - 0.1810147322303194, - 0.451107212912245, - 0.7211264981920994, - 0.7220312010702741, - 0.16464574931142462, - 0.5565835315053762, - 0.37070636200328877, - 0.5958860847281274, - 0.8684577280264596, - 0.4414034146411454, - 0.646690088728932, - 0.022807502887549957, - 0.2255397651280281, - 0.3420894793274515, - 0.9929258894095692, - 0.3504024694517961, - 0.07789747621539467, - 0.8839060965331806, - 0.5246593766224447, - 0.6933953928858877, - 0.708419089882522, - 0.9411563647911887, - 0.478495312082867, - 0.9498485780518514, - 0.11445854968909308, - 0.7555353472438181, - 0.7715938153908808, - 0.3221424219106501, - 0.9991639247596781, - 0.3443691523722978, - 0.09380933619803289, - 0.7837101180642264, - 0.8777552011441448, - 0.20794621987528839, - 0.09273672276304201, - 0.8408729087136585, - 0.9798927342320207, - 0.760999368935876, - 0.9390382966849063, - 0.16792616716687858, - 0.16614862848326994, - 0.4477581261082251, - 0.18077374578717986, - 0.4507286657432792, - 0.8614140444390143, - 0.8272844830378578, - 0.6292245635990507, - 0.7981519477421968, - 0.060727016162187786, - 0.6848221458766937, - 0.6723504464541127, - 0.7187227728606292, - 0.3385717110607087, - 0.5514258138529662, - 0.6995097473575781, - 0.3908768710505789, - 0.9912351951647451, - 0.6673490374817401, - 0.5104907122162158, - 0.081092382238109, - 0.379162049235217, - 0.1790794028132291, - 0.09145017613205109, - 0.24541775544111066, - 0.27097358356438295, - 0.834443168108136, - 0.8028662105972738, - 0.8974541865771842, - 0.14420341328807973, - 0.7721230600090854, - 0.8098672095338948, - 0.6851042287372419, - 0.7876007604012659, - 0.03941627435365047, - 0.27491101136949736, - 0.9825282931733433, - 0.7432785570473304, - 0.4184965201845201, - 0.8169730924448156 - ], - "yaxis": "y15" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 1, - 1, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
SHAP=-0.015", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
SHAP=0.001", + "None=Palsson, Master. Gosta Leonard
Age=2.0
SHAP=0.035", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=27.0
SHAP=-0.005", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
SHAP=0.019", + "None=Saundercock, Mr. William Henry
Age=20.0
SHAP=0.005", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Age=14.0
SHAP=0.012", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=38.0
SHAP=-0.029", + "None=Glynn, Miss. Mary Agatha
Age=-999.0
SHAP=0.018", + "None=Meyer, Mr. Edgar Joseph
Age=28.0
SHAP=-0.001", + "None=Kraeff, Mr. Theodor
Age=-999.0
SHAP=0.009", + "None=Devaney, Miss. Margaret Delia
Age=19.0
SHAP=0.004", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=18.0
SHAP=0.000", + "None=Rugg, Miss. Emily
Age=21.0
SHAP=0.002", + "None=Harris, Mr. Henry Birkhardt
Age=45.0
SHAP=-0.030", + "None=Skoog, Master. Harald
Age=4.0
SHAP=0.029", + "None=Kink, Mr. Vincenz
Age=26.0
SHAP=0.003", + "None=Hood, Mr. Ambrose Jr
Age=21.0
SHAP=0.006", + "None=Ilett, Miss. Bertha
Age=17.0
SHAP=0.005", + "None=Ford, Mr. William Neal
Age=16.0
SHAP=0.003", + "None=Christmann, Mr. Emil
Age=29.0
SHAP=0.005", + "None=Andreasson, Mr. Paul Edvin
Age=20.0
SHAP=0.005", + "None=Chaffee, Mr. Herbert Fuller
Age=46.0
SHAP=-0.037", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Age=-999.0
SHAP=0.008", + "None=White, Mr. Richard Frasar
Age=21.0
SHAP=0.030", + "None=Rekic, Mr. Tido
Age=38.0
SHAP=-0.019", + "None=Moran, Miss. Bertha
Age=-999.0
SHAP=0.017", + "None=Barton, Mr. David John
Age=22.0
SHAP=0.006", + "None=Jussila, Miss. Katriina
Age=20.0
SHAP=-0.002", + "None=Pekoniemi, Mr. Edvard
Age=21.0
SHAP=0.004", + "None=Turpin, Mr. William John Robert
Age=29.0
SHAP=0.003", + "None=Moore, Mr. Leonard Charles
Age=-999.0
SHAP=0.007", + "None=Osen, Mr. Olaf Elon
Age=16.0
SHAP=0.007", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Age=9.0
SHAP=0.020", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=36.5
SHAP=-0.010", + "None=Bateman, Rev. Robert James
Age=51.0
SHAP=-0.019", + "None=Meo, Mr. Alfonzo
Age=55.5
SHAP=-0.031", + "None=Cribb, Mr. John Hatfield
Age=44.0
SHAP=-0.039", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Age=-999.0
SHAP=0.010", + "None=Van der hoef, Mr. Wyckoff
Age=61.0
SHAP=-0.064", + "None=Sivola, Mr. Antti Wilhelm
Age=21.0
SHAP=0.004", + "None=Klasen, Mr. Klas Albin
Age=18.0
SHAP=-0.001", + "None=Rood, Mr. Hugh Roscoe
Age=-999.0
SHAP=0.015", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=19.0
SHAP=0.001", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Age=44.0
SHAP=-0.031", + "None=Vande Walle, Mr. Nestor Cyriel
Age=28.0
SHAP=0.004", + "None=Backstrom, Mr. Karl Alfred
Age=32.0
SHAP=0.007", + "None=Blank, Mr. Henry
Age=40.0
SHAP=-0.029", + "None=Ali, Mr. Ahmed
Age=24.0
SHAP=0.005", + "None=Green, Mr. George Henry
Age=51.0
SHAP=-0.021", + "None=Nenkoff, Mr. Christo
Age=-999.0
SHAP=0.008", + "None=Asplund, Miss. Lillian Gertrud
Age=5.0
SHAP=0.009", + "None=Harknett, Miss. Alice Phoebe
Age=-999.0
SHAP=0.007", + "None=Hunt, Mr. George Henry
Age=33.0
SHAP=-0.004", + "None=Reed, Mr. James George
Age=-999.0
SHAP=0.008", + "None=Stead, Mr. William Thomas
Age=62.0
SHAP=-0.055", + "None=Thorne, Mrs. Gertrude Maybelle
Age=-999.0
SHAP=0.007", + "None=Parrish, Mrs. (Lutie Davis)
Age=50.0
SHAP=-0.017", + "None=Smith, Mr. Thomas
Age=-999.0
SHAP=0.012", + "None=Asplund, Master. Edvin Rojj Felix
Age=3.0
SHAP=0.033", + "None=Healy, Miss. Hanora \"Nora\"
Age=-999.0
SHAP=0.018", + "None=Andrews, Miss. Kornelia Theodosia
Age=63.0
SHAP=-0.046", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Age=35.0
SHAP=-0.018", + "None=Smith, Mr. Richard William
Age=-999.0
SHAP=0.013", + "None=Connolly, Miss. Kate
Age=22.0
SHAP=0.003", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Age=19.0
SHAP=0.011", + "None=Levy, Mr. Rene Jacques
Age=36.0
SHAP=-0.000", + "None=Lewy, Mr. Ervin G
Age=-999.0
SHAP=0.017", + "None=Williams, Mr. Howard Hugh \"Harry\"
Age=-999.0
SHAP=0.007", + "None=Sage, Mr. George John Jr
Age=-999.0
SHAP=0.023", + "None=Nysveen, Mr. Johan Hansen
Age=61.0
SHAP=-0.033", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=-999.0
SHAP=0.008", + "None=Denkoff, Mr. Mitto
Age=-999.0
SHAP=0.008", + "None=Burns, Miss. Elizabeth Margaret
Age=41.0
SHAP=-0.012", + "None=Dimic, Mr. Jovan
Age=42.0
SHAP=-0.020", + "None=del Carlo, Mr. Sebastiano
Age=29.0
SHAP=0.002", + "None=Beavan, Mr. William Thomas
Age=19.0
SHAP=0.005", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=-999.0
SHAP=0.007", + "None=Widener, Mr. Harry Elkins
Age=27.0
SHAP=0.010", + "None=Gustafsson, Mr. Karl Gideon
Age=19.0
SHAP=0.006", + "None=Plotcharsky, Mr. Vasil
Age=-999.0
SHAP=0.008", + "None=Goodwin, Master. Sidney Leonard
Age=1.0
SHAP=0.032", + "None=Sadlier, Mr. Matthew
Age=-999.0
SHAP=0.012", + "None=Gustafsson, Mr. Johan Birger
Age=28.0
SHAP=0.002", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=24.0
SHAP=0.014", + "None=Niskanen, Mr. Juha
Age=39.0
SHAP=-0.013", + "None=Minahan, Miss. Daisy E
Age=33.0
SHAP=-0.005", + "None=Matthews, Mr. William John
Age=30.0
SHAP=0.001", + "None=Charters, Mr. David
Age=21.0
SHAP=0.007", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=19.0
SHAP=0.005", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=45.0
SHAP=-0.029", + "None=Johannesen-Bratthammer, Mr. Bernt
Age=-999.0
SHAP=0.007", + "None=Peuchen, Major. Arthur Godfrey
Age=52.0
SHAP=-0.044", + "None=Anderson, Mr. Harry
Age=48.0
SHAP=-0.029", + "None=Milling, Mr. Jacob Christian
Age=48.0
SHAP=-0.019", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=33.0
SHAP=-0.007", + "None=Karlsson, Mr. Nils August
Age=22.0
SHAP=0.007", + "None=Frost, Mr. Anthony Wood \"Archie\"
Age=-999.0
SHAP=0.008", + "None=Bishop, Mr. Dickinson H
Age=25.0
SHAP=0.021", + "None=Windelov, Mr. Einar
Age=21.0
SHAP=0.006", + "None=Shellard, Mr. Frederick William
Age=-999.0
SHAP=0.015", + "None=Svensson, Mr. Olof
Age=24.0
SHAP=0.005", + "None=O'Sullivan, Miss. Bridget Mary
Age=-999.0
SHAP=0.018", + "None=Laitinen, Miss. Kristina Sofia
Age=37.0
SHAP=-0.014", + "None=Penasco y Castellana, Mr. Victor de Satode
Age=18.0
SHAP=0.031", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Age=-999.0
SHAP=0.017", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=36.0
SHAP=-0.003", + "None=Kassem, Mr. Fared
Age=-999.0
SHAP=0.009", + "None=Cacic, Miss. Marija
Age=30.0
SHAP=0.001", + "None=Hart, Miss. Eva Miriam
Age=7.0
SHAP=0.025", + "None=Butt, Major. Archibald Willingham
Age=45.0
SHAP=-0.035", + "None=Beane, Mr. Edward
Age=32.0
SHAP=0.007", + "None=Goldsmith, Mr. Frank John
Age=33.0
SHAP=-0.019", + "None=Ohman, Miss. Velin
Age=22.0
SHAP=0.004", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=39.0
SHAP=-0.015", + "None=Morrow, Mr. Thomas Rowan
Age=-999.0
SHAP=0.012", + "None=Harris, Mr. George
Age=62.0
SHAP=-0.037", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=53.0
SHAP=-0.022", + "None=Patchett, Mr. George
Age=19.0
SHAP=0.003", + "None=Ross, Mr. John Hugo
Age=36.0
SHAP=0.010", + "None=Murdlin, Mr. Joseph
Age=-999.0
SHAP=0.007", + "None=Bourke, Miss. Mary
Age=-999.0
SHAP=0.022", + "None=Boulos, Mr. Hanna
Age=-999.0
SHAP=0.009", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=49.0
SHAP=-0.028", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Age=35.0
SHAP=-0.007", + "None=Lindell, Mr. Edvard Bengtsson
Age=36.0
SHAP=-0.011", + "None=Daniel, Mr. Robert Williams
Age=27.0
SHAP=0.005", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=22.0
SHAP=0.011", + "None=Shutes, Miss. Elizabeth W
Age=40.0
SHAP=-0.016", + "None=Jardin, Mr. Jose Neto
Age=-999.0
SHAP=0.008", + "None=Horgan, Mr. John
Age=-999.0
SHAP=0.012", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=26.0
SHAP=-0.002", + "None=Yasbeck, Mr. Antoni
Age=27.0
SHAP=0.003", + "None=Bostandyeff, Mr. Guentcho
Age=26.0
SHAP=0.005", + "None=Lundahl, Mr. Johan Svensson
Age=51.0
SHAP=-0.024", + "None=Stahelin-Maeglin, Dr. Max
Age=32.0
SHAP=0.030", + "None=Willey, Mr. Edward
Age=-999.0
SHAP=0.008", + "None=Stanley, Miss. Amy Zillah Elsie
Age=23.0
SHAP=0.004", + "None=Hegarty, Miss. Hanora \"Nora\"
Age=18.0
SHAP=0.004", + "None=Eitemiller, Mr. George Floyd
Age=23.0
SHAP=0.004", + "None=Colley, Mr. Edward Pomeroy
Age=47.0
SHAP=-0.035", + "None=Coleff, Mr. Peju
Age=36.0
SHAP=-0.012", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Age=40.0
SHAP=-0.021", + "None=Davidson, Mr. Thornton
Age=31.0
SHAP=0.037", + "None=Turja, Miss. Anna Sofia
Age=18.0
SHAP=0.001", + "None=Hassab, Mr. Hammad
Age=27.0
SHAP=0.013", + "None=Goodwin, Mr. Charles Edward
Age=14.0
SHAP=0.005", + "None=Panula, Mr. Jaako Arnold
Age=14.0
SHAP=0.005", + "None=Fischer, Mr. Eberhard Thelander
Age=18.0
SHAP=0.006", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
Age=42.0
SHAP=-0.036", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Age=18.0
SHAP=0.013", + "None=Hansen, Mr. Henrik Juul
Age=26.0
SHAP=0.003", + "None=Calderhead, Mr. Edward Pennington
Age=42.0
SHAP=-0.026", + "None=Klaber, Mr. Herman
Age=-999.0
SHAP=0.025", + "None=Taylor, Mr. Elmer Zebley
Age=48.0
SHAP=-0.036", + "None=Larsson, Mr. August Viktor
Age=29.0
SHAP=0.005", + "None=Greenberg, Mr. Samuel
Age=52.0
SHAP=-0.031", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
Age=27.0
SHAP=0.014", + "None=McEvoy, Mr. Michael
Age=-999.0
SHAP=0.014", + "None=Johnson, Mr. Malkolm Joackim
Age=33.0
SHAP=-0.007", + "None=Gillespie, Mr. William Henry
Age=34.0
SHAP=-0.005", + "None=Allen, Miss. Elisabeth Walton
Age=29.0
SHAP=0.012", + "None=Berriman, Mr. William John
Age=23.0
SHAP=0.004", + "None=Troupiansky, Mr. Moses Aaron
Age=23.0
SHAP=0.004", + "None=Williams, Mr. Leslie
Age=28.5
SHAP=0.001", + "None=Ivanoff, Mr. Kanio
Age=-999.0
SHAP=0.008", + "None=McNamee, Mr. Neal
Age=24.0
SHAP=-0.001", + "None=Connaghton, Mr. Michael
Age=31.0
SHAP=-0.001", + "None=Carlsson, Mr. August Sigfrid
Age=28.0
SHAP=0.005", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Age=33.0
SHAP=0.008", + "None=Eklund, Mr. Hans Linus
Age=16.0
SHAP=0.008", + "None=Hogeboom, Mrs. John C (Anna Andrews)
Age=51.0
SHAP=-0.015", + "None=Moran, Mr. Daniel J
Age=-999.0
SHAP=0.012", + "None=Lievens, Mr. Rene Aime
Age=24.0
SHAP=0.005", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Age=43.0
SHAP=-0.015", + "None=Ayoub, Miss. Banoura
Age=13.0
SHAP=0.015", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
Age=17.0
SHAP=0.012", + "None=Johnston, Mr. Andrew G
Age=-999.0
SHAP=0.034", + "None=Ali, Mr. William
Age=25.0
SHAP=0.003", + "None=Sjoblom, Miss. Anna Sofia
Age=18.0
SHAP=0.002", + "None=Guggenheim, Mr. Benjamin
Age=46.0
SHAP=-0.025", + "None=Leader, Dr. Alice (Farnham)
Age=49.0
SHAP=-0.017", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Age=31.0
SHAP=0.002", + "None=Carter, Master. William Thornton II
Age=11.0
SHAP=0.040", + "None=Thomas, Master. Assad Alexander
Age=0.42
SHAP=0.032", + "None=Johansson, Mr. Karl Johan
Age=31.0
SHAP=0.007", + "None=Slemen, Mr. Richard James
Age=35.0
SHAP=-0.006", + "None=Tomlin, Mr. Ernest Portage
Age=30.5
SHAP=0.004", + "None=McCormack, Mr. Thomas Joseph
Age=-999.0
SHAP=0.012", + "None=Richards, Master. George Sibley
Age=0.83
SHAP=0.042", + "None=Mudd, Mr. Thomas Charles
Age=16.0
SHAP=0.007", + "None=Lemberopolous, Mr. Peter L
Age=34.5
SHAP=-0.019", + "None=Sage, Mr. Douglas Bullen
Age=-999.0
SHAP=0.023", + "None=Boulos, Miss. Nourelain
Age=9.0
SHAP=0.027", + "None=Aks, Mrs. Sam (Leah Rosen)
Age=18.0
SHAP=0.003", + "None=Razi, Mr. Raihed
Age=-999.0
SHAP=0.009", + "None=Johnson, Master. Harold Theodor
Age=4.0
SHAP=0.033", + "None=Carlsson, Mr. Frans Olof
Age=33.0
SHAP=0.023", + "None=Gustafsson, Mr. Alfred Ossian
Age=20.0
SHAP=0.004", + "None=Montvila, Rev. Juozas
Age=27.0
SHAP=0.002" + ], + "type": "scattergl", + "x": [ + 38, + 35, + 2, + 27, + 14, + 20, + 14, + 38, + null, + 28, + null, + 19, + 18, + 21, + 45, + 4, + 26, + 21, + 17, + 16, + 29, + 20, + 46, + null, + 21, + 38, + null, + 22, + 20, + 21, + 29, + null, + 16, + 9, + 36.5, + 51, + 55.5, + 44, + null, + 61, + 21, + 18, + null, + 19, + 44, + 28, + 32, + 40, + 24, + 51, + null, + 5, + null, + 33, + null, + 62, + null, + 50, + null, + 3, + null, + 63, + 35, + null, + 22, + 19, + 36, + null, + null, + null, + 61, + null, + null, + 41, + 42, + 29, + 19, + null, + 27, + 19, + null, + 1, + null, + 28, + 24, + 39, + 33, + 30, + 21, + 19, + 45, + null, + 52, + 48, + 48, + 33, + 22, + null, + 25, + 21, + null, + 24, + null, + 37, + 18, + null, + 36, + null, + 30, + 7, + 45, + 32, + 33, + 22, + 39, + null, + 62, + 53, + 19, + 36, + null, + null, + null, + 49, + 35, + 36, + 27, + 22, + 40, + null, + null, + 26, + 27, + 26, + 51, + 32, + null, + 23, + 18, + 23, + 47, + 36, + 40, + 31, + 18, + 27, + 14, + 14, + 18, + 42, + 18, + 26, + 42, + null, + 48, + 29, + 52, + 27, + null, + 33, + 34, + 29, + 23, + 23, + 28.5, + null, + 24, + 31, + 28, + 33, + 16, + 51, + null, + 24, + 43, + 13, + 17, + null, + 25, + 18, + 46, + 49, + 31, + 11, + 0.42, + 31, + 35, + 30.5, + null, + 0.83, + 16, + 34.5, + null, + 9, + 18, + null, + 4, + 33, + 20, + 27 + ], + "y": [ + -0.01543575884051485, + 0.001017580029253427, + 0.03518027366893641, + -0.004642400966860567, + 0.01886898453959005, + 0.004820030017429456, + 0.012000649245291508, + -0.029219900499822055, + 0.017860315983689756, + -0.0008714097027839055, + 0.00877623207786266, + 0.0038270742756876352, + 0.00011531528705203396, + 0.0019991754460363487, + -0.030193524593522023, + 0.02867069498138512, + 0.0026559634474051966, + 0.006051747206719572, + 0.004877530303213302, + 0.0032958898421256086, + 0.004904108976681061, + 0.0051093631645521016, + -0.0365055307199439, + 0.0076873557787081005, + 0.030302709332902102, + -0.018611768327966408, + 0.016894481095939034, + 0.0062577165828998325, + -0.0023036298552346025, + 0.003943721807358556, + 0.002605886778906421, + 0.007409469518032334, + 0.007419622461107807, + 0.019923704579522205, + -0.01009240865542263, + -0.01920941854250331, + -0.03085882796884311, + -0.038645619259963945, + 0.010127881001692136, + -0.0643274157733052, + 0.003943721807358556, + -0.0013857283650230345, + 0.014911706688887942, + 0.0013011339905174932, + -0.030964963174419973, + 0.00444050614283098, + 0.0072327239716048946, + -0.028653634807020968, + 0.004981919575985209, + -0.020874382949277504, + 0.0076873557787081005, + 0.008948919524091964, + 0.006911346832543607, + -0.0036239677476794067, + 0.007686032729481005, + -0.055010810056555205, + 0.00749824017760441, + -0.016529842582446563, + 0.01158945841162901, + 0.033024069360180666, + 0.017860315983689756, + -0.04643843876731938, + -0.018344843015053926, + 0.012555177817818891, + 0.00288465227705189, + 0.01091979238529017, + -0.0004295836607822515, + 0.01664227052999901, + 0.007409469518032334, + 0.02306387574994162, + -0.03267856910666607, + 0.008331905133664753, + 0.0076873557787081005, + -0.01165651725162293, + -0.01995099446959905, + 0.0020357074141677985, + 0.005389093250532157, + 0.007016698209373496, + 0.010075201443937584, + 0.005677103348427713, + 0.0076873557787081005, + 0.03199845421365956, + 0.01158945841162901, + 0.002445151331132506, + 0.01390396703407723, + -0.012794582825146842, + -0.004583754986690697, + 0.0013927330772268785, + 0.006660832223055072, + 0.004579151569428911, + -0.0288032769974192, + 0.007409469518032334, + -0.04418338394264521, + -0.029394432712156065, + -0.019053688513843356, + -0.007032322715608487, + 0.006545726680795388, + 0.00776695100922168, + 0.021294083393045702, + 0.005623919703598795, + 0.014889214857395808, + 0.0050363061168634225, + 0.017860315983689756, + -0.014410542106798206, + 0.031428803309193454, + 0.017295807103927106, + -0.002774874005761946, + 0.008774909028635567, + 0.0005004882727739139, + 0.025000669166390332, + -0.035165372565468464, + 0.007368411525312813, + -0.018514858268992, + 0.003996662898739415, + -0.014684099237695706, + 0.01158945841162901, + -0.03719512367493782, + -0.02174014302606216, + 0.003123456327473448, + 0.010396751207566092, + 0.007409469518032334, + 0.021544164966014683, + 0.008774909028635567, + -0.028378422729106886, + -0.006853724354274174, + -0.011460786694440424, + 0.005328166836618209, + 0.011386582089526837, + -0.015847560854189407, + 0.007625361704774092, + 0.01158945841162901, + -0.002018414193370629, + 0.0030754050435623076, + 0.0045392740216333395, + -0.024131827977529427, + 0.029634468815433322, + 0.007686032729481005, + 0.0035455370358598265, + 0.003762027178754988, + 0.004074219687620902, + -0.034949069543516724, + -0.012149312112265314, + -0.02089772355955246, + 0.03697526593569397, + 0.0012877740407807698, + 0.01255717979891345, + 0.004849918697872426, + 0.005152724027971701, + 0.005640747054606217, + -0.03555381229710161, + 0.013271677612023814, + 0.003052742238945357, + -0.02552389533896582, + 0.025262366654919332, + -0.03572507018666544, + 0.004694397851064785, + -0.03141246935244336, + 0.014060787787726842, + 0.014300485275088974, + -0.006570818467688005, + -0.004535499725322079, + 0.011970609366728556, + 0.004074219687620902, + 0.004074219687620902, + 0.000711082815192958, + 0.0076873557787081005, + -0.0006850623174081651, + -0.0014057318516366563, + 0.004671871292196017, + 0.00832078532458736, + 0.007707632559003364, + -0.015091851349614922, + 0.011552072487638822, + 0.004804940967498385, + -0.015080911855039533, + 0.014971517903137438, + 0.01195079136962356, + 0.03369853894049205, + 0.0028098454435303995, + 0.0023184703976523724, + -0.024969022272840327, + -0.016989631294643825, + 0.00247311896616024, + 0.039621139404776774, + 0.03236846404095347, + 0.006907565252876208, + -0.006189717832261046, + 0.004022434376196849, + 0.01158945841162901, + 0.042460629171123365, + 0.006763778642779286, + -0.018580486015346516, + 0.02306387574994162, + 0.027451269501566667, + 0.0032762843284354164, + 0.008774909028635567, + 0.03256026491108326, + 0.022818132947736734, + 0.004058077359520002, + 0.0015182476128659023 + ] + } + ], + "layout": { + "hovermode": "closest", + "paper_bgcolor": "#fff", + "plot_bgcolor": "#fff", + "showlegend": false, + "template": { + "data": { + "scatter": [ + { + "type": "scatter" } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 + ] + } + }, + "title": { + "text": "Dependence plot for Age" + }, + "xaxis": { + "title": { + "text": "Age" + } + }, + "yaxis": { + "title": { + "text": "SHAP value" + } + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_dependence(\"Age\")" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T15:58:28.012240Z", + "start_time": "2021-01-20T15:58:27.966004Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "box": { + "visible": true }, - "mode": "markers", - "name": "Deck_C", - "opacity": 0.8, + "meanline": { + "visible": true + }, + "name": "Cherbourg", "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_C=1
shap=-0.004", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_C=1
shap=-0.006", - "index=Palsson, Master. Gosta Leonard
Deck_C=0
shap=-0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_C=0
shap=-0.001", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_C=0
shap=0.001", - "index=Saundercock, Mr. William Henry
Deck_C=0
shap=-0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_C=0
shap=-0.001", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_C=0
shap=-0.0", - "index=Glynn, Miss. Mary Agatha
Deck_C=0
shap=-0.0", - "index=Meyer, Mr. Edgar Joseph
Deck_C=0
shap=-0.001", - "index=Kraeff, Mr. Theodor
Deck_C=0
shap=-0.002", - "index=Devaney, Miss. Margaret Delia
Deck_C=0
shap=-0.0", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_C=0
shap=-0.001", - "index=Rugg, Miss. Emily
Deck_C=0
shap=0.0", - "index=Harris, Mr. Henry Birkhardt
Deck_C=1
shap=-0.007", - "index=Skoog, Master. Harald
Deck_C=0
shap=0.0", - "index=Kink, Mr. Vincenz
Deck_C=0
shap=-0.0", - "index=Hood, Mr. Ambrose Jr
Deck_C=0
shap=-0.0", - "index=Ilett, Miss. Bertha
Deck_C=0
shap=0.0", - "index=Ford, Mr. William Neal
Deck_C=0
shap=-0.0", - "index=Christmann, Mr. Emil
Deck_C=0
shap=-0.0", - "index=Andreasson, Mr. Paul Edvin
Deck_C=0
shap=-0.0", - "index=Chaffee, Mr. Herbert Fuller
Deck_C=0
shap=0.008", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_C=0
shap=-0.0", - "index=White, Mr. Richard Frasar
Deck_C=0
shap=0.006", - "index=Rekic, Mr. Tido
Deck_C=0
shap=-0.0", - "index=Moran, Miss. Bertha
Deck_C=0
shap=-0.001", - "index=Barton, Mr. David John
Deck_C=0
shap=-0.0", - "index=Jussila, Miss. Katriina
Deck_C=0
shap=-0.001", - "index=Pekoniemi, Mr. Edvard
Deck_C=0
shap=-0.0", - "index=Turpin, Mr. William John Robert
Deck_C=0
shap=-0.0", - "index=Moore, Mr. Leonard Charles
Deck_C=0
shap=-0.0", - "index=Osen, Mr. Olaf Elon
Deck_C=0
shap=-0.0", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_C=0
shap=-0.001", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_C=0
shap=0.004", - "index=Bateman, Rev. Robert James
Deck_C=0
shap=-0.0", - "index=Meo, Mr. Alfonzo
Deck_C=0
shap=-0.0", - "index=Cribb, Mr. John Hatfield
Deck_C=0
shap=-0.0", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_C=0
shap=0.004", - "index=Van der hoef, Mr. Wyckoff
Deck_C=0
shap=0.005", - "index=Sivola, Mr. Antti Wilhelm
Deck_C=0
shap=-0.0", - "index=Klasen, Mr. Klas Albin
Deck_C=0
shap=-0.0", - "index=Rood, Mr. Hugh Roscoe
Deck_C=0
shap=0.004", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_C=0
shap=-0.001", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_C=0
shap=0.004", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_C=0
shap=-0.0", - "index=Backstrom, Mr. Karl Alfred
Deck_C=0
shap=-0.0", - "index=Blank, Mr. Henry
Deck_C=0
shap=0.002", - "index=Ali, Mr. Ahmed
Deck_C=0
shap=-0.0", - "index=Green, Mr. George Henry
Deck_C=0
shap=-0.0", - "index=Nenkoff, Mr. Christo
Deck_C=0
shap=-0.0", - "index=Asplund, Miss. Lillian Gertrud
Deck_C=0
shap=-0.001", - "index=Harknett, Miss. Alice Phoebe
Deck_C=0
shap=-0.001", - "index=Hunt, Mr. George Henry
Deck_C=0
shap=-0.0", - "index=Reed, Mr. James George
Deck_C=0
shap=-0.0", - "index=Stead, Mr. William Thomas
Deck_C=1
shap=-0.002", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_C=0
shap=0.0", - "index=Parrish, Mrs. (Lutie Davis)
Deck_C=0
shap=0.001", - "index=Smith, Mr. Thomas
Deck_C=0
shap=-0.001", - "index=Asplund, Master. Edvin Rojj Felix
Deck_C=0
shap=0.0", - "index=Healy, Miss. Hanora \"Nora\"
Deck_C=0
shap=-0.0", - "index=Andrews, Miss. Kornelia Theodosia
Deck_C=0
shap=0.005", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_C=0
shap=-0.0", - "index=Smith, Mr. Richard William
Deck_C=0
shap=0.001", - "index=Connolly, Miss. Kate
Deck_C=0
shap=-0.0", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_C=0
shap=0.002", - "index=Levy, Mr. Rene Jacques
Deck_C=0
shap=0.003", - "index=Lewy, Mr. Ervin G
Deck_C=0
shap=-0.003", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_C=0
shap=-0.0", - "index=Sage, Mr. George John Jr
Deck_C=0
shap=0.0", - "index=Nysveen, Mr. Johan Hansen
Deck_C=0
shap=-0.0", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_C=0
shap=0.001", - "index=Denkoff, Mr. Mitto
Deck_C=0
shap=-0.0", - "index=Burns, Miss. Elizabeth Margaret
Deck_C=0
shap=0.003", - "index=Dimic, Mr. Jovan
Deck_C=0
shap=-0.0", - "index=del Carlo, Mr. Sebastiano
Deck_C=0
shap=-0.001", - "index=Beavan, Mr. William Thomas
Deck_C=0
shap=-0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_C=0
shap=0.0", - "index=Widener, Mr. Harry Elkins
Deck_C=1
shap=0.008", - "index=Gustafsson, Mr. Karl Gideon
Deck_C=0
shap=-0.0", - "index=Plotcharsky, Mr. Vasil
Deck_C=0
shap=-0.0", - "index=Goodwin, Master. Sidney Leonard
Deck_C=0
shap=0.0", - "index=Sadlier, Mr. Matthew
Deck_C=0
shap=-0.001", - "index=Gustafsson, Mr. Johan Birger
Deck_C=0
shap=-0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_C=0
shap=0.003", - "index=Niskanen, Mr. Juha
Deck_C=0
shap=-0.0", - "index=Minahan, Miss. Daisy E
Deck_C=1
shap=-0.004", - "index=Matthews, Mr. William John
Deck_C=0
shap=-0.0", - "index=Charters, Mr. David
Deck_C=0
shap=-0.001", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_C=0
shap=0.001", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_C=0
shap=0.002", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_C=0
shap=-0.0", - "index=Peuchen, Major. Arthur Godfrey
Deck_C=1
shap=0.002", - "index=Anderson, Mr. Harry
Deck_C=0
shap=0.003", - "index=Milling, Mr. Jacob Christian
Deck_C=0
shap=-0.0", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_C=0
shap=0.002", - "index=Karlsson, Mr. Nils August
Deck_C=0
shap=-0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_C=0
shap=-0.0", - "index=Bishop, Mr. Dickinson H
Deck_C=0
shap=0.003", - "index=Windelov, Mr. Einar
Deck_C=0
shap=-0.0", - "index=Shellard, Mr. Frederick William
Deck_C=0
shap=-0.001", - "index=Svensson, Mr. Olof
Deck_C=0
shap=-0.0", - "index=O'Sullivan, Miss. Bridget Mary
Deck_C=0
shap=-0.0", - "index=Laitinen, Miss. Kristina Sofia
Deck_C=0
shap=-0.0", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_C=1
shap=0.004", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_C=0
shap=-0.0", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_C=0
shap=0.002", - "index=Kassem, Mr. Fared
Deck_C=0
shap=-0.002", - "index=Cacic, Miss. Marija
Deck_C=0
shap=-0.001", - "index=Hart, Miss. Eva Miriam
Deck_C=0
shap=0.001", - "index=Butt, Major. Archibald Willingham
Deck_C=0
shap=0.002", - "index=Beane, Mr. Edward
Deck_C=0
shap=0.0", - "index=Goldsmith, Mr. Frank John
Deck_C=0
shap=-0.0", - "index=Ohman, Miss. Velin
Deck_C=0
shap=-0.001", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_C=0
shap=0.006", - "index=Morrow, Mr. Thomas Rowan
Deck_C=0
shap=-0.001", - "index=Harris, Mr. George
Deck_C=0
shap=0.0", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_C=1
shap=-0.005", - "index=Patchett, Mr. George
Deck_C=0
shap=-0.001", - "index=Ross, Mr. John Hugo
Deck_C=0
shap=0.002", - "index=Murdlin, Mr. Joseph
Deck_C=0
shap=-0.0", - "index=Bourke, Miss. Mary
Deck_C=0
shap=-0.0", - "index=Boulos, Mr. Hanna
Deck_C=0
shap=-0.002", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_C=0
shap=0.008", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_C=0
shap=-0.003", - "index=Lindell, Mr. Edvard Bengtsson
Deck_C=0
shap=-0.0", - "index=Daniel, Mr. Robert Williams
Deck_C=0
shap=-0.001", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_C=0
shap=0.0", - "index=Shutes, Miss. Elizabeth W
Deck_C=1
shap=0.001", - "index=Jardin, Mr. Jose Neto
Deck_C=0
shap=-0.0", - "index=Horgan, Mr. John
Deck_C=0
shap=-0.001", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_C=0
shap=-0.001", - "index=Yasbeck, Mr. Antoni
Deck_C=0
shap=-0.001", - "index=Bostandyeff, Mr. Guentcho
Deck_C=0
shap=-0.0", - "index=Lundahl, Mr. Johan Svensson
Deck_C=0
shap=-0.0", - "index=Stahelin-Maeglin, Dr. Max
Deck_C=0
shap=0.002", - "index=Willey, Mr. Edward
Deck_C=0
shap=-0.0", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_C=0
shap=-0.001", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_C=0
shap=-0.0", - "index=Eitemiller, Mr. George Floyd
Deck_C=0
shap=-0.0", - "index=Colley, Mr. Edward Pomeroy
Deck_C=0
shap=0.003", - "index=Coleff, Mr. Peju
Deck_C=0
shap=-0.0", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_C=0
shap=0.002", - "index=Davidson, Mr. Thornton
Deck_C=0
shap=0.007", - "index=Turja, Miss. Anna Sofia
Deck_C=0
shap=-0.001", - "index=Hassab, Mr. Hammad
Deck_C=0
shap=0.001", - "index=Goodwin, Mr. Charles Edward
Deck_C=0
shap=-0.0", - "index=Panula, Mr. Jaako Arnold
Deck_C=0
shap=-0.0", - "index=Fischer, Mr. Eberhard Thelander
Deck_C=0
shap=-0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_C=0
shap=0.001", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_C=1
shap=-0.0", - "index=Hansen, Mr. Henrik Juul
Deck_C=0
shap=-0.0", - "index=Calderhead, Mr. Edward Pennington
Deck_C=0
shap=0.003", - "index=Klaber, Mr. Herman
Deck_C=1
shap=0.007", - "index=Taylor, Mr. Elmer Zebley
Deck_C=1
shap=-0.006", - "index=Larsson, Mr. August Viktor
Deck_C=0
shap=-0.0", - "index=Greenberg, Mr. Samuel
Deck_C=0
shap=-0.0", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_C=0
shap=0.002", - "index=McEvoy, Mr. Michael
Deck_C=0
shap=-0.001", - "index=Johnson, Mr. Malkolm Joackim
Deck_C=0
shap=-0.0", - "index=Gillespie, Mr. William Henry
Deck_C=0
shap=-0.0", - "index=Allen, Miss. Elisabeth Walton
Deck_C=0
shap=0.003", - "index=Berriman, Mr. William John
Deck_C=0
shap=-0.0", - "index=Troupiansky, Mr. Moses Aaron
Deck_C=0
shap=-0.0", - "index=Williams, Mr. Leslie
Deck_C=0
shap=-0.001", - "index=Ivanoff, Mr. Kanio
Deck_C=0
shap=-0.0", - "index=McNamee, Mr. Neal
Deck_C=0
shap=-0.0", - "index=Connaghton, Mr. Michael
Deck_C=0
shap=-0.001", - "index=Carlsson, Mr. August Sigfrid
Deck_C=0
shap=-0.0", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_C=0
shap=0.002", - "index=Eklund, Mr. Hans Linus
Deck_C=0
shap=-0.0", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_C=0
shap=0.005", - "index=Moran, Mr. Daniel J
Deck_C=0
shap=-0.001", - "index=Lievens, Mr. Rene Aime
Deck_C=0
shap=-0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_C=0
shap=0.004", - "index=Ayoub, Miss. Banoura
Deck_C=0
shap=-0.001", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_C=0
shap=0.004", - "index=Johnston, Mr. Andrew G
Deck_C=0
shap=-0.0", - "index=Ali, Mr. William
Deck_C=0
shap=-0.0", - "index=Sjoblom, Miss. Anna Sofia
Deck_C=0
shap=-0.001", - "index=Guggenheim, Mr. Benjamin
Deck_C=0
shap=0.005", - "index=Leader, Dr. Alice (Farnham)
Deck_C=0
shap=0.004", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_C=0
shap=0.002", - "index=Carter, Master. William Thornton II
Deck_C=0
shap=0.01", - "index=Thomas, Master. Assad Alexander
Deck_C=0
shap=-0.001", - "index=Johansson, Mr. Karl Johan
Deck_C=0
shap=-0.0", - "index=Slemen, Mr. Richard James
Deck_C=0
shap=-0.0", - "index=Tomlin, Mr. Ernest Portage
Deck_C=0
shap=-0.0", - "index=McCormack, Mr. Thomas Joseph
Deck_C=0
shap=-0.001", - "index=Richards, Master. George Sibley
Deck_C=0
shap=0.0", - "index=Mudd, Mr. Thomas Charles
Deck_C=0
shap=-0.0", - "index=Lemberopolous, Mr. Peter L
Deck_C=0
shap=-0.001", - "index=Sage, Mr. Douglas Bullen
Deck_C=0
shap=0.0", - "index=Boulos, Miss. Nourelain
Deck_C=0
shap=0.0", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_C=0
shap=-0.001", - "index=Razi, Mr. Raihed
Deck_C=0
shap=-0.002", - "index=Johnson, Master. Harold Theodor
Deck_C=0
shap=-0.0", - "index=Carlsson, Mr. Frans Olof
Deck_C=0
shap=0.002", - "index=Gustafsson, Mr. Alfred Ossian
Deck_C=0
shap=-0.0", - "index=Montvila, Rev. Juozas
Deck_C=0
shap=-0.0" - ], - "type": "scatter", - "x": [ - -0.003851392929529681, - -0.005617851710640131, - -4.034781152181482e-08, - -0.0006228639956814116, - 0.001031411879801102, - -0.0002931699518484546, - -0.0006113036507779236, - -0.0003583278642755348, - -0.00043837050975802176, - -0.0010592564404656426, - -0.0016380495641521518, - -0.00044798168207178124, - -0.0006494582425490721, - 0.00012558174150342335, - -0.007356397877805942, - 0.0002098563527514856, - -0.00012023111724560135, - -2.103514444295158e-05, - 0.00012558174150342335, - -0.0002606064691856822, - -0.0002462055799926211, - -0.0003549788083896126, - 0.008440250518174024, - -0.00046106640996479876, - 0.0064572222163340465, - -0.00026043665342629816, - -0.0005230667742366819, - -0.0002931699518484546, - -0.0008826587309533483, - -0.0002931699518484546, - -4.7249379592962485e-05, - -0.0003992575534236407, - -0.0002948287724841833, - -0.000716754659657386, - 0.004141393169429958, - -1.752216430440855e-05, - -5.351393865669015e-05, - -0.00010303104029325808, - 0.0038235107346239875, - 0.004646913371043722, - -0.0002931699518484546, - -0.00010676986097592484, - 0.003988878979825117, - -0.0009444675874945064, - 0.0037304158678451967, - -0.0002931699518484546, - -0.0003536208182215481, - 0.002014470081132758, - -0.0003549788083896126, - -5.351393865669015e-05, - -0.00046106640996479876, - -0.0007546229701927977, - -0.0006929471593651497, - -0.000398579172798169, - -0.00046106640996479876, - -0.0023437629811679803, - 0.0003199857530948693, - 0.0013394194527195278, - -0.00106433274799984, - 0.00011770357892819327, - -0.00043837050975802176, - 0.004553052621601406, - -0.00039213724783124715, - 0.0012490328899213419, - -0.00044798168207178124, - 0.0020174203167798283, - 0.003091702296327135, - -0.003351589776925059, - -0.0003992575534236407, - 0.00021059673473887192, - -0.00011532279519784813, - 0.0011499325096526545, - -0.00046106640996479876, - 0.0032125544691102926, - -0.00019862779688514017, - -0.0007042495959155633, - -0.0002931699518484546, - 0.0003939969822743608, - 0.008099201407879385, - -0.0003549788083896126, - -0.00046106640996479876, - 0.0001597376491972976, - -0.00106433274799984, - -0.00012023111724560135, - 0.002622701809104249, - -0.00019862779688514017, - -0.003507807964109326, - -0.000398579172798169, - -0.0012758076314348915, - 0.0010537827481184394, - 0.0017619544058345275, - -0.0003992575534236407, - 0.002066328310599915, - 0.003005676706583969, - -7.040367439741187e-06, - 0.001549748201635537, - -0.0003549788083896126, - -0.0004630342145195052, - 0.0028294414162201363, - -0.0003549788083896126, - -0.0007024342082739241, - -0.0003549788083896126, - -0.00043837050975802176, - -0.00045900901295153223, - 0.0042542758220857416, - -0.00047216259206641525, - 0.0015058244743227172, - -0.0016380495641521518, - -0.0005100495580999956, - 0.0010151573824140976, - 0.002331567340081166, - 0.00011967706036395632, - -0.0002652193922794005, - -0.0006038841280274476, - 0.005618081342793445, - -0.00106433274799984, - 8.772705489713276e-05, - -0.005168916892495362, - -0.0005963466066987379, - 0.001646819121417927, - -0.0003992575534236407, - -0.00042664057106796694, - -0.0016380495641521518, - 0.00833402005681721, - -0.0030532412929396282, - -0.0003536208182215481, - -0.0005469542912625629, - 0.0003500287473445953, - 0.0008290032496752362, - -0.00046106640996479876, - -0.00106433274799984, - -0.0006494582425490721, - -0.0011098636062413876, - -0.0003549788083896126, - -0.00011532279519784813, - 0.002201052740126583, - -0.00046106640996479876, - -0.0006038841280274476, - -0.00044798168207178124, - -0.0004683661266725053, - 0.002873038436141905, - -0.00028519185451527626, - 0.0019622357135795376, - 0.006661607977501891, - -0.0005420752714862894, - 0.0007657290335650718, - -2.735772908343071e-06, - -0.00011368769433887737, - -0.0003549788083896126, - 0.0005785508516342027, - -0.00019468174124258244, - -0.0001820399737867594, - 0.002761328173985095, - 0.007324534616695727, - -0.0062218207089490265, - -0.0002462055799926211, - -1.752216430440855e-05, - 0.002423459303091128, - -0.0010079499554029483, - -0.00028519185451527626, - -0.000398579172798169, - 0.0030683634522876233, - -0.0004683661266725053, - -0.0004683661266725053, - -0.0005493822348429045, - -0.00046106640996479876, - -0.00042340777209588467, - -0.0012060206775605551, - -0.0003549788083896126, - 0.0016249700816926697, - -0.00035663762902534134, - 0.004553052621601406, - -0.0007648615239764362, - -0.0002931699518484546, - 0.003819127017635462, - -0.0005103672767357273, - 0.003973506052407723, - -0.00017771342701172743, - -0.0003549788083896126, - -0.0006038841280274476, - 0.004808134428011095, - 0.00408012747035132, - 0.0016493071991233246, - 0.010415666775410509, - -0.0010661220528335983, - -0.00028519185451527626, - -7.767905184901133e-05, - -0.00022338299797411824, - -0.00106433274799984, - 0.00015202608548707357, - -0.0001491248263590763, - -0.0012785238063018837, - 0.00021059673473887192, - 9.090272608377012e-06, - -0.0007541753753759221, - -0.0016380495641521518, - -0.00028188036730877853, - 0.00157301300235248, - -0.0002931699518484546, - -0.0004683661266725053 + "type": "violin", + "x": [ + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg" ], - "xaxis": "x16", + "xaxis": "x", "y": [ - 0.9910691034242789, - 0.34831971886283564, - 0.007425557690337592, - 0.8913057487120364, - 0.4459901717469634, - 0.8018508182759503, - 0.020754473379712257, - 0.7381482922561933, - 0.0933975121653221, - 0.457894020949112, - 0.11582058088513114, - 0.8846364420659465, - 0.8728603069692732, - 0.9052321378372767, - 0.9395683885040815, - 0.31095842093224524, - 0.6766949030540028, - 0.7945627580556099, - 0.39512756018221606, - 0.6244097546084936, - 0.6854236622008667, - 0.7174202159581866, - 0.9567308377394476, - 0.9816555375505437, - 0.5180884705667697, - 0.6859898305448294, - 0.42570981741765146, - 0.4099583027934497, - 0.6831234520873234, - 0.349380147930481, - 0.07692602019800177, - 0.22227651812550875, - 0.8537926210707056, - 0.5778831601732786, - 0.9850634302425089, - 0.28319560698755075, - 0.676535612170363, - 0.2818136414930221, - 0.36280318803224487, - 0.8362284824339895, - 0.9732544120048747, - 0.8140180100491874, - 0.4707092838172633, - 0.5768349959951214, - 0.09954806322271259, - 0.2307082109988864, - 0.8348151358414545, - 0.7589789369350364, - 0.14710981804572, - 0.9413604660808048, - 0.5845537603803423, - 0.03456634833950478, - 0.2866977842368965, - 0.006249713704298943, - 0.276198489194175, - 0.9568123981054413, - 0.17180401291164915, - 0.986128433995756, - 0.8736859516150951, - 0.3947294501370363, - 0.45380648182046657, - 0.26086506790341824, - 0.640908678513694, - 0.8908938490779317, - 0.18757780730849927, - 0.7016779203940307, - 0.15078226734018374, - 0.7361339831945063, - 0.3925485568963577, - 0.17011815427870558, - 0.30410887721189384, - 0.6132632391292925, - 0.35890000500732033, - 0.05236953942688738, - 0.42576005892611846, - 0.18118403868389676, - 0.7328779920597864, - 0.4643779287283246, - 0.6539777976953222, - 0.11723065008639133, - 0.48924557421019277, - 0.5712104064400465, - 0.5843919041451513, - 0.49217503422100195, - 0.45699182903880553, - 0.07605661768173444, - 0.385387861156115, - 0.44849639800620467, - 0.9152672004147766, - 0.9492460345401357, - 0.5178187844774614, - 0.7911346202113022, - 0.8616697026717302, - 0.9041240783782553, - 0.21434041588245034, - 0.4505597119814465, - 0.6534181009180324, - 0.5660785630393843, - 0.7764354009422452, - 0.8689672068619992, - 0.677426143961766, - 0.8403129412483845, - 0.9388218034555678, - 0.7801121752170107, - 0.23949147783436153, - 0.7441072359566882, - 0.23762910865402886, - 0.6409714053179901, - 0.750791936651053, - 0.13924153755595203, - 0.0373146449541335, - 0.0820790597612463, - 0.2914713254247224, - 0.7940354419084632, - 0.9468517459945106, - 0.047073594737131796, - 0.8155767794262618, - 0.3506121414329436, - 0.6169993721737979, - 0.2194350676256297, - 0.4999019837893818, - 0.8918503661840038, - 0.3317361851546117, - 0.3462691996156906, - 0.6135691231306839, - 0.368148561252157, - 0.32013879038057425, - 0.5307525557850798, - 0.9556480875055875, - 0.9368147827207743, - 0.2172009803295214, - 0.5006690324515609, - 0.5016664017584539, - 0.7427458568334854, - 0.8741554693142637, - 0.7287193749319198, - 0.17033628595155004, - 0.891906720673342, - 0.7177924417677444, - 0.17618373487353756, - 0.5426051944385829, - 0.22495969996841503, - 0.3452382628782319, - 0.14152384247530625, - 0.024236603241529764, - 0.9379618011363606, - 0.7166104374373022, - 0.4433037142237439, - 0.40969564591018626, - 0.025381789516256914, - 0.19846808584658182, - 0.07773303098026063, - 0.41526078914002174, - 0.7161934632512669, - 0.6827565221258138, - 0.6830065271423018, - 0.05990084097392667, - 0.5705966726260125, - 0.0497680973673319, - 0.11557304464101226, - 0.7033764268117436, - 0.3712485555279851, - 0.4864430963317006, - 0.08170924541941749, - 0.9105305343718127, - 0.9023284690677023, - 0.439249838244269, - 0.8199022781658251, - 0.9501976141076209, - 0.6599807747025681, - 0.9424399634909381, - 0.014641804295241423, - 0.7009406846162769, - 0.4307763132407353, - 0.5502538979296047, - 0.009221259639900725, - 0.3522644231160237, - 0.3750010928203129, - 0.36470067285985186, - 0.8324102774943074, - 0.3867695128515455, - 0.5890799590147223, - 0.5745667771948525, - 0.17181282758702066, - 0.9080635957342086, - 0.8325405301186831, - 0.0032472290324225828, - 0.8976771786811115, - 0.7146127854052384, - 0.6452946575274817, - 0.33829550902904304, - 0.3416331415629945, - 0.9631849392453655, - 0.9096963082142601, - 0.06368599422250654, - 0.2412185415228738, - 0.1149035362359987, - 0.14433088203839917, - 0.24540796364821338, - 0.282080126198346 + 0.03971226576606676, + 0.06451967641823748, + 0.008704105897291738, + 0.031400833339579506, + 0.02377877524336588, + 0.0062138315859249895, + 0.044746589569162866, + 0.03755228237031463, + 0.0169942619884701, + 0.01944447628747987, + 0.04075485752635274, + 0.023543389684057236, + 0.05040983853893607, + 0.024029715922419537, + 0.018966146100044094, + 0.02278119338172318, + 0.03139926258571335, + 0.008959347798161418, + 0.03139926258571335, + 0.014222068177307293, + 0.0140876703981353, + 0.06089557218450125, + 0.0327853855075481, + 0.01516004876715944, + 0.026378719649216238, + 0.04261841150588931, + 0.051264773259955106, + 0.025816362940596707, + 0.0351582557561727, + 0.024825611745720722, + 0.0586885795348322, + 0.03139926258571335 ], - "yaxis": "y16" + "yaxis": "y" }, { - "hoverinfo": "text", - "marker": { - "color": [ - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 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, - 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, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" + "box": { + "visible": true + }, + "meanline": { + "visible": true + }, + "name": "Queenstown", + "showlegend": false, + "type": "violin", + "x": [ + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown" + ], + "xaxis": "x2", + "y": [ + 0.05700231361194559, + 0.05480015898579898, + 0.05656290444516506, + 0.013690830319643563, + 0.05700231361194559, + 0.04753968602634105, + 0.013690830319643563, + 0.013850656520865987, + 0.010052630819208546, + 0.05700231361194559, + 0.013690830319643563, + 0.040413442619731434, + 0.013690830319643563, + 0.042596742718212365, + 0.010199318252808707, + 0.0041961344814386535, + 0.012425447567540339, + 0.013690830319643563 + ], + "yaxis": "y2" + }, + { + "box": { + "visible": true + }, + "meanline": { + "visible": true + }, + "name": "Southampton", + "showlegend": false, + "type": "violin", + "x": [ + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton" + ], + "xaxis": "x3", + "y": [ + -0.01973522131537109, + -0.012613876248707414, + -0.028129969659028524, + -0.013483135702127348, + -0.03442428966418204, + -0.03298032637896262, + -0.03764467697909326, + -0.025240721671069378, + -0.01350014049521649, + -0.01272414139202595, + -0.012738905381675741, + -0.009511114269301787, + -0.024841620571911433, + -0.013299084566696042, + -0.0115726847059189, + -0.01324823603325664, + -0.007867825042357526, + -0.012744758386838294, + -0.008480694013372746, + -0.009383347038266533, + -0.012961832250422373, + -0.0349202054527379, + -0.013509325435241474, + -0.00999274433190766, + -0.012713724605804513, + -0.013952912337926187, + -0.0381028573455852, + -0.003331080337523013, + -0.0068255149183546575, + -0.009158141951484408, + -0.00695751023079833, + -0.021782812366726283, + -0.0070998282261147865, + -0.013509325435241474, + -0.012362865686429123, + -0.0023305193211678897, + -0.03397468831581581, + -0.011733039775566723, + -0.009115979580637838, + -0.010838801036632272, + -0.008926518584650265, + -0.012744758386838294, + -0.040876989878789904, + -0.035341546852412614, + -0.007413418843580267, + -0.01201506500733276, + -0.007896310159340409, + -0.015961501780183938, + -0.01185148201885807, + -0.024288233175620497, + -0.027664093978134647, + -0.001661124419254639, + -0.012713724605804513, + -0.013350457500621945, + -0.008536472715944822, + -0.025056799376833257, + -0.012744758386838294, + -0.009393554204573305, + -0.01343165694826541, + -0.013207333599455995, + -0.012744758386838294, + -0.011937104841551171, + -0.012781386049156409, + -0.02246088043641507, + -0.009421243722580058, + -0.008538526335079604, + -0.026012280257850632, + -0.019862388362799414, + -0.012713724605804513, + -0.007418453919781233, + -0.002952920663442007, + -0.007126671679406949, + -0.02305566816136292, + -0.01273750890161296, + -0.009892593114979375, + -0.012779632055735941, + -0.010576936991831756, + -0.011307974883676419, + -0.028086043233899714, + -0.005377319565506288, + -0.025280306221773605, + -0.029671168777939363, + -0.024514004517796388, + -0.006470033309112187, + -0.008709867859647648, + -0.00919961712873681, + -0.03268297344967961, + -0.02103998424891222, + -0.008002840968857125, + -0.01934623978592788, + -0.012641221052828576, + -0.012713724605804513, + -0.00889074920277686, + -0.003912136984188744, + -0.022148593283069465, + -0.01201506500733276, + -0.030766297592273523, + -0.011689712694944543, + -0.008248195574173741, + -0.012477954370548211, + -0.032435355903613024, + -0.008999184832483556, + -0.0029030549958448744, + -0.009350229122825524, + -0.02145554870919129, + -0.0012105866491881497, + -0.03404164566582123, + -0.014377727623940573, + -0.014464723686698195, + -0.012778954160491454, + -0.006479277931806097, + -0.01179715676439587, + -0.00282569793198486, + -0.005170172903382498, + -0.011783608731532912, + -0.011619616220156902, + -0.007280532941677354, + -0.022833079462454657, + -0.009311856558330427, + -0.007424911943398109, + -0.015698346457355388, + -0.008999184832483556, + -0.008999184832483556, + -0.011271657723534213, + -0.012744758386838294, + -0.011516722936531285, + -0.011438082864031496, + -0.01504054082598547, + -0.013738236842469402, + -0.018522696337630234, + -0.011602931795211647, + -0.018087897025425775, + -0.019658461859120006, + -0.011128152580713695, + -0.010965729952004347, + -0.03337749209557678, + -0.01442792818479724, + -0.022970157066744202, + 0.0028191230810228445, + -0.009748808132752158, + -0.007701212320350541, + -0.01041451565900794, + -0.007990806259155684, + -0.011110713691553357, + -0.013350457500621945, + -0.030388935717947554, + -0.01039607050445007, + -0.006779757797113878, + -0.013485045639677565, + -0.00904858364423187 + ], + "yaxis": "y3" + } + ], + "layout": { + "hovermode": "closest", + "template": { + "data": { + "scatter": [ + { + "type": "scatter" } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 + ] + } + }, + "title": { + "text": "Shap values for Embarked" + }, + "xaxis": { + "anchor": "y", + "domain": [ + 0, + 0.2888888888888889 + ] + }, + "xaxis2": { + "anchor": "y2", + "domain": [ + 0.35555555555555557, + 0.6444444444444445 + ] + }, + "xaxis3": { + "anchor": "y3", + "domain": [ + 0.7111111111111111, + 1 + ] + }, + "yaxis": { + "anchor": "x", + "domain": [ + 0, + 1 + ], + "range": [ + -0.05141665650849264, + 0.07505934304794022 + ], + "title": { + "text": "SHAP value" + } + }, + "yaxis2": { + "anchor": "x2", + "domain": [ + 0, + 1 + ], + "matches": "y", + "range": [ + -0.05141665650849264, + 0.07505934304794022 + ], + "showticklabels": false + }, + "yaxis3": { + "anchor": "x3", + "domain": [ + 0, + 1 + ], + "matches": "y", + "range": [ + -0.05141665650849264, + 0.07505934304794022 + ], + "showticklabels": false + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_dependence(\"Embarked\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### color by sex" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T15:58:08.647172Z", + "start_time": "2021-01-20T15:58:08.625044Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "hoverinfo": "text", + "marker": { + "opacity": 0.6, + "showscale": false, + "size": 7 }, "mode": "markers", - "name": "Deck_F", + "name": "Sex_female", "opacity": 0.8, - "showlegend": false, + "showlegend": true, "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_F=0
shap=-0.001", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_F=0
shap=-0.001", - "index=Palsson, Master. Gosta Leonard
Deck_F=0
shap=-0.001", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_F=0
shap=-0.001", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_F=0
shap=-0.001", - "index=Saundercock, Mr. William Henry
Deck_F=0
shap=-0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_F=0
shap=-0.001", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_F=0
shap=-0.001", - "index=Glynn, Miss. Mary Agatha
Deck_F=0
shap=-0.001", - "index=Meyer, Mr. Edgar Joseph
Deck_F=0
shap=-0.0", - "index=Kraeff, Mr. Theodor
Deck_F=0
shap=-0.0", - "index=Devaney, Miss. Margaret Delia
Deck_F=0
shap=-0.001", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_F=0
shap=-0.001", - "index=Rugg, Miss. Emily
Deck_F=0
shap=-0.002", - "index=Harris, Mr. Henry Birkhardt
Deck_F=0
shap=-0.001", - "index=Skoog, Master. Harald
Deck_F=0
shap=-0.001", - "index=Kink, Mr. Vincenz
Deck_F=0
shap=-0.0", - "index=Hood, Mr. Ambrose Jr
Deck_F=0
shap=-0.0", - "index=Ilett, Miss. Bertha
Deck_F=0
shap=-0.002", - "index=Ford, Mr. William Neal
Deck_F=0
shap=-0.001", - "index=Christmann, Mr. Emil
Deck_F=0
shap=-0.0", - "index=Andreasson, Mr. Paul Edvin
Deck_F=0
shap=-0.0", - "index=Chaffee, Mr. Herbert Fuller
Deck_F=0
shap=-0.001", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_F=0
shap=-0.0", - "index=White, Mr. Richard Frasar
Deck_F=0
shap=-0.001", - "index=Rekic, Mr. Tido
Deck_F=0
shap=-0.0", - "index=Moran, Miss. Bertha
Deck_F=0
shap=-0.001", - "index=Barton, Mr. David John
Deck_F=0
shap=-0.0", - "index=Jussila, Miss. Katriina
Deck_F=0
shap=-0.001", - "index=Pekoniemi, Mr. Edvard
Deck_F=0
shap=-0.0", - "index=Turpin, Mr. William John Robert
Deck_F=0
shap=-0.001", - "index=Moore, Mr. Leonard Charles
Deck_F=0
shap=-0.0", - "index=Osen, Mr. Olaf Elon
Deck_F=0
shap=-0.0", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_F=0
shap=-0.001", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_F=1
shap=0.038", - "index=Bateman, Rev. Robert James
Deck_F=0
shap=-0.001", - "index=Meo, Mr. Alfonzo
Deck_F=0
shap=-0.0", - "index=Cribb, Mr. John Hatfield
Deck_F=0
shap=-0.001", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_F=0
shap=-0.001", - "index=Van der hoef, Mr. Wyckoff
Deck_F=0
shap=-0.001", - "index=Sivola, Mr. Antti Wilhelm
Deck_F=0
shap=-0.0", - "index=Klasen, Mr. Klas Albin
Deck_F=0
shap=-0.001", - "index=Rood, Mr. Hugh Roscoe
Deck_F=0
shap=-0.001", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_F=0
shap=-0.001", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_F=0
shap=-0.001", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_F=0
shap=-0.0", - "index=Backstrom, Mr. Karl Alfred
Deck_F=0
shap=-0.0", - "index=Blank, Mr. Henry
Deck_F=0
shap=-0.0", - "index=Ali, Mr. Ahmed
Deck_F=0
shap=-0.0", - "index=Green, Mr. George Henry
Deck_F=0
shap=-0.0", - "index=Nenkoff, Mr. Christo
Deck_F=0
shap=-0.0", - "index=Asplund, Miss. Lillian Gertrud
Deck_F=0
shap=-0.001", - "index=Harknett, Miss. Alice Phoebe
Deck_F=0
shap=-0.001", - "index=Hunt, Mr. George Henry
Deck_F=0
shap=-0.001", - "index=Reed, Mr. James George
Deck_F=0
shap=-0.0", - "index=Stead, Mr. William Thomas
Deck_F=0
shap=-0.001", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_F=0
shap=-0.001", - "index=Parrish, Mrs. (Lutie Davis)
Deck_F=0
shap=-0.001", - "index=Smith, Mr. Thomas
Deck_F=0
shap=-0.0", - "index=Asplund, Master. Edvin Rojj Felix
Deck_F=0
shap=-0.001", - "index=Healy, Miss. Hanora \"Nora\"
Deck_F=0
shap=-0.001", - "index=Andrews, Miss. Kornelia Theodosia
Deck_F=0
shap=-0.0", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_F=0
shap=-0.001", - "index=Smith, Mr. Richard William
Deck_F=0
shap=-0.001", - "index=Connolly, Miss. Kate
Deck_F=0
shap=-0.001", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_F=0
shap=-0.0", - "index=Levy, Mr. Rene Jacques
Deck_F=0
shap=-0.001", - "index=Lewy, Mr. Ervin G
Deck_F=0
shap=-0.0", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_F=0
shap=-0.0", - "index=Sage, Mr. George John Jr
Deck_F=0
shap=-0.001", - "index=Nysveen, Mr. Johan Hansen
Deck_F=0
shap=-0.0", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_F=0
shap=-0.001", - "index=Denkoff, Mr. Mitto
Deck_F=0
shap=-0.0", - "index=Burns, Miss. Elizabeth Margaret
Deck_F=0
shap=-0.001", - "index=Dimic, Mr. Jovan
Deck_F=0
shap=-0.0", - "index=del Carlo, Mr. Sebastiano
Deck_F=0
shap=-0.001", - "index=Beavan, Mr. William Thomas
Deck_F=0
shap=-0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_F=0
shap=-0.0", - "index=Widener, Mr. Harry Elkins
Deck_F=0
shap=-0.001", - "index=Gustafsson, Mr. Karl Gideon
Deck_F=0
shap=-0.0", - "index=Plotcharsky, Mr. Vasil
Deck_F=0
shap=-0.0", - "index=Goodwin, Master. Sidney Leonard
Deck_F=0
shap=-0.001", - "index=Sadlier, Mr. Matthew
Deck_F=0
shap=-0.0", - "index=Gustafsson, Mr. Johan Birger
Deck_F=0
shap=-0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_F=0
shap=-0.002", - "index=Niskanen, Mr. Juha
Deck_F=0
shap=-0.0", - "index=Minahan, Miss. Daisy E
Deck_F=0
shap=-0.0", - "index=Matthews, Mr. William John
Deck_F=0
shap=-0.001", - "index=Charters, Mr. David
Deck_F=0
shap=-0.0", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_F=0
shap=-0.001", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_F=0
shap=-0.001", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_F=0
shap=-0.0", - "index=Peuchen, Major. Arthur Godfrey
Deck_F=0
shap=-0.001", - "index=Anderson, Mr. Harry
Deck_F=0
shap=-0.001", - "index=Milling, Mr. Jacob Christian
Deck_F=0
shap=-0.001", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_F=0
shap=-0.001", - "index=Karlsson, Mr. Nils August
Deck_F=0
shap=-0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_F=0
shap=-0.001", - "index=Bishop, Mr. Dickinson H
Deck_F=0
shap=-0.001", - "index=Windelov, Mr. Einar
Deck_F=0
shap=-0.0", - "index=Shellard, Mr. Frederick William
Deck_F=0
shap=-0.0", - "index=Svensson, Mr. Olof
Deck_F=0
shap=-0.0", - "index=O'Sullivan, Miss. Bridget Mary
Deck_F=0
shap=-0.001", - "index=Laitinen, Miss. Kristina Sofia
Deck_F=0
shap=-0.001", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_F=0
shap=-0.001", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_F=0
shap=-0.001", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_F=0
shap=-0.001", - "index=Kassem, Mr. Fared
Deck_F=0
shap=-0.0", - "index=Cacic, Miss. Marija
Deck_F=0
shap=-0.001", - "index=Hart, Miss. Eva Miriam
Deck_F=0
shap=-0.001", - "index=Butt, Major. Archibald Willingham
Deck_F=0
shap=-0.001", - "index=Beane, Mr. Edward
Deck_F=0
shap=-0.001", - "index=Goldsmith, Mr. Frank John
Deck_F=0
shap=-0.001", - "index=Ohman, Miss. Velin
Deck_F=0
shap=-0.001", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_F=0
shap=-0.001", - "index=Morrow, Mr. Thomas Rowan
Deck_F=0
shap=-0.0", - "index=Harris, Mr. George
Deck_F=0
shap=-0.0", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_F=0
shap=-0.001", - "index=Patchett, Mr. George
Deck_F=0
shap=-0.0", - "index=Ross, Mr. John Hugo
Deck_F=0
shap=-0.001", - "index=Murdlin, Mr. Joseph
Deck_F=0
shap=-0.0", - "index=Bourke, Miss. Mary
Deck_F=0
shap=-0.001", - "index=Boulos, Mr. Hanna
Deck_F=0
shap=-0.0", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_F=0
shap=-0.001", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_F=0
shap=-0.001", - "index=Lindell, Mr. Edvard Bengtsson
Deck_F=0
shap=-0.001", - "index=Daniel, Mr. Robert Williams
Deck_F=0
shap=-0.001", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_F=0
shap=-0.001", - "index=Shutes, Miss. Elizabeth W
Deck_F=0
shap=-0.0", - "index=Jardin, Mr. Jose Neto
Deck_F=0
shap=-0.0", - "index=Horgan, Mr. John
Deck_F=0
shap=-0.0", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_F=0
shap=-0.001", - "index=Yasbeck, Mr. Antoni
Deck_F=0
shap=-0.0", - "index=Bostandyeff, Mr. Guentcho
Deck_F=0
shap=-0.0", - "index=Lundahl, Mr. Johan Svensson
Deck_F=0
shap=-0.0", - "index=Stahelin-Maeglin, Dr. Max
Deck_F=0
shap=-0.001", - "index=Willey, Mr. Edward
Deck_F=0
shap=-0.0", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_F=0
shap=-0.001", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_F=0
shap=-0.001", - "index=Eitemiller, Mr. George Floyd
Deck_F=0
shap=-0.001", - "index=Colley, Mr. Edward Pomeroy
Deck_F=0
shap=-0.001", - "index=Coleff, Mr. Peju
Deck_F=0
shap=-0.0", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_F=0
shap=-0.001", - "index=Davidson, Mr. Thornton
Deck_F=0
shap=-0.001", - "index=Turja, Miss. Anna Sofia
Deck_F=0
shap=-0.001", - "index=Hassab, Mr. Hammad
Deck_F=0
shap=-0.0", - "index=Goodwin, Mr. Charles Edward
Deck_F=0
shap=-0.001", - "index=Panula, Mr. Jaako Arnold
Deck_F=0
shap=-0.001", - "index=Fischer, Mr. Eberhard Thelander
Deck_F=0
shap=-0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_F=1
shap=0.008", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_F=0
shap=-0.001", - "index=Hansen, Mr. Henrik Juul
Deck_F=0
shap=-0.0", - "index=Calderhead, Mr. Edward Pennington
Deck_F=0
shap=-0.001", - "index=Klaber, Mr. Herman
Deck_F=0
shap=-0.001", - "index=Taylor, Mr. Elmer Zebley
Deck_F=0
shap=-0.001", - "index=Larsson, Mr. August Viktor
Deck_F=0
shap=-0.0", - "index=Greenberg, Mr. Samuel
Deck_F=0
shap=-0.001", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_F=0
shap=-0.002", - "index=McEvoy, Mr. Michael
Deck_F=0
shap=-0.0", - "index=Johnson, Mr. Malkolm Joackim
Deck_F=0
shap=-0.0", - "index=Gillespie, Mr. William Henry
Deck_F=0
shap=-0.001", - "index=Allen, Miss. Elisabeth Walton
Deck_F=0
shap=-0.001", - "index=Berriman, Mr. William John
Deck_F=0
shap=-0.001", - "index=Troupiansky, Mr. Moses Aaron
Deck_F=0
shap=-0.001", - "index=Williams, Mr. Leslie
Deck_F=0
shap=-0.0", - "index=Ivanoff, Mr. Kanio
Deck_F=0
shap=-0.0", - "index=McNamee, Mr. Neal
Deck_F=0
shap=-0.0", - "index=Connaghton, Mr. Michael
Deck_F=0
shap=-0.0", - "index=Carlsson, Mr. August Sigfrid
Deck_F=0
shap=-0.0", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_F=0
shap=-0.001", - "index=Eklund, Mr. Hans Linus
Deck_F=0
shap=-0.0", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_F=0
shap=-0.0", - "index=Moran, Mr. Daniel J
Deck_F=0
shap=-0.0", - "index=Lievens, Mr. Rene Aime
Deck_F=0
shap=-0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_F=0
shap=-0.001", - "index=Ayoub, Miss. Banoura
Deck_F=0
shap=-0.001", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_F=0
shap=-0.001", - "index=Johnston, Mr. Andrew G
Deck_F=0
shap=-0.001", - "index=Ali, Mr. William
Deck_F=0
shap=-0.0", - "index=Sjoblom, Miss. Anna Sofia
Deck_F=0
shap=-0.001", - "index=Guggenheim, Mr. Benjamin
Deck_F=0
shap=-0.0", - "index=Leader, Dr. Alice (Farnham)
Deck_F=0
shap=-0.001", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_F=0
shap=-0.001", - "index=Carter, Master. William Thornton II
Deck_F=0
shap=-0.001", - "index=Thomas, Master. Assad Alexander
Deck_F=0
shap=-0.001", - "index=Johansson, Mr. Karl Johan
Deck_F=0
shap=-0.0", - "index=Slemen, Mr. Richard James
Deck_F=0
shap=-0.001", - "index=Tomlin, Mr. Ernest Portage
Deck_F=0
shap=-0.0", - "index=McCormack, Mr. Thomas Joseph
Deck_F=0
shap=-0.0", - "index=Richards, Master. George Sibley
Deck_F=0
shap=-0.001", - "index=Mudd, Mr. Thomas Charles
Deck_F=0
shap=-0.001", - "index=Lemberopolous, Mr. Peter L
Deck_F=0
shap=-0.0", - "index=Sage, Mr. Douglas Bullen
Deck_F=0
shap=-0.001", - "index=Boulos, Miss. Nourelain
Deck_F=0
shap=-0.001", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_F=0
shap=-0.001", - "index=Razi, Mr. Raihed
Deck_F=0
shap=-0.0", - "index=Johnson, Master. Harold Theodor
Deck_F=0
shap=-0.001", - "index=Carlsson, Mr. Frans Olof
Deck_F=0
shap=-0.0", - "index=Gustafsson, Mr. Alfred Ossian
Deck_F=0
shap=-0.0", - "index=Montvila, Rev. Juozas
Deck_F=0
shap=-0.001" - ], - "type": "scatter", - "x": [ - -0.0005219148473477663, - -0.000685004580487659, - -0.0008542929791432078, - -0.0008631986369337631, - -0.0008338723912063413, - -0.00040215085827694435, - -0.001010578966589162, - -0.0008500796571032981, - -0.0006653495233601784, - -0.0004965095669947472, - -0.000332600794855957, - -0.0006846034327786687, - -0.0008755686539622342, - -0.0015433820183622796, - -0.000683240273716675, - -0.0010327841896020248, - -0.0004429094053116877, - -0.0004934582091767551, - -0.001543191311294495, - -0.00098349038152201, - -0.00040215085827694435, - -0.00040215085827694435, - -0.000824464927907608, - -0.00044964877199507147, - -0.0014226940601821778, - -0.0003149894611923058, - -0.000705719814781101, - -0.00040215085827694435, - -0.0009414027556894075, - -0.00040215085827694435, - -0.0006187105799440889, - -0.00044964877199507147, - -0.0004062747253652939, - -0.0010726328626743053, - 0.038264697192542496, - -0.0005419346388511598, - -0.0003260238243067955, - -0.0007391951913589334, - -0.000821156085108808, - -0.0005982024049022591, - -0.00040215085827694435, - -0.0006894903798679053, - -0.0006086147468124299, - -0.0009414027556894075, - -0.0006601838996375741, - -0.00040215085827694435, - -0.0004977492958949136, - -0.0004963276446789537, - -0.00040215085827694435, - -0.0003260238243067955, - -0.00044964877199507147, - -0.0010699112151544587, - -0.0010212830694234368, - -0.0005313893802751011, - -0.00044964877199507147, - -0.0006125882478005439, - -0.0005550325148844837, - -0.0007163714825967796, - -0.00017803426964215134, - -0.0010305054228619685, - -0.0006653495233601784, - -0.00047482772902018915, - -0.0009024047386757161, - -0.0005604608372111361, - -0.0006846034327786687, - -0.00048137824398746383, - -0.0009393226957715708, - -0.000480878487763214, - -0.00044964877199507147, - -0.0012428394207807906, - -0.0003260238243067955, - -0.0005030783114720926, - -0.00044964877199507147, - -0.0005184641789532869, - -0.00032130422281259586, - -0.0006173997238040477, - -0.00040215085827694435, - -0.00046858390258127156, - -0.0014744492549129255, - -0.00040215085827694435, - -0.00044964877199507147, - -0.0012782878383286649, - -0.00017803426964215134, - -0.0004429094053116877, - -0.0016618770713905239, - -0.00032130422281259586, - -0.00047882277781499807, - -0.0005407762685635987, - -0.00021362463467872243, - -0.0009434751216060701, - -0.0007838857436024243, - -0.00044964877199507147, - -0.0006125882478005439, - -0.0008348214010631909, - -0.0005419346388511598, - -0.0009324312257468535, - -0.00040215085827694435, - -0.0005996274682476578, - -0.0006478387996681843, - -0.00040215085827694435, - -0.00044104815639556673, - -0.00040215085827694435, - -0.0006653495233601784, - -0.0009231418853617699, - -0.0006839040375125736, - -0.0005727497724437494, - -0.0008438749268484211, - -0.000332600794855957, - -0.0010260800554569354, - -0.000871171267217348, - -0.0005750995112237965, - -0.0006355880660952303, - -0.0007671271096479273, - -0.0010260800554569354, - -0.0006225395862107347, - -0.00017803426964215134, - -0.00048599930594692034, - -0.0005513503798704012, - -0.00041514240387043337, - -0.0005265149804869473, - -0.00044964877199507147, - -0.0006212204545066472, - -0.000332600794855957, - -0.0005970696932590352, - -0.0005299723785460014, - -0.0005222499289671686, - -0.0005454246048924174, - -0.0009233587541173702, - -0.0004751633345927285, - -0.00044964877199507147, - -0.00017803426964215134, - -0.0008755686539622342, - -0.0004362526327725135, - -0.00040215085827694435, - -0.0003260238243067955, - -0.0005819824982852055, - -0.00044964877199507147, - -0.0010260800554569354, - -0.0006846034327786687, - -0.0005407762685635987, - -0.0008348214010631909, - -0.00033386185791499975, - -0.0007876703551053869, - -0.000677949322902959, - -0.0010260800554569354, - -0.00041802667736703746, - -0.0012264770808036408, - -0.0012014215799750708, - -0.00040215085827694435, - 0.007826434446820322, - -0.0005335227350151232, - -0.00044072808889313383, - -0.0008105702089199578, - -0.0005868847343498449, - -0.0007221267720348022, - -0.00040215085827694435, - -0.0005419346388511598, - -0.002249552811669348, - -0.0003321718036632113, - -0.00033386185791499975, - -0.0005313893802751011, - -0.0005657080716436355, - -0.0005407762685635987, - -0.0005407762685635987, - -0.00045889600326863653, - -0.00044964877199507147, - -0.0004969618255449363, - -0.00021362463467872243, - -0.00040215085827694435, - -0.000552141582972757, - -0.0004062747253652939, - -0.00047482772902018915, - -0.0003775048610795422, - -0.00040215085827694435, - -0.0005848817795780672, - -0.000929725572165556, - -0.0005495270571504719, - -0.0010065689083994876, - -0.00040215085827694435, - -0.0010260800554569354, - -0.0004530100306674182, - -0.0006571271397114989, - -0.0009443788617550724, - -0.0014701793373972341, - -0.000675396392624653, - -0.00040215085827694435, - -0.0005145282987345488, - -0.00040215085827694435, - -0.00017803426964215134, - -0.0009013074131418999, - -0.0006227660005486836, - -0.0003233930161066098, - -0.0012428394207807906, - -0.0009246548781027963, - -0.0009400959370125429, - -0.000332600794855957, - -0.0007366359335968995, - -0.0002184747474915795, - -0.00040215085827694435, - -0.0005407762685635987 - ], - "xaxis": "x17", - "y": [ - 0.9319727997596977, - 0.8979167152774232, - 0.8096795174175226, - 0.16696775132821462, - 0.6395552683228443, - 0.09602587562632381, - 0.7235899491912261, - 0.06345329366010355, - 0.013923082428582312, - 0.05087380295309274, - 0.4498541212369863, - 0.9617042251145121, - 0.43827938691513824, - 0.12107651475296632, - 0.7753439589712604, - 0.5670639170535849, - 0.7688615815741052, - 0.6395636811829999, - 0.5508452330797168, - 0.35662540368040585, - 0.15639999772529656, - 0.693930952129932, - 0.7027388701374435, - 0.5142899882831288, - 0.92148307320249, - 0.02480753381260825, - 0.33536614501117346, - 0.26318672281248556, - 0.6361095045320937, - 0.006289297911955982, - 0.25032392228280287, - 0.9720791728012298, - 0.03618553662186752, - 0.6474958452344263, - 0.38341109535280593, - 0.4451027772255717, - 0.923363968499358, - 0.9833297160155628, - 0.9532736075533249, - 0.2283486297438826, - 0.7060545166747965, - 0.3250090629482615, - 0.9196186835327382, - 0.7469133731218017, - 0.5880373575504587, - 0.7161762212523755, - 0.49213954511164204, - 0.23317065537038906, - 0.6054287506387694, - 0.8252232229431776, - 0.17262815673698284, - 0.7657480106736536, - 0.3890159476372379, - 0.37219623586239425, - 0.9799334300545427, - 0.2914001981109592, - 0.33331047272471304, - 0.4788226006291433, - 0.6756630856698876, - 0.8521343238881836, - 0.7094195095214967, - 0.2708884388038101, - 0.5146762486478922, - 0.9018422316047255, - 0.609834104657585, - 0.2520373439142257, - 0.11123056916017016, - 0.21924220427207197, - 0.980697605403343, - 0.45555897306668813, - 0.13087263390810344, - 0.4682577133218435, - 0.6816822756744599, - 0.8926842572486137, - 0.825123301686761, - 0.08064388060098115, - 0.1488051187916456, - 0.9611121030946952, - 0.466114078889587, - 0.001112957845027851, - 0.2885244193435391, - 0.5134165279713886, - 0.7692547182412303, - 0.4480829229972457, - 0.7892819382687621, - 0.3710550115375787, - 0.952081589965116, - 0.5423100994237501, - 0.0471769266933999, - 0.15461274978911477, - 0.813857962609277, - 0.5906961855547783, - 0.6334411878947309, - 0.9320948405078943, - 0.9093141130094025, - 0.33422392266477974, - 0.20126010087242618, - 0.40462936874812905, - 0.8592020280815289, - 0.5388441755786221, - 0.48156083372855873, - 0.5531828699032406, - 0.6256180487830231, - 0.1585025996773738, - 0.36325764084634216, - 0.2123279592245254, - 0.6691421756259758, - 0.25417972764611707, - 0.25393529117875535, - 0.9172669139011502, - 0.6135863512367338, - 0.6482459427276088, - 0.07576103576567772, - 0.00992109066641833, - 0.7642764851677095, - 0.6969527782319561, - 0.4494767221861091, - 0.799635208163598, - 0.9685080313105979, - 0.3960109760896491, - 0.5542865108047321, - 0.9846636103219394, - 0.5673246988739109, - 0.8575651464777035, - 0.08397139256311603, - 0.9619713465061015, - 0.011274846673788752, - 0.7717399576548012, - 0.14877505628674115, - 0.8556205095326238, - 0.3945305773003034, - 0.5139778761618252, - 0.2943321774775275, - 0.32583136313357497, - 0.5351288113446708, - 0.871940448681101, - 0.35853225060248517, - 0.6429143880353838, - 0.853186490196629, - 0.8816925442577284, - 0.8521410126962083, - 0.3566032581621068, - 0.7032871314208913, - 0.8050868130871643, - 0.17536566709875556, - 0.8605281272538189, - 0.42594438475885366, - 0.33300986178005254, - 0.6150488985837266, - 0.5701108029966516, - 0.38033242573769654, - 0.4285376456106612, - 0.9547941139521546, - 0.7568832131720027, - 0.7220950498689287, - 0.7584625908027062, - 0.16997831038088018, - 0.8562257422345652, - 0.9198758804545933, - 0.07867063965596721, - 0.19357789314539786, - 0.5326185707631006, - 0.6234129372428275, - 0.13061588235554744, - 0.9922670915127407, - 0.32692020665057964, - 0.163528724465416, - 0.9412670178504808, - 0.9273007671113661, - 0.7406790566732463, - 0.7657090283868714, - 0.7865094330701219, - 0.5293486271773485, - 0.983923493729096, - 0.9233618058741131, - 0.15214004704594508, - 0.4789394598668151, - 0.5022683545974745, - 0.8193093450318758, - 0.4859047318157823, - 0.7844659909808879, - 0.9848257960690505, - 0.7162450526777732, - 0.33881121728410557, - 0.1534959866836848, - 0.9720819599972764, - 0.21507492968394104, - 0.836961179722999, - 0.08634324707454721, - 0.1502528671080834, - 0.06932171363575979, - 0.924545122542607, - 0.03317570826996663, - 0.8380788157507838, - 0.9557532121515688, - 0.6883241813394341, - 0.8211200527776656, - 0.19589207259042796, - 0.6818339531059774, - 0.7992153160497234 - ], - "yaxis": "y17" + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
Sex=Sex_female
SHAP=-0.015", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
Sex=Sex_female
SHAP=0.001", + "None=Palsson, Master. Gosta Leonard
Age=27.0
Sex=Sex_female
SHAP=-0.005", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=14.0
Sex=Sex_female
SHAP=0.019", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
Sex=Sex_female
SHAP=0.012", + "None=Saundercock, Mr. William Henry
Age=38.0
Sex=Sex_female
SHAP=-0.029", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Age=nan
Sex=Sex_female
SHAP=0.018", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=19.0
Sex=Sex_female
SHAP=0.004", + "None=Glynn, Miss. Mary Agatha
Age=18.0
Sex=Sex_female
SHAP=0.000", + "None=Meyer, Mr. Edgar Joseph
Age=21.0
Sex=Sex_female
SHAP=0.002", + "None=Kraeff, Mr. Theodor
Age=17.0
Sex=Sex_female
SHAP=0.005", + "None=Devaney, Miss. Margaret Delia
Age=nan
Sex=Sex_female
SHAP=0.017", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=20.0
Sex=Sex_female
SHAP=-0.002", + "None=Rugg, Miss. Emily
Age=9.0
Sex=Sex_female
SHAP=0.020", + "None=Harris, Mr. Henry Birkhardt
Age=nan
Sex=Sex_female
SHAP=0.010", + "None=Skoog, Master. Harald
Age=19.0
Sex=Sex_female
SHAP=0.001", + "None=Kink, Mr. Vincenz
Age=44.0
Sex=Sex_female
SHAP=-0.031", + "None=Hood, Mr. Ambrose Jr
Age=5.0
Sex=Sex_female
SHAP=0.009", + "None=Ilett, Miss. Bertha
Age=nan
Sex=Sex_female
SHAP=0.007", + "None=Ford, Mr. William Neal
Age=nan
Sex=Sex_female
SHAP=0.007", + "None=Christmann, Mr. Emil
Age=50.0
Sex=Sex_female
SHAP=-0.017", + "None=Andreasson, Mr. Paul Edvin
Age=nan
Sex=Sex_female
SHAP=0.018", + "None=Chaffee, Mr. Herbert Fuller
Age=63.0
Sex=Sex_female
SHAP=-0.046", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Age=35.0
Sex=Sex_female
SHAP=-0.018", + "None=White, Mr. Richard Frasar
Age=22.0
Sex=Sex_female
SHAP=0.003", + "None=Rekic, Mr. Tido
Age=19.0
Sex=Sex_female
SHAP=0.011", + "None=Moran, Miss. Bertha
Age=nan
Sex=Sex_female
SHAP=0.008", + "None=Barton, Mr. David John
Age=41.0
Sex=Sex_female
SHAP=-0.012", + "None=Jussila, Miss. Katriina
Age=nan
Sex=Sex_female
SHAP=0.007", + "None=Pekoniemi, Mr. Edvard
Age=24.0
Sex=Sex_female
SHAP=0.014", + "None=Turpin, Mr. William John Robert
Age=33.0
Sex=Sex_female
SHAP=-0.005", + "None=Moore, Mr. Leonard Charles
Age=19.0
Sex=Sex_female
SHAP=0.005", + "None=Osen, Mr. Olaf Elon
Age=45.0
Sex=Sex_female
SHAP=-0.029", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Age=33.0
Sex=Sex_female
SHAP=-0.007", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=nan
Sex=Sex_female
SHAP=0.018", + "None=Bateman, Rev. Robert James
Age=37.0
Sex=Sex_female
SHAP=-0.014", + "None=Meo, Mr. Alfonzo
Age=36.0
Sex=Sex_female
SHAP=-0.003", + "None=Cribb, Mr. John Hatfield
Age=30.0
Sex=Sex_female
SHAP=0.001", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Age=7.0
Sex=Sex_female
SHAP=0.025", + "None=Van der hoef, Mr. Wyckoff
Age=22.0
Sex=Sex_female
SHAP=0.004", + "None=Sivola, Mr. Antti Wilhelm
Age=39.0
Sex=Sex_female
SHAP=-0.015", + "None=Klasen, Mr. Klas Albin
Age=53.0
Sex=Sex_female
SHAP=-0.022", + "None=Rood, Mr. Hugh Roscoe
Age=nan
Sex=Sex_female
SHAP=0.022", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=22.0
Sex=Sex_female
SHAP=0.011", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Age=40.0
Sex=Sex_female
SHAP=-0.016", + "None=Vande Walle, Mr. Nestor Cyriel
Age=26.0
Sex=Sex_female
SHAP=-0.002", + "None=Backstrom, Mr. Karl Alfred
Age=23.0
Sex=Sex_female
SHAP=0.004", + "None=Blank, Mr. Henry
Age=18.0
Sex=Sex_female
SHAP=0.004", + "None=Ali, Mr. Ahmed
Age=40.0
Sex=Sex_female
SHAP=-0.021", + "None=Green, Mr. George Henry
Age=18.0
Sex=Sex_female
SHAP=0.001", + "None=Nenkoff, Mr. Christo
Age=18.0
Sex=Sex_female
SHAP=0.013", + "None=Asplund, Miss. Lillian Gertrud
Age=27.0
Sex=Sex_female
SHAP=0.014", + "None=Harknett, Miss. Alice Phoebe
Age=29.0
Sex=Sex_female
SHAP=0.012", + "None=Hunt, Mr. George Henry
Age=33.0
Sex=Sex_female
SHAP=0.008", + "None=Reed, Mr. James George
Age=51.0
Sex=Sex_female
SHAP=-0.015", + "None=Stead, Mr. William Thomas
Age=43.0
Sex=Sex_female
SHAP=-0.015", + "None=Thorne, Mrs. Gertrude Maybelle
Age=13.0
Sex=Sex_female
SHAP=0.015", + "None=Parrish, Mrs. (Lutie Davis)
Age=17.0
Sex=Sex_female
SHAP=0.012", + "None=Smith, Mr. Thomas
Age=18.0
Sex=Sex_female
SHAP=0.002", + "None=Asplund, Master. Edvin Rojj Felix
Age=49.0
Sex=Sex_female
SHAP=-0.017", + "None=Healy, Miss. Hanora \"Nora\"
Age=31.0
Sex=Sex_female
SHAP=0.002", + "None=Andrews, Miss. Kornelia Theodosia
Age=9.0
Sex=Sex_female
SHAP=0.027", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Age=18.0
Sex=Sex_female
SHAP=0.003" + ], + "type": "scattergl", + "x": [ + 38, + 35, + 27, + 14, + 14, + 38, + null, + 19, + 18, + 21, + 17, + null, + 20, + 9, + null, + 19, + 44, + 5, + null, + null, + 50, + null, + 63, + 35, + 22, + 19, + null, + 41, + null, + 24, + 33, + 19, + 45, + 33, + null, + 37, + 36, + 30, + 7, + 22, + 39, + 53, + null, + 22, + 40, + 26, + 23, + 18, + 40, + 18, + 18, + 27, + 29, + 33, + 51, + 43, + 13, + 17, + 18, + 49, + 31, + 9, + 18 + ], + "y": [ + -0.01543575884051485, + 0.001017580029253427, + -0.004642400966860567, + 0.01886898453959005, + 0.012000649245291508, + -0.029219900499822055, + 0.017860315983689756, + 0.0038270742756876352, + 0.00011531528705203396, + 0.0019991754460363487, + 0.004877530303213302, + 0.016894481095939034, + -0.0023036298552346025, + 0.019923704579522205, + 0.010127881001692136, + 0.0013011339905174932, + -0.030964963174419973, + 0.008948919524091964, + 0.006911346832543607, + 0.00749824017760441, + -0.016529842582446563, + 0.017860315983689756, + -0.04643843876731938, + -0.018344843015053926, + 0.00288465227705189, + 0.01091979238529017, + 0.008331905133664753, + -0.01165651725162293, + 0.007016698209373496, + 0.01390396703407723, + -0.004583754986690697, + 0.004579151569428911, + -0.0288032769974192, + -0.007032322715608487, + 0.017860315983689756, + -0.014410542106798206, + -0.002774874005761946, + 0.0005004882727739139, + 0.025000669166390332, + 0.003996662898739415, + -0.014684099237695706, + -0.02174014302606216, + 0.021544164966014683, + 0.011386582089526837, + -0.015847560854189407, + -0.002018414193370629, + 0.0035455370358598265, + 0.003762027178754988, + -0.02089772355955246, + 0.0012877740407807698, + 0.013271677612023814, + 0.014060787787726842, + 0.011970609366728556, + 0.00832078532458736, + -0.015091851349614922, + -0.015080911855039533, + 0.014971517903137438, + 0.01195079136962356, + 0.0023184703976523724, + -0.016989631294643825, + 0.00247311896616024, + 0.027451269501566667, + 0.0032762843284354164 + ] }, { "hoverinfo": "text", "marker": { - "color": [ - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" + "opacity": 0.6, + "showscale": false, + "size": 7 + }, + "mode": "markers", + "name": "Sex_male", + "opacity": 0.8, + "showlegend": true, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=2.0
Sex=Sex_male
SHAP=0.035", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=20.0
Sex=Sex_male
SHAP=0.005", + "None=Palsson, Master. Gosta Leonard
Age=28.0
Sex=Sex_male
SHAP=-0.001", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=nan
Sex=Sex_male
SHAP=0.009", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Age=45.0
Sex=Sex_male
SHAP=-0.030", + "None=Saundercock, Mr. William Henry
Age=4.0
Sex=Sex_male
SHAP=0.029", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Age=26.0
Sex=Sex_male
SHAP=0.003", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=21.0
Sex=Sex_male
SHAP=0.006", + "None=Glynn, Miss. Mary Agatha
Age=16.0
Sex=Sex_male
SHAP=0.003", + "None=Meyer, Mr. Edgar Joseph
Age=29.0
Sex=Sex_male
SHAP=0.005", + "None=Kraeff, Mr. Theodor
Age=20.0
Sex=Sex_male
SHAP=0.005", + "None=Devaney, Miss. Margaret Delia
Age=46.0
Sex=Sex_male
SHAP=-0.037", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Rugg, Miss. Emily
Age=21.0
Sex=Sex_male
SHAP=0.030", + "None=Harris, Mr. Henry Birkhardt
Age=38.0
Sex=Sex_male
SHAP=-0.019", + "None=Skoog, Master. Harald
Age=22.0
Sex=Sex_male
SHAP=0.006", + "None=Kink, Mr. Vincenz
Age=21.0
Sex=Sex_male
SHAP=0.004", + "None=Hood, Mr. Ambrose Jr
Age=29.0
Sex=Sex_male
SHAP=0.003", + "None=Ilett, Miss. Bertha
Age=nan
Sex=Sex_male
SHAP=0.007", + "None=Ford, Mr. William Neal
Age=16.0
Sex=Sex_male
SHAP=0.007", + "None=Christmann, Mr. Emil
Age=36.5
Sex=Sex_male
SHAP=-0.010", + "None=Andreasson, Mr. Paul Edvin
Age=51.0
Sex=Sex_male
SHAP=-0.019", + "None=Chaffee, Mr. Herbert Fuller
Age=55.5
Sex=Sex_male
SHAP=-0.031", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Age=44.0
Sex=Sex_male
SHAP=-0.039", + "None=White, Mr. Richard Frasar
Age=61.0
Sex=Sex_male
SHAP=-0.064", + "None=Rekic, Mr. Tido
Age=21.0
Sex=Sex_male
SHAP=0.004", + "None=Moran, Miss. Bertha
Age=18.0
Sex=Sex_male
SHAP=-0.001", + "None=Barton, Mr. David John
Age=nan
Sex=Sex_male
SHAP=0.015", + "None=Jussila, Miss. Katriina
Age=28.0
Sex=Sex_male
SHAP=0.004", + "None=Pekoniemi, Mr. Edvard
Age=32.0
Sex=Sex_male
SHAP=0.007", + "None=Turpin, Mr. William John Robert
Age=40.0
Sex=Sex_male
SHAP=-0.029", + "None=Moore, Mr. Leonard Charles
Age=24.0
Sex=Sex_male
SHAP=0.005", + "None=Osen, Mr. Olaf Elon
Age=51.0
Sex=Sex_male
SHAP=-0.021", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=33.0
Sex=Sex_male
SHAP=-0.004", + "None=Bateman, Rev. Robert James
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Meo, Mr. Alfonzo
Age=62.0
Sex=Sex_male
SHAP=-0.055", + "None=Cribb, Mr. John Hatfield
Age=nan
Sex=Sex_male
SHAP=0.012", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Age=3.0
Sex=Sex_male
SHAP=0.033", + "None=Van der hoef, Mr. Wyckoff
Age=nan
Sex=Sex_male
SHAP=0.013", + "None=Sivola, Mr. Antti Wilhelm
Age=36.0
Sex=Sex_male
SHAP=-0.000", + "None=Klasen, Mr. Klas Albin
Age=nan
Sex=Sex_male
SHAP=0.017", + "None=Rood, Mr. Hugh Roscoe
Age=nan
Sex=Sex_male
SHAP=0.007", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=nan
Sex=Sex_male
SHAP=0.023", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Age=61.0
Sex=Sex_male
SHAP=-0.033", + "None=Vande Walle, Mr. Nestor Cyriel
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Backstrom, Mr. Karl Alfred
Age=42.0
Sex=Sex_male
SHAP=-0.020", + "None=Blank, Mr. Henry
Age=29.0
Sex=Sex_male
SHAP=0.002", + "None=Ali, Mr. Ahmed
Age=19.0
Sex=Sex_male
SHAP=0.005", + "None=Green, Mr. George Henry
Age=27.0
Sex=Sex_male
SHAP=0.010", + "None=Nenkoff, Mr. Christo
Age=19.0
Sex=Sex_male
SHAP=0.006", + "None=Asplund, Miss. Lillian Gertrud
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Harknett, Miss. Alice Phoebe
Age=1.0
Sex=Sex_male
SHAP=0.032", + "None=Hunt, Mr. George Henry
Age=nan
Sex=Sex_male
SHAP=0.012", + "None=Reed, Mr. James George
Age=28.0
Sex=Sex_male
SHAP=0.002", + "None=Stead, Mr. William Thomas
Age=39.0
Sex=Sex_male
SHAP=-0.013", + "None=Thorne, Mrs. Gertrude Maybelle
Age=30.0
Sex=Sex_male
SHAP=0.001", + "None=Parrish, Mrs. (Lutie Davis)
Age=21.0
Sex=Sex_male
SHAP=0.007", + "None=Smith, Mr. Thomas
Age=nan
Sex=Sex_male
SHAP=0.007", + "None=Asplund, Master. Edvin Rojj Felix
Age=52.0
Sex=Sex_male
SHAP=-0.044", + "None=Healy, Miss. Hanora \"Nora\"
Age=48.0
Sex=Sex_male
SHAP=-0.029", + "None=Andrews, Miss. Kornelia Theodosia
Age=48.0
Sex=Sex_male
SHAP=-0.019", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Age=22.0
Sex=Sex_male
SHAP=0.007", + "None=Smith, Mr. Richard William
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Connolly, Miss. Kate
Age=25.0
Sex=Sex_male
SHAP=0.021", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Age=21.0
Sex=Sex_male
SHAP=0.006", + "None=Levy, Mr. Rene Jacques
Age=nan
Sex=Sex_male
SHAP=0.015", + "None=Lewy, Mr. Ervin G
Age=24.0
Sex=Sex_male
SHAP=0.005", + "None=Williams, Mr. Howard Hugh \"Harry\"
Age=18.0
Sex=Sex_male
SHAP=0.031", + "None=Sage, Mr. George John Jr
Age=nan
Sex=Sex_male
SHAP=0.017", + "None=Nysveen, Mr. Johan Hansen
Age=nan
Sex=Sex_male
SHAP=0.009", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=45.0
Sex=Sex_male
SHAP=-0.035", + "None=Denkoff, Mr. Mitto
Age=32.0
Sex=Sex_male
SHAP=0.007", + "None=Burns, Miss. Elizabeth Margaret
Age=33.0
Sex=Sex_male
SHAP=-0.019", + "None=Dimic, Mr. Jovan
Age=nan
Sex=Sex_male
SHAP=0.012", + "None=del Carlo, Mr. Sebastiano
Age=62.0
Sex=Sex_male
SHAP=-0.037", + "None=Beavan, Mr. William Thomas
Age=19.0
Sex=Sex_male
SHAP=0.003", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=36.0
Sex=Sex_male
SHAP=0.010", + "None=Widener, Mr. Harry Elkins
Age=nan
Sex=Sex_male
SHAP=0.007", + "None=Gustafsson, Mr. Karl Gideon
Age=nan
Sex=Sex_male
SHAP=0.009", + "None=Plotcharsky, Mr. Vasil
Age=49.0
Sex=Sex_male
SHAP=-0.028", + "None=Goodwin, Master. Sidney Leonard
Age=35.0
Sex=Sex_male
SHAP=-0.007", + "None=Sadlier, Mr. Matthew
Age=36.0
Sex=Sex_male
SHAP=-0.011", + "None=Gustafsson, Mr. Johan Birger
Age=27.0
Sex=Sex_male
SHAP=0.005", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Niskanen, Mr. Juha
Age=nan
Sex=Sex_male
SHAP=0.012", + "None=Minahan, Miss. Daisy E
Age=27.0
Sex=Sex_male
SHAP=0.003", + "None=Matthews, Mr. William John
Age=26.0
Sex=Sex_male
SHAP=0.005", + "None=Charters, Mr. David
Age=51.0
Sex=Sex_male
SHAP=-0.024", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=32.0
Sex=Sex_male
SHAP=0.030", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Johannesen-Bratthammer, Mr. Bernt
Age=23.0
Sex=Sex_male
SHAP=0.004", + "None=Peuchen, Major. Arthur Godfrey
Age=47.0
Sex=Sex_male
SHAP=-0.035", + "None=Anderson, Mr. Harry
Age=36.0
Sex=Sex_male
SHAP=-0.012", + "None=Milling, Mr. Jacob Christian
Age=31.0
Sex=Sex_male
SHAP=0.037", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=27.0
Sex=Sex_male
SHAP=0.013", + "None=Karlsson, Mr. Nils August
Age=14.0
Sex=Sex_male
SHAP=0.005", + "None=Frost, Mr. Anthony Wood \"Archie\"
Age=14.0
Sex=Sex_male
SHAP=0.005", + "None=Bishop, Mr. Dickinson H
Age=18.0
Sex=Sex_male
SHAP=0.006", + "None=Windelov, Mr. Einar
Age=42.0
Sex=Sex_male
SHAP=-0.036", + "None=Shellard, Mr. Frederick William
Age=26.0
Sex=Sex_male
SHAP=0.003", + "None=Svensson, Mr. Olof
Age=42.0
Sex=Sex_male
SHAP=-0.026", + "None=O'Sullivan, Miss. Bridget Mary
Age=nan
Sex=Sex_male
SHAP=0.025", + "None=Laitinen, Miss. Kristina Sofia
Age=48.0
Sex=Sex_male
SHAP=-0.036", + "None=Penasco y Castellana, Mr. Victor de Satode
Age=29.0
Sex=Sex_male
SHAP=0.005", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Age=52.0
Sex=Sex_male
SHAP=-0.031", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=nan
Sex=Sex_male
SHAP=0.014", + "None=Kassem, Mr. Fared
Age=33.0
Sex=Sex_male
SHAP=-0.007", + "None=Cacic, Miss. Marija
Age=34.0
Sex=Sex_male
SHAP=-0.005", + "None=Hart, Miss. Eva Miriam
Age=23.0
Sex=Sex_male
SHAP=0.004", + "None=Butt, Major. Archibald Willingham
Age=23.0
Sex=Sex_male
SHAP=0.004", + "None=Beane, Mr. Edward
Age=28.5
Sex=Sex_male
SHAP=0.001", + "None=Goldsmith, Mr. Frank John
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Ohman, Miss. Velin
Age=24.0
Sex=Sex_male
SHAP=-0.001", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=31.0
Sex=Sex_male
SHAP=-0.001", + "None=Morrow, Mr. Thomas Rowan
Age=28.0
Sex=Sex_male
SHAP=0.005", + "None=Harris, Mr. George
Age=16.0
Sex=Sex_male
SHAP=0.008", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=nan
Sex=Sex_male
SHAP=0.012", + "None=Patchett, Mr. George
Age=24.0
Sex=Sex_male
SHAP=0.005", + "None=Ross, Mr. John Hugo
Age=nan
Sex=Sex_male
SHAP=0.034", + "None=Murdlin, Mr. Joseph
Age=25.0
Sex=Sex_male
SHAP=0.003", + "None=Bourke, Miss. Mary
Age=46.0
Sex=Sex_male
SHAP=-0.025", + "None=Boulos, Mr. Hanna
Age=11.0
Sex=Sex_male
SHAP=0.040", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=0.42
Sex=Sex_male
SHAP=0.032", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Age=31.0
Sex=Sex_male
SHAP=0.007", + "None=Lindell, Mr. Edvard Bengtsson
Age=35.0
Sex=Sex_male
SHAP=-0.006", + "None=Daniel, Mr. Robert Williams
Age=30.5
Sex=Sex_male
SHAP=0.004", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=nan
Sex=Sex_male
SHAP=0.012", + "None=Shutes, Miss. Elizabeth W
Age=0.83
Sex=Sex_male
SHAP=0.042", + "None=Jardin, Mr. Jose Neto
Age=16.0
Sex=Sex_male
SHAP=0.007", + "None=Horgan, Mr. John
Age=34.5
Sex=Sex_male
SHAP=-0.019", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=nan
Sex=Sex_male
SHAP=0.023", + "None=Yasbeck, Mr. Antoni
Age=nan
Sex=Sex_male
SHAP=0.009", + "None=Bostandyeff, Mr. Guentcho
Age=4.0
Sex=Sex_male
SHAP=0.033", + "None=Lundahl, Mr. Johan Svensson
Age=33.0
Sex=Sex_male
SHAP=0.023", + "None=Stahelin-Maeglin, Dr. Max
Age=20.0
Sex=Sex_male
SHAP=0.004", + "None=Willey, Mr. Edward
Age=27.0
Sex=Sex_male
SHAP=0.002" + ], + "type": "scattergl", + "x": [ + 2, + 20, + 28, + null, + 45, + 4, + 26, + 21, + 16, + 29, + 20, + 46, + null, + 21, + 38, + 22, + 21, + 29, + null, + 16, + 36.5, + 51, + 55.5, + 44, + 61, + 21, + 18, + null, + 28, + 32, + 40, + 24, + 51, + null, + 33, + null, + 62, + null, + 3, + null, + 36, + null, + null, + null, + 61, + null, + 42, + 29, + 19, + 27, + 19, + null, + 1, + null, + 28, + 39, + 30, + 21, + null, + 52, + 48, + 48, + 22, + null, + 25, + 21, + null, + 24, + 18, + null, + null, + 45, + 32, + 33, + null, + 62, + 19, + 36, + null, + null, + 49, + 35, + 36, + 27, + null, + null, + 27, + 26, + 51, + 32, + null, + 23, + 47, + 36, + 31, + 27, + 14, + 14, + 18, + 42, + 26, + 42, + null, + 48, + 29, + 52, + null, + 33, + 34, + 23, + 23, + 28.5, + null, + 24, + 31, + 28, + 16, + null, + 24, + null, + 25, + 46, + 11, + 0.42, + 31, + 35, + 30.5, + null, + 0.83, + 16, + 34.5, + null, + null, + 4, + 33, + 20, + 27 + ], + "y": [ + 0.03518027366893641, + 0.004820030017429456, + -0.0008714097027839055, + 0.00877623207786266, + -0.030193524593522023, + 0.02867069498138512, + 0.0026559634474051966, + 0.006051747206719572, + 0.0032958898421256086, + 0.004904108976681061, + 0.0051093631645521016, + -0.0365055307199439, + 0.0076873557787081005, + 0.030302709332902102, + -0.018611768327966408, + 0.0062577165828998325, + 0.003943721807358556, + 0.002605886778906421, + 0.007409469518032334, + 0.007419622461107807, + -0.01009240865542263, + -0.01920941854250331, + -0.03085882796884311, + -0.038645619259963945, + -0.0643274157733052, + 0.003943721807358556, + -0.0013857283650230345, + 0.014911706688887942, + 0.00444050614283098, + 0.0072327239716048946, + -0.028653634807020968, + 0.004981919575985209, + -0.020874382949277504, + 0.0076873557787081005, + -0.0036239677476794067, + 0.007686032729481005, + -0.055010810056555205, + 0.01158945841162901, + 0.033024069360180666, + 0.012555177817818891, + -0.0004295836607822515, + 0.01664227052999901, + 0.007409469518032334, + 0.02306387574994162, + -0.03267856910666607, + 0.0076873557787081005, + -0.01995099446959905, + 0.0020357074141677985, + 0.005389093250532157, + 0.010075201443937584, + 0.005677103348427713, + 0.0076873557787081005, + 0.03199845421365956, + 0.01158945841162901, + 0.002445151331132506, + -0.012794582825146842, + 0.0013927330772268785, + 0.006660832223055072, + 0.007409469518032334, + -0.04418338394264521, + -0.029394432712156065, + -0.019053688513843356, + 0.006545726680795388, + 0.00776695100922168, + 0.021294083393045702, + 0.005623919703598795, + 0.014889214857395808, + 0.0050363061168634225, + 0.031428803309193454, + 0.017295807103927106, + 0.008774909028635567, + -0.035165372565468464, + 0.007368411525312813, + -0.018514858268992, + 0.01158945841162901, + -0.03719512367493782, + 0.003123456327473448, + 0.010396751207566092, + 0.007409469518032334, + 0.008774909028635567, + -0.028378422729106886, + -0.006853724354274174, + -0.011460786694440424, + 0.005328166836618209, + 0.007625361704774092, + 0.01158945841162901, + 0.0030754050435623076, + 0.0045392740216333395, + -0.024131827977529427, + 0.029634468815433322, + 0.007686032729481005, + 0.004074219687620902, + -0.034949069543516724, + -0.012149312112265314, + 0.03697526593569397, + 0.01255717979891345, + 0.004849918697872426, + 0.005152724027971701, + 0.005640747054606217, + -0.03555381229710161, + 0.003052742238945357, + -0.02552389533896582, + 0.025262366654919332, + -0.03572507018666544, + 0.004694397851064785, + -0.03141246935244336, + 0.014300485275088974, + -0.006570818467688005, + -0.004535499725322079, + 0.004074219687620902, + 0.004074219687620902, + 0.000711082815192958, + 0.0076873557787081005, + -0.0006850623174081651, + -0.0014057318516366563, + 0.004671871292196017, + 0.007707632559003364, + 0.011552072487638822, + 0.004804940967498385, + 0.03369853894049205, + 0.0028098454435303995, + -0.024969022272840327, + 0.039621139404776774, + 0.03236846404095347, + 0.006907565252876208, + -0.006189717832261046, + 0.004022434376196849, + 0.01158945841162901, + 0.042460629171123365, + 0.006763778642779286, + -0.018580486015346516, + 0.02306387574994162, + 0.008774909028635567, + 0.03256026491108326, + 0.022818132947736734, + 0.004058077359520002, + 0.0015182476128659023 + ] + } + ], + "layout": { + "hovermode": "closest", + "paper_bgcolor": "#fff", + "plot_bgcolor": "#fff", + "showlegend": true, + "template": { + "data": { + "scatter": [ + { + "type": "scatter" } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], + ] + } + }, + "title": { + "text": "Dependence plot for Age" + }, + "xaxis": { + "title": { + "text": "Age" + } + }, + "yaxis": { + "title": { + "text": "SHAP value" + } + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_dependence(\"Age\", color_col=\"Sex\")" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T15:58:42.891565Z", + "start_time": "2021-01-20T15:58:42.827096Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "box": { + "visible": true + }, + "meanline": { + "visible": true + }, + "name": "Cherbourg", + "showlegend": false, + "type": "violin", + "x": [ + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg", + "Cherbourg" + ], + "xaxis": "x", + "y": [ + 0.03971226576606676, + 0.06451967641823748, + 0.008704105897291738, + 0.031400833339579506, + 0.02377877524336588, + 0.0062138315859249895, + 0.044746589569162866, + 0.03755228237031463, + 0.0169942619884701, + 0.01944447628747987, + 0.04075485752635274, + 0.023543389684057236, + 0.05040983853893607, + 0.024029715922419537, + 0.018966146100044094, + 0.02278119338172318, + 0.03139926258571335, + 0.008959347798161418, + 0.03139926258571335, + 0.014222068177307293, + 0.0140876703981353, + 0.06089557218450125, + 0.0327853855075481, + 0.01516004876715944, + 0.026378719649216238, + 0.04261841150588931, + 0.051264773259955106, + 0.025816362940596707, + 0.0351582557561727, + 0.024825611745720722, + 0.0586885795348322, + 0.03139926258571335 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#636EFA", "opacity": 0.3, - "showscale": true, - "size": 5 + "size": 7 }, "mode": "markers", - "name": "Deck_A", - "opacity": 0.8, + "name": "male", + "showlegend": true, + "text": [ + "None: Meyer, Mr. Edgar Joseph
shap: 0.009
Sex: male", + "None: Kraeff, Mr. Theodor
shap: 0.031
Sex: male", + "None: Blank, Mr. Henry
shap: 0.006
Sex: male", + "None: Levy, Mr. Rene Jacques
shap: 0.017
Sex: male", + "None: Lewy, Mr. Ervin G
shap: 0.019
Sex: male", + "None: del Carlo, Mr. Sebastiano
shap: 0.024
Sex: male", + "None: Widener, Mr. Harry Elkins
shap: 0.024
Sex: male", + "None: Bishop, Mr. Dickinson H
shap: 0.019
Sex: male", + "None: Penasco y Castellana, Mr. Victor de Satode
shap: 0.023
Sex: male", + "None: Kassem, Mr. Fared
shap: 0.031
Sex: male", + "None: Ross, Mr. John Hugo
shap: 0.009
Sex: male", + "None: Boulos, Mr. Hanna
shap: 0.031
Sex: male", + "None: Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
shap: 0.014
Sex: male", + "None: Homer, Mr. Harry (\"Mr E Haven\")
shap: 0.014
Sex: male", + "None: Yasbeck, Mr. Antoni
shap: 0.033
Sex: male", + "None: Stahelin-Maeglin, Dr. Max
shap: 0.015
Sex: male", + "None: Hassab, Mr. Hammad
shap: 0.026
Sex: male", + "None: Guggenheim, Mr. Benjamin
shap: 0.026
Sex: male", + "None: Thomas, Master. Assad Alexander
shap: 0.035
Sex: male", + "None: Lemberopolous, Mr. Peter L
shap: 0.025
Sex: male", + "None: Razi, Mr. Raihed
shap: 0.031
Sex: male" + ], + "type": "scattergl", + "x": [ + 0.7517614965746846, + 0.440880532950241, + 1.0820863882232494, + 0.40167382993021816, + -1.2024872509169466, + -2.628973988517996, + 1.2474112923887615, + 1.5518128850865038, + -0.35421977054408094, + -0.7890609680239455, + 0.20747190379700695, + 0.3077754120456398, + 0.8536952401458483, + 0.37405541198832293, + 0.2996815502120398, + -0.5182042116952762, + 0.3435957953110684, + 1.4859273600991512, + -0.4766948159491944, + 0.9301699879064547, + -0.192067006900245 + ], + "xaxis": "x2", + "y": [ + 0.008704105897291738, + 0.031400833339579506, + 0.0062138315859249895, + 0.0169942619884701, + 0.01944447628747987, + 0.023543389684057236, + 0.024029715922419537, + 0.018966146100044094, + 0.02278119338172318, + 0.03139926258571335, + 0.008959347798161418, + 0.03139926258571335, + 0.014222068177307293, + 0.0140876703981353, + 0.0327853855075481, + 0.01516004876715944, + 0.026378719649216238, + 0.025816362940596707, + 0.0351582557561727, + 0.024825611745720722, + 0.03139926258571335 + ], + "yaxis": "y2" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#EF553B", + "opacity": 0.3, + "size": 7 + }, + "mode": "markers", + "name": "female", + "showlegend": true, + "text": [ + "None: Cumings, Mrs. John Bradley (Florence Briggs Thayer)
shap: 0.040
Sex: female", + "None: Nasser, Mrs. Nicholas (Adele Achem)
shap: 0.065
Sex: female", + "None: Brown, Mrs. James Joseph (Margaret Tobin)
shap: 0.024
Sex: female", + "None: Thorne, Mrs. Gertrude Maybelle
shap: 0.045
Sex: female", + "None: Bishop, Mrs. Dickinson H (Helen Walton)
shap: 0.038
Sex: female", + "None: Burns, Miss. Elizabeth Margaret
shap: 0.041
Sex: female", + "None: Meyer, Mrs. Edgar Joseph (Leila Saks)
shap: 0.050
Sex: female", + "None: Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
shap: 0.061
Sex: female", + "None: Astor, Mrs. John Jacob (Madeleine Talmadge Force)
shap: 0.043
Sex: female", + "None: Ayoub, Miss. Banoura
shap: 0.051
Sex: female", + "None: Boulos, Miss. Nourelain
shap: 0.059
Sex: female" + ], + "type": "scattergl", + "x": [ + 0.7095231096857063, + 1.4149910736010987, + 1.094239638513608, + 0.34161534549586325, + -0.5883763357474258, + 0.10444914230358629, + 1.895692621532262, + 1.1925639160462698, + 0.3113908580071127, + -0.0383248403387237, + -0.962518884510171 + ], + "xaxis": "x2", + "y": [ + 0.03971226576606676, + 0.06451967641823748, + 0.02377877524336588, + 0.044746589569162866, + 0.03755228237031463, + 0.04075485752635274, + 0.05040983853893607, + 0.06089557218450125, + 0.04261841150588931, + 0.051264773259955106, + 0.0586885795348322 + ], + "yaxis": "y2" + }, + { + "box": { + "visible": true + }, + "meanline": { + "visible": true + }, + "name": "Queenstown", + "showlegend": false, + "type": "violin", + "x": [ + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown", + "Queenstown" + ], + "xaxis": "x3", + "y": [ + 0.05700231361194559, + 0.05480015898579898, + 0.05656290444516506, + 0.013690830319643563, + 0.05700231361194559, + 0.04753968602634105, + 0.013690830319643563, + 0.013850656520865987, + 0.010052630819208546, + 0.05700231361194559, + 0.013690830319643563, + 0.040413442619731434, + 0.013690830319643563, + 0.042596742718212365, + 0.010199318252808707, + 0.0041961344814386535, + 0.012425447567540339, + 0.013690830319643563 + ], + "yaxis": "y3" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#636EFA", + "opacity": 0.3, + "size": 7 + }, + "mode": "markers", + "name": "male", "showlegend": false, "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_A=0
shap=-0.0", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_A=0
shap=-0.0", - "index=Palsson, Master. Gosta Leonard
Deck_A=0
shap=-0.001", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_A=0
shap=-0.0", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_A=0
shap=-0.001", - "index=Saundercock, Mr. William Henry
Deck_A=0
shap=-0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_A=0
shap=-0.0", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_A=0
shap=-0.0", - "index=Glynn, Miss. Mary Agatha
Deck_A=0
shap=-0.0", - "index=Meyer, Mr. Edgar Joseph
Deck_A=0
shap=-0.001", - "index=Kraeff, Mr. Theodor
Deck_A=0
shap=-0.0", - "index=Devaney, Miss. Margaret Delia
Deck_A=0
shap=-0.0", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_A=0
shap=-0.0", - "index=Rugg, Miss. Emily
Deck_A=0
shap=-0.0", - "index=Harris, Mr. Henry Birkhardt
Deck_A=0
shap=-0.001", - "index=Skoog, Master. Harald
Deck_A=0
shap=-0.001", - "index=Kink, Mr. Vincenz
Deck_A=0
shap=-0.0", - "index=Hood, Mr. Ambrose Jr
Deck_A=0
shap=-0.0", - "index=Ilett, Miss. Bertha
Deck_A=0
shap=-0.0", - "index=Ford, Mr. William Neal
Deck_A=0
shap=-0.0", - "index=Christmann, Mr. Emil
Deck_A=0
shap=-0.0", - "index=Andreasson, Mr. Paul Edvin
Deck_A=0
shap=-0.0", - "index=Chaffee, Mr. Herbert Fuller
Deck_A=0
shap=-0.0", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_A=0
shap=-0.0", - "index=White, Mr. Richard Frasar
Deck_A=0
shap=-0.0", - "index=Rekic, Mr. Tido
Deck_A=0
shap=-0.0", - "index=Moran, Miss. Bertha
Deck_A=0
shap=-0.0", - "index=Barton, Mr. David John
Deck_A=0
shap=-0.0", - "index=Jussila, Miss. Katriina
Deck_A=0
shap=-0.0", - "index=Pekoniemi, Mr. Edvard
Deck_A=0
shap=-0.0", - "index=Turpin, Mr. William John Robert
Deck_A=0
shap=-0.001", - "index=Moore, Mr. Leonard Charles
Deck_A=0
shap=-0.0", - "index=Osen, Mr. Olaf Elon
Deck_A=0
shap=-0.0", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_A=0
shap=-0.0", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_A=0
shap=-0.0", - "index=Bateman, Rev. Robert James
Deck_A=0
shap=-0.001", - "index=Meo, Mr. Alfonzo
Deck_A=0
shap=-0.001", - "index=Cribb, Mr. John Hatfield
Deck_A=0
shap=-0.001", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_A=0
shap=-0.0", - "index=Van der hoef, Mr. Wyckoff
Deck_A=0
shap=-0.001", - "index=Sivola, Mr. Antti Wilhelm
Deck_A=0
shap=-0.0", - "index=Klasen, Mr. Klas Albin
Deck_A=0
shap=-0.0", - "index=Rood, Mr. Hugh Roscoe
Deck_A=1
shap=-0.0", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_A=0
shap=-0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_A=0
shap=-0.0", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_A=0
shap=-0.001", - "index=Backstrom, Mr. Karl Alfred
Deck_A=0
shap=-0.001", - "index=Blank, Mr. Henry
Deck_A=1
shap=0.015", - "index=Ali, Mr. Ahmed
Deck_A=0
shap=-0.0", - "index=Green, Mr. George Henry
Deck_A=0
shap=-0.001", - "index=Nenkoff, Mr. Christo
Deck_A=0
shap=-0.0", - "index=Asplund, Miss. Lillian Gertrud
Deck_A=0
shap=-0.001", - "index=Harknett, Miss. Alice Phoebe
Deck_A=0
shap=-0.0", - "index=Hunt, Mr. George Henry
Deck_A=0
shap=-0.001", - "index=Reed, Mr. James George
Deck_A=0
shap=-0.0", - "index=Stead, Mr. William Thomas
Deck_A=0
shap=-0.001", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_A=0
shap=-0.0", - "index=Parrish, Mrs. (Lutie Davis)
Deck_A=0
shap=-0.0", - "index=Smith, Mr. Thomas
Deck_A=0
shap=-0.0", - "index=Asplund, Master. Edvin Rojj Felix
Deck_A=0
shap=-0.001", - "index=Healy, Miss. Hanora \"Nora\"
Deck_A=0
shap=-0.0", - "index=Andrews, Miss. Kornelia Theodosia
Deck_A=0
shap=-0.0", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_A=0
shap=-0.0", - "index=Smith, Mr. Richard William
Deck_A=1
shap=0.015", - "index=Connolly, Miss. Kate
Deck_A=0
shap=-0.0", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_A=0
shap=-0.0", - "index=Levy, Mr. Rene Jacques
Deck_A=0
shap=-0.001", - "index=Lewy, Mr. Ervin G
Deck_A=0
shap=-0.001", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_A=0
shap=-0.0", - "index=Sage, Mr. George John Jr
Deck_A=0
shap=-0.001", - "index=Nysveen, Mr. Johan Hansen
Deck_A=0
shap=-0.001", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_A=0
shap=-0.0", - "index=Denkoff, Mr. Mitto
Deck_A=0
shap=-0.0", - "index=Burns, Miss. Elizabeth Margaret
Deck_A=0
shap=-0.001", - "index=Dimic, Mr. Jovan
Deck_A=0
shap=-0.001", - "index=del Carlo, Mr. Sebastiano
Deck_A=0
shap=-0.001", - "index=Beavan, Mr. William Thomas
Deck_A=0
shap=-0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_A=0
shap=-0.0", - "index=Widener, Mr. Harry Elkins
Deck_A=0
shap=-0.0", - "index=Gustafsson, Mr. Karl Gideon
Deck_A=0
shap=-0.0", - "index=Plotcharsky, Mr. Vasil
Deck_A=0
shap=-0.0", - "index=Goodwin, Master. Sidney Leonard
Deck_A=0
shap=-0.001", - "index=Sadlier, Mr. Matthew
Deck_A=0
shap=-0.0", - "index=Gustafsson, Mr. Johan Birger
Deck_A=0
shap=-0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_A=0
shap=-0.0", - "index=Niskanen, Mr. Juha
Deck_A=0
shap=-0.001", - "index=Minahan, Miss. Daisy E
Deck_A=0
shap=-0.0", - "index=Matthews, Mr. William John
Deck_A=0
shap=-0.001", - "index=Charters, Mr. David
Deck_A=0
shap=-0.0", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_A=0
shap=-0.0", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_A=0
shap=-0.0", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_A=0
shap=-0.0", - "index=Peuchen, Major. Arthur Godfrey
Deck_A=0
shap=-0.001", - "index=Anderson, Mr. Harry
Deck_A=0
shap=-0.001", - "index=Milling, Mr. Jacob Christian
Deck_A=0
shap=-0.001", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_A=0
shap=-0.0", - "index=Karlsson, Mr. Nils August
Deck_A=0
shap=-0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_A=0
shap=-0.0", - "index=Bishop, Mr. Dickinson H
Deck_A=0
shap=-0.0", - "index=Windelov, Mr. Einar
Deck_A=0
shap=-0.0", - "index=Shellard, Mr. Frederick William
Deck_A=0
shap=-0.0", - "index=Svensson, Mr. Olof
Deck_A=0
shap=-0.0", - "index=O'Sullivan, Miss. Bridget Mary
Deck_A=0
shap=-0.0", - "index=Laitinen, Miss. Kristina Sofia
Deck_A=0
shap=-0.0", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_A=0
shap=-0.0", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_A=0
shap=-0.001", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_A=0
shap=-0.0", - "index=Kassem, Mr. Fared
Deck_A=0
shap=-0.0", - "index=Cacic, Miss. Marija
Deck_A=0
shap=-0.0", - "index=Hart, Miss. Eva Miriam
Deck_A=0
shap=-0.0", - "index=Butt, Major. Archibald Willingham
Deck_A=0
shap=-0.001", - "index=Beane, Mr. Edward
Deck_A=0
shap=-0.001", - "index=Goldsmith, Mr. Frank John
Deck_A=0
shap=-0.0", - "index=Ohman, Miss. Velin
Deck_A=0
shap=-0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_A=0
shap=-0.0", - "index=Morrow, Mr. Thomas Rowan
Deck_A=0
shap=-0.0", - "index=Harris, Mr. George
Deck_A=0
shap=-0.001", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_A=0
shap=-0.0", - "index=Patchett, Mr. George
Deck_A=0
shap=-0.0", - "index=Ross, Mr. John Hugo
Deck_A=1
shap=0.023", - "index=Murdlin, Mr. Joseph
Deck_A=0
shap=-0.0", - "index=Bourke, Miss. Mary
Deck_A=0
shap=-0.0", - "index=Boulos, Mr. Hanna
Deck_A=0
shap=-0.0", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_A=1
shap=0.008", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_A=0
shap=-0.001", - "index=Lindell, Mr. Edvard Bengtsson
Deck_A=0
shap=-0.001", - "index=Daniel, Mr. Robert Williams
Deck_A=0
shap=-0.001", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_A=0
shap=-0.0", - "index=Shutes, Miss. Elizabeth W
Deck_A=0
shap=-0.001", - "index=Jardin, Mr. Jose Neto
Deck_A=0
shap=-0.0", - "index=Horgan, Mr. John
Deck_A=0
shap=-0.0", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_A=0
shap=-0.0", - "index=Yasbeck, Mr. Antoni
Deck_A=0
shap=-0.001", - "index=Bostandyeff, Mr. Guentcho
Deck_A=0
shap=-0.0", - "index=Lundahl, Mr. Johan Svensson
Deck_A=0
shap=-0.001", - "index=Stahelin-Maeglin, Dr. Max
Deck_A=0
shap=-0.001", - "index=Willey, Mr. Edward
Deck_A=0
shap=-0.0", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_A=0
shap=-0.0", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_A=0
shap=-0.0", - "index=Eitemiller, Mr. George Floyd
Deck_A=0
shap=-0.001", - "index=Colley, Mr. Edward Pomeroy
Deck_A=0
shap=-0.001", - "index=Coleff, Mr. Peju
Deck_A=0
shap=-0.0", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_A=0
shap=-0.001", - "index=Davidson, Mr. Thornton
Deck_A=0
shap=-0.0", - "index=Turja, Miss. Anna Sofia
Deck_A=0
shap=-0.0", - "index=Hassab, Mr. Hammad
Deck_A=0
shap=-0.0", - "index=Goodwin, Mr. Charles Edward
Deck_A=0
shap=-0.0", - "index=Panula, Mr. Jaako Arnold
Deck_A=0
shap=-0.001", - "index=Fischer, Mr. Eberhard Thelander
Deck_A=0
shap=-0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_A=0
shap=-0.001", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_A=0
shap=-0.0", - "index=Hansen, Mr. Henrik Juul
Deck_A=0
shap=-0.0", - "index=Calderhead, Mr. Edward Pennington
Deck_A=0
shap=-0.001", - "index=Klaber, Mr. Herman
Deck_A=0
shap=-0.001", - "index=Taylor, Mr. Elmer Zebley
Deck_A=0
shap=-0.001", - "index=Larsson, Mr. August Viktor
Deck_A=0
shap=-0.0", - "index=Greenberg, Mr. Samuel
Deck_A=0
shap=-0.001", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_A=0
shap=-0.0", - "index=McEvoy, Mr. Michael
Deck_A=0
shap=-0.0", - "index=Johnson, Mr. Malkolm Joackim
Deck_A=0
shap=-0.0", - "index=Gillespie, Mr. William Henry
Deck_A=0
shap=-0.001", - "index=Allen, Miss. Elisabeth Walton
Deck_A=0
shap=-0.0", - "index=Berriman, Mr. William John
Deck_A=0
shap=-0.001", - "index=Troupiansky, Mr. Moses Aaron
Deck_A=0
shap=-0.001", - "index=Williams, Mr. Leslie
Deck_A=0
shap=-0.001", - "index=Ivanoff, Mr. Kanio
Deck_A=0
shap=-0.0", - "index=McNamee, Mr. Neal
Deck_A=0
shap=-0.0", - "index=Connaghton, Mr. Michael
Deck_A=0
shap=-0.0", - "index=Carlsson, Mr. August Sigfrid
Deck_A=0
shap=-0.0", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_A=0
shap=-0.0", - "index=Eklund, Mr. Hans Linus
Deck_A=0
shap=-0.0", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_A=0
shap=-0.0", - "index=Moran, Mr. Daniel J
Deck_A=0
shap=-0.0", - "index=Lievens, Mr. Rene Aime
Deck_A=0
shap=-0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_A=0
shap=-0.0", - "index=Ayoub, Miss. Banoura
Deck_A=0
shap=-0.0", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_A=0
shap=-0.0", - "index=Johnston, Mr. Andrew G
Deck_A=0
shap=-0.001", - "index=Ali, Mr. William
Deck_A=0
shap=-0.0", - "index=Sjoblom, Miss. Anna Sofia
Deck_A=0
shap=-0.0", - "index=Guggenheim, Mr. Benjamin
Deck_A=0
shap=-0.001", - "index=Leader, Dr. Alice (Farnham)
Deck_A=0
shap=-0.001", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_A=0
shap=-0.0", - "index=Carter, Master. William Thornton II
Deck_A=0
shap=-0.0", - "index=Thomas, Master. Assad Alexander
Deck_A=0
shap=-0.0", - "index=Johansson, Mr. Karl Johan
Deck_A=0
shap=-0.0", - "index=Slemen, Mr. Richard James
Deck_A=0
shap=-0.001", - "index=Tomlin, Mr. Ernest Portage
Deck_A=0
shap=-0.0", - "index=McCormack, Mr. Thomas Joseph
Deck_A=0
shap=-0.0", - "index=Richards, Master. George Sibley
Deck_A=0
shap=-0.001", - "index=Mudd, Mr. Thomas Charles
Deck_A=0
shap=-0.001", - "index=Lemberopolous, Mr. Peter L
Deck_A=0
shap=-0.0", - "index=Sage, Mr. Douglas Bullen
Deck_A=0
shap=-0.001", - "index=Boulos, Miss. Nourelain
Deck_A=0
shap=-0.0", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_A=0
shap=-0.0", - "index=Razi, Mr. Raihed
Deck_A=0
shap=-0.0", - "index=Johnson, Master. Harold Theodor
Deck_A=0
shap=-0.001", - "index=Carlsson, Mr. Frans Olof
Deck_A=0
shap=-0.001", - "index=Gustafsson, Mr. Alfred Ossian
Deck_A=0
shap=-0.0", - "index=Montvila, Rev. Juozas
Deck_A=0
shap=-0.001" - ], - "type": "scatter", - "x": [ - -0.00028100877961208264, - -0.00016782576575981217, - -0.0012737040032507073, - -0.00036412517852021107, - -0.0005247745258187024, - -0.0003187353564221111, - -0.000214376810121416, - -0.000446684481796302, - -0.0002052162059260404, - -0.0008033117993424197, - -0.00031145687946682396, - -0.00019766703201196917, - -0.00036532570909217273, - -0.00035815064506181327, - -0.0005954652248257837, - -0.0012737040032507073, - -0.00037864503754965234, - -0.00026542769317544347, - -0.00035815064506181327, - -0.0004948103298282001, - -0.0003649367288516527, - -0.0003254649101336615, - -0.0003666641819198321, - -0.00034920751597854963, - -0.00014177201103413766, - -0.000371666282563203, - -0.0002625302554045847, - -0.0003187353564221111, - -0.0003607310501857897, - -0.0003187353564221111, - -0.0008259244312025227, - -0.00034247796226699926, - -0.0003187353564221111, - -0.0004458095514579692, - -0.00047561556093680393, - -0.0008071249870083294, - -0.0006063948182643292, - -0.0005275780690683723, - -6.0428504894181434e-05, - -0.0010895736340685788, - -0.0003187353564221111, - -0.0003339285192890738, - -8.212304407318122e-05, - -0.0002289297264511953, - -0.0001553982971411557, - -0.0005034676062977975, - -0.0005194968370647031, - 0.014701073006151335, - -0.0003254649101336615, - -0.0006063948182643292, - -0.00034920751597854963, - -0.0005795737851571631, - -0.00022336027614045247, - -0.0007867837804568284, - -0.00034920751597854963, - -0.0011601410609800252, - -0.00014217268915374623, - -0.00043398580577740694, - -0.00033999870811483304, - -0.0012737040032507073, - -0.0002052162059260404, - -0.0002244913577651615, - -0.00037050790259804704, - 0.015079836647365976, - -0.00019766703201196917, - -0.00014485683385614758, - -0.0008460227491532917, - -0.0005870832553601879, - -0.00034247796226699926, - -0.0009789504044759477, - -0.0006131243719758796, - -0.00012204433052295956, - -0.00034920751597854963, - -0.0005143923653810403, - -0.0005581191336101844, - -0.001090963584657119, - -0.0003187353564221111, - -0.00026908254474501756, - -5.024305461003562e-05, - -0.0003254649101336615, - -0.00034920751597854963, - -0.0011174812819220931, - -0.00033999870811483304, - -0.0003772827511975814, - -0.0003578435955113435, - -0.0005581191336101844, - -0.0001108288447244567, - -0.0007867837804568284, - -0.00032425919178340223, - -0.0003744150608122164, - -0.0004391388105710128, - -0.00034247796226699926, - -0.0011601410609800252, - -0.0009313400180740734, - -0.0008071249870083294, - -0.0003976049539620248, - -0.0003254649101336615, - -0.00040205139641593014, - -0.0002060439113201715, - -0.0003254649101336615, - -0.00048648087322374924, - -0.0003254649101336615, - -0.0002052162059260404, - -0.0003625782431037617, - -0.0002120010584485501, - -0.0005536778272329649, - -0.0004469984909778999, - -0.00031145687946682396, - -0.00022404736565761685, - -0.000372013215262645, - -0.0010626209008929802, - -0.0008259244312025227, - -0.0004904573011338507, - -0.000214376810121416, - -0.0001430763973760384, - -0.00033999870811483304, - -0.0008071249870083294, - -0.0002535096730677571, - -0.0004627382673788611, - 0.023255353127827578, - -0.00034247796226699926, - -0.00023340690257061, - -0.00031145687946682396, - 0.008084427515653164, - -0.0008480174051799492, - -0.0005194968370647031, - -0.0008071700237158812, - -0.0004921373851021246, - -0.0006472173990299529, - -0.00034920751597854963, - -0.00033999870811483304, - -0.00037993474208834716, - -0.0006141036426283349, - -0.00037222741873981554, - -0.0006131243719758796, - -0.0008641742079174177, - -0.00034920751597854963, - -0.000214376810121416, - -0.00019766703201196917, - -0.0005101101143056365, - -0.0009313400180740734, - -0.000371666282563203, - -0.0005064877075116424, - -0.00043455002160573003, - -0.00034617813385601047, - -0.00027385910286256655, - -0.0003799294285864624, - -0.0005577847810990828, - -0.0003254649101336615, - -0.0005699482109397053, - -0.0002298333146011922, - -0.0003864776783366438, - -0.0009255057756771845, - -0.0007003792918319799, - -0.0005954652248257837, - -0.0003649367288516527, - -0.0008071249870083294, - -0.0003789587488919879, - -0.00038363721586782013, - -0.000371666282563203, - -0.0007867837804568284, - -9.585007006657884e-05, - -0.0005101101143056365, - -0.0005101101143056365, - -0.0005089396398084027, - -0.00034920751597854963, - -0.0004740966148106201, - -0.00037046056421294375, - -0.000371666282563203, - -9.353771563494701e-05, - -0.0003254649101336615, - -0.0002244913577651615, - -0.00040057079219246353, - -0.00045726623386825593, - -0.00011041196290210946, - -9.656305238620223e-05, - -3.16738200038771e-05, - -0.0005634083314167985, - -0.0003254649101336615, - -0.000214376810121416, - -0.0007823137943647351, - -0.0006316759066686895, - -0.0003976049539620248, - -0.00018946335904250478, - -0.0004417324678778105, - -0.000371666282563203, - -0.0007867837804568284, - -0.0003649367288516527, - -0.00033999870811483304, - -0.0005920555828791754, - -0.0005101101143056365, - -0.0003419187355649346, - -0.0009789504044759477, - -0.00035283389179869846, - -0.00021760069480377235, - -0.00031145687946682396, - -0.0005552529811783782, - -0.0008127866696912912, - -0.00045726623386825593, - -0.0007873449166334409 - ], - "xaxis": "x18", - "y": [ - 0.30071541521834644, - 0.5890856182527533, - 0.06502019256974223, - 0.5299607336250488, - 0.07274851140244654, - 0.23698882716800085, - 0.02891008150758123, - 0.551769439645741, - 0.4220057033967456, - 0.4143429553971886, - 0.10000399872844501, - 0.5482983105766565, - 0.8708374550852517, - 0.181246797257115, - 0.8959210182776679, - 0.46096228706590636, - 0.4638282325481373, - 0.09188516264479663, - 0.864769249710941, - 0.570671447309477, - 0.6401850820003818, - 0.9081430783537784, - 0.38756524009172555, - 0.08193424775020453, - 0.9440085059482521, - 0.804175698781977, - 0.11888655175170837, - 0.9503971001565746, - 0.3981478885129973, - 0.7242345359529873, - 0.17767562173493712, - 0.30260397000300165, - 0.8315667695221305, - 0.7180294083111677, - 0.9652278661476689, - 0.4395322434278708, - 0.6248656854140563, - 0.9188915987038996, - 0.6300387235314925, - 0.8444570522741245, - 0.5488647049640137, - 0.1063671997188862, - 0.36578778244053356, - 0.5154653414051361, - 0.11696613824372948, - 0.21623248358459013, - 0.5358299013920298, - 0.21262043419707322, - 0.4406831729160723, - 0.4138958905154767, - 0.2111070665041913, - 0.38225320317994005, - 0.1231611801143282, - 0.1962460167523079, - 0.1396956887805657, - 0.15843986182470116, - 0.3732097250170182, - 0.8085742872025985, - 0.1646140168076452, - 0.4029571214341854, - 0.5631720064679289, - 0.7048123633493449, - 0.6177401746276341, - 0.9297185479032882, - 0.025648523330232154, - 0.5331186412877397, - 0.3508573996194031, - 0.9421039760781914, - 0.28318064364012663, - 0.5985455794919027, - 0.8085369118293371, - 0.579234799185483, - 0.9581744788021175, - 0.4220171946161846, - 0.09557717938673205, - 0.14387746173882898, - 0.5955487538928546, - 0.10104084972531446, - 0.7800919143968744, - 0.49036464426000936, - 0.24068673895605774, - 0.5731426875016005, - 0.6368966479618785, - 0.5032275588377472, - 0.8904464607496487, - 0.9086439333130335, - 0.8700751435953663, - 0.9241169999032391, - 0.8993523035294019, - 0.6731979635237084, - 0.3996284304122174, - 0.9173790634587867, - 0.7999098994092091, - 0.1788224438842385, - 0.25254264740243615, - 0.47776679635101416, - 0.7726555034090918, - 0.7681329935317384, - 0.6228894874730584, - 0.6536986582927196, - 0.42142223654503685, - 0.49635270189622094, - 0.565882873332646, - 0.5745965389695056, - 0.8413943330509053, - 0.9256028172203157, - 0.05023468566736655, - 0.6307121123419601, - 0.11065057808136614, - 0.9625305056160862, - 0.6653119238086732, - 0.8831994985562224, - 0.8063770287176568, - 0.05163999853476409, - 0.7336898131896262, - 0.4704767938042088, - 0.6126943517230209, - 0.48522228484919505, - 0.638809322214363, - 0.5448219193554563, - 0.9107648173708742, - 0.5620005709768016, - 0.8167009769461365, - 0.13152056844295512, - 0.2724352205727548, - 0.9987771784031365, - 0.5887533269567524, - 0.9502533179426685, - 0.5873104303024391, - 0.9203339923246248, - 0.6481820775874613, - 0.3285005928084411, - 0.8842449689913414, - 0.80762433421398, - 0.17643827007637525, - 0.8636472380697232, - 0.04334401928774567, - 0.9099784468608744, - 0.8336069650279406, - 0.16025953053762232, - 0.9308834162576687, - 0.17133781416797944, - 0.7581542107311244, - 0.1409572270566063, - 0.2035826056146922, - 0.7880609734992448, - 0.09971641330032599, - 0.3420231181344535, - 0.6860952461694028, - 0.14136295867033544, - 0.9298644287477822, - 0.6932213497982653, - 0.12252760178603173, - 0.31617445410276546, - 0.8485750303462488, - 0.6347291586456066, - 0.8843513936700697, - 0.9337540689852046, - 0.7201094850821167, - 0.5112886487148257, - 0.463523188519665, - 0.5277878784673946, - 0.56794554072373, - 0.4921038668811162, - 0.38485464565600513, - 0.03606400964204315, - 0.9900728319500698, - 0.5308034316093366, - 0.26392515750700707, - 0.2544309882871941, - 0.22981714211034532, - 0.7742976463441519, - 0.6858647902783205, - 0.7172851482590824, - 0.19837962368935647, - 0.7399959133075894, - 0.21920579919981087, - 0.6362858755108067, - 0.2992839086958713, - 0.9435945908007927, - 0.6976521574206712, - 0.7756007477884203, - 0.36430036353395023, - 0.317069526356191, - 0.6583702804348873, - 0.47269601486302026, - 0.6878992969718599, - 0.5281262419641192, - 0.1225386013889419, - 0.8335617162376695, - 0.49595470440098344, - 0.502220238372334, - 0.575138463311132, - 0.4604450551745606, - 0.35342962492084384, - 0.6633847165746779, - 0.9856048306616544, - 0.41676658784643916, - 0.06422043221606366, - 0.4953065198824216 - ], - "yaxis": "y18" + "None: Smith, Mr. Thomas
shap: 0.014
Sex: male", + "None: Sadlier, Mr. Matthew
shap: 0.014
Sex: male", + "None: Charters, Mr. David
shap: 0.010
Sex: male", + "None: Morrow, Mr. Thomas Rowan
shap: 0.014
Sex: male", + "None: Horgan, Mr. John
shap: 0.014
Sex: male", + "None: McEvoy, Mr. Michael
shap: 0.010
Sex: male", + "None: Connaghton, Mr. Michael
shap: 0.004
Sex: male", + "None: Moran, Mr. Daniel J
shap: 0.012
Sex: male", + "None: McCormack, Mr. Thomas Joseph
shap: 0.014
Sex: male" + ], + "type": "scattergl", + "x": [ + 0.08770439749481192, + 1.0117081708959044, + 0.2037937416147765, + 1.4817743015008862, + 0.4689830095229485, + 0.19298589367426536, + 0.018432464531445765, + -0.7588385714054486, + 0.11130891123110477 + ], + "xaxis": "x4", + "y": [ + 0.013690830319643563, + 0.013690830319643563, + 0.010052630819208546, + 0.013690830319643563, + 0.013690830319643563, + 0.010199318252808707, + 0.0041961344814386535, + 0.012425447567540339, + 0.013690830319643563 + ], + "yaxis": "y4" }, { "hoverinfo": "text", "marker": { - "color": [ - 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, - 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, - 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, - 0, - 0, - 0, - 1, - 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, - 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, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], + "color": "#EF553B", "opacity": 0.3, - "showscale": true, - "size": 5 + "size": 7 }, "mode": "markers", - "name": "Deck_G", - "opacity": 0.8, + "name": "female", "showlegend": false, "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_G=0
shap=0.001", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_G=0
shap=0.001", - "index=Palsson, Master. Gosta Leonard
Deck_G=0
shap=0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_G=0
shap=0.0", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_G=0
shap=0.0", - "index=Saundercock, Mr. William Henry
Deck_G=0
shap=0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_G=0
shap=0.0", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_G=0
shap=0.0", - "index=Glynn, Miss. Mary Agatha
Deck_G=0
shap=0.0", - "index=Meyer, Mr. Edgar Joseph
Deck_G=0
shap=0.0", - "index=Kraeff, Mr. Theodor
Deck_G=0
shap=0.0", - "index=Devaney, Miss. Margaret Delia
Deck_G=0
shap=0.0", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_G=0
shap=0.0", - "index=Rugg, Miss. Emily
Deck_G=0
shap=0.0", - "index=Harris, Mr. Henry Birkhardt
Deck_G=0
shap=0.0", - "index=Skoog, Master. Harald
Deck_G=0
shap=0.0", - "index=Kink, Mr. Vincenz
Deck_G=0
shap=0.0", - "index=Hood, Mr. Ambrose Jr
Deck_G=0
shap=0.0", - "index=Ilett, Miss. Bertha
Deck_G=0
shap=0.0", - "index=Ford, Mr. William Neal
Deck_G=0
shap=0.0", - "index=Christmann, Mr. Emil
Deck_G=0
shap=0.0", - "index=Andreasson, Mr. Paul Edvin
Deck_G=0
shap=0.0", - "index=Chaffee, Mr. Herbert Fuller
Deck_G=0
shap=0.0", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_G=0
shap=0.0", - "index=White, Mr. Richard Frasar
Deck_G=0
shap=0.0", - "index=Rekic, Mr. Tido
Deck_G=0
shap=0.0", - "index=Moran, Miss. Bertha
Deck_G=0
shap=0.0", - "index=Barton, Mr. David John
Deck_G=0
shap=0.0", - "index=Jussila, Miss. Katriina
Deck_G=0
shap=0.0", - "index=Pekoniemi, Mr. Edvard
Deck_G=0
shap=0.0", - "index=Turpin, Mr. William John Robert
Deck_G=0
shap=0.0", - "index=Moore, Mr. Leonard Charles
Deck_G=0
shap=0.0", - "index=Osen, Mr. Olaf Elon
Deck_G=0
shap=0.0", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_G=0
shap=0.0", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_G=0
shap=0.0", - "index=Bateman, Rev. Robert James
Deck_G=0
shap=0.0", - "index=Meo, Mr. Alfonzo
Deck_G=0
shap=0.0", - "index=Cribb, Mr. John Hatfield
Deck_G=0
shap=0.0", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_G=0
shap=0.001", - "index=Van der hoef, Mr. Wyckoff
Deck_G=0
shap=0.0", - "index=Sivola, Mr. Antti Wilhelm
Deck_G=0
shap=0.0", - "index=Klasen, Mr. Klas Albin
Deck_G=0
shap=0.0", - "index=Rood, Mr. Hugh Roscoe
Deck_G=0
shap=0.0", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_G=0
shap=0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_G=0
shap=0.001", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_G=0
shap=0.0", - "index=Backstrom, Mr. Karl Alfred
Deck_G=0
shap=0.0", - "index=Blank, Mr. Henry
Deck_G=0
shap=0.0", - "index=Ali, Mr. Ahmed
Deck_G=0
shap=0.0", - "index=Green, Mr. George Henry
Deck_G=0
shap=0.0", - "index=Nenkoff, Mr. Christo
Deck_G=0
shap=0.0", - "index=Asplund, Miss. Lillian Gertrud
Deck_G=0
shap=0.0", - "index=Harknett, Miss. Alice Phoebe
Deck_G=0
shap=0.0", - "index=Hunt, Mr. George Henry
Deck_G=0
shap=0.0", - "index=Reed, Mr. James George
Deck_G=0
shap=0.0", - "index=Stead, Mr. William Thomas
Deck_G=0
shap=0.0", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_G=0
shap=0.0", - "index=Parrish, Mrs. (Lutie Davis)
Deck_G=0
shap=0.0", - "index=Smith, Mr. Thomas
Deck_G=0
shap=0.0", - "index=Asplund, Master. Edvin Rojj Felix
Deck_G=0
shap=0.0", - "index=Healy, Miss. Hanora \"Nora\"
Deck_G=0
shap=0.0", - "index=Andrews, Miss. Kornelia Theodosia
Deck_G=0
shap=0.001", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_G=0
shap=0.0", - "index=Smith, Mr. Richard William
Deck_G=0
shap=0.0", - "index=Connolly, Miss. Kate
Deck_G=0
shap=0.0", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_G=0
shap=0.001", - "index=Levy, Mr. Rene Jacques
Deck_G=0
shap=0.0", - "index=Lewy, Mr. Ervin G
Deck_G=0
shap=0.0", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_G=0
shap=0.0", - "index=Sage, Mr. George John Jr
Deck_G=0
shap=0.0", - "index=Nysveen, Mr. Johan Hansen
Deck_G=0
shap=0.0", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_G=0
shap=0.0", - "index=Denkoff, Mr. Mitto
Deck_G=0
shap=0.0", - "index=Burns, Miss. Elizabeth Margaret
Deck_G=0
shap=0.001", - "index=Dimic, Mr. Jovan
Deck_G=0
shap=0.0", - "index=del Carlo, Mr. Sebastiano
Deck_G=0
shap=0.0", - "index=Beavan, Mr. William Thomas
Deck_G=0
shap=0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_G=0
shap=0.0", - "index=Widener, Mr. Harry Elkins
Deck_G=0
shap=0.0", - "index=Gustafsson, Mr. Karl Gideon
Deck_G=0
shap=0.0", - "index=Plotcharsky, Mr. Vasil
Deck_G=0
shap=0.0", - "index=Goodwin, Master. Sidney Leonard
Deck_G=0
shap=0.0", - "index=Sadlier, Mr. Matthew
Deck_G=0
shap=0.0", - "index=Gustafsson, Mr. Johan Birger
Deck_G=0
shap=0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_G=1
shap=-0.023", - "index=Niskanen, Mr. Juha
Deck_G=0
shap=0.0", - "index=Minahan, Miss. Daisy E
Deck_G=0
shap=0.001", - "index=Matthews, Mr. William John
Deck_G=0
shap=0.0", - "index=Charters, Mr. David
Deck_G=0
shap=0.0", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_G=0
shap=0.0", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_G=0
shap=0.0", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_G=0
shap=0.0", - "index=Peuchen, Major. Arthur Godfrey
Deck_G=0
shap=0.0", - "index=Anderson, Mr. Harry
Deck_G=0
shap=0.0", - "index=Milling, Mr. Jacob Christian
Deck_G=0
shap=0.0", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_G=0
shap=0.0", - "index=Karlsson, Mr. Nils August
Deck_G=0
shap=0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_G=0
shap=0.0", - "index=Bishop, Mr. Dickinson H
Deck_G=0
shap=0.0", - "index=Windelov, Mr. Einar
Deck_G=0
shap=0.0", - "index=Shellard, Mr. Frederick William
Deck_G=0
shap=0.0", - "index=Svensson, Mr. Olof
Deck_G=0
shap=0.0", - "index=O'Sullivan, Miss. Bridget Mary
Deck_G=0
shap=0.0", - "index=Laitinen, Miss. Kristina Sofia
Deck_G=0
shap=0.0", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_G=0
shap=0.0", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_G=0
shap=0.0", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_G=0
shap=0.0", - "index=Kassem, Mr. Fared
Deck_G=0
shap=0.0", - "index=Cacic, Miss. Marija
Deck_G=0
shap=0.0", - "index=Hart, Miss. Eva Miriam
Deck_G=0
shap=0.0", - "index=Butt, Major. Archibald Willingham
Deck_G=0
shap=0.0", - "index=Beane, Mr. Edward
Deck_G=0
shap=0.0", - "index=Goldsmith, Mr. Frank John
Deck_G=0
shap=0.0", - "index=Ohman, Miss. Velin
Deck_G=0
shap=0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_G=0
shap=0.001", - "index=Morrow, Mr. Thomas Rowan
Deck_G=0
shap=0.0", - "index=Harris, Mr. George
Deck_G=0
shap=0.0", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_G=0
shap=0.001", - "index=Patchett, Mr. George
Deck_G=0
shap=0.0", - "index=Ross, Mr. John Hugo
Deck_G=0
shap=0.0", - "index=Murdlin, Mr. Joseph
Deck_G=0
shap=0.0", - "index=Bourke, Miss. Mary
Deck_G=0
shap=0.0", - "index=Boulos, Mr. Hanna
Deck_G=0
shap=0.0", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_G=0
shap=0.0", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_G=0
shap=0.0", - "index=Lindell, Mr. Edvard Bengtsson
Deck_G=0
shap=0.0", - "index=Daniel, Mr. Robert Williams
Deck_G=0
shap=0.0", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_G=0
shap=0.0", - "index=Shutes, Miss. Elizabeth W
Deck_G=0
shap=0.001", - "index=Jardin, Mr. Jose Neto
Deck_G=0
shap=0.0", - "index=Horgan, Mr. John
Deck_G=0
shap=0.0", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_G=0
shap=0.0", - "index=Yasbeck, Mr. Antoni
Deck_G=0
shap=0.0", - "index=Bostandyeff, Mr. Guentcho
Deck_G=0
shap=0.0", - "index=Lundahl, Mr. Johan Svensson
Deck_G=0
shap=0.0", - "index=Stahelin-Maeglin, Dr. Max
Deck_G=0
shap=0.0", - "index=Willey, Mr. Edward
Deck_G=0
shap=0.0", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_G=0
shap=0.0", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_G=0
shap=0.0", - "index=Eitemiller, Mr. George Floyd
Deck_G=0
shap=0.0", - "index=Colley, Mr. Edward Pomeroy
Deck_G=0
shap=0.0", - "index=Coleff, Mr. Peju
Deck_G=0
shap=0.0", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_G=0
shap=0.0", - "index=Davidson, Mr. Thornton
Deck_G=0
shap=0.0", - "index=Turja, Miss. Anna Sofia
Deck_G=0
shap=0.0", - "index=Hassab, Mr. Hammad
Deck_G=0
shap=0.0", - "index=Goodwin, Mr. Charles Edward
Deck_G=0
shap=0.0", - "index=Panula, Mr. Jaako Arnold
Deck_G=0
shap=0.0", - "index=Fischer, Mr. Eberhard Thelander
Deck_G=0
shap=0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_G=0
shap=0.0", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_G=0
shap=0.001", - "index=Hansen, Mr. Henrik Juul
Deck_G=0
shap=0.0", - "index=Calderhead, Mr. Edward Pennington
Deck_G=0
shap=0.0", - "index=Klaber, Mr. Herman
Deck_G=0
shap=0.0", - "index=Taylor, Mr. Elmer Zebley
Deck_G=0
shap=0.0", - "index=Larsson, Mr. August Viktor
Deck_G=0
shap=0.0", - "index=Greenberg, Mr. Samuel
Deck_G=0
shap=0.0", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_G=0
shap=0.001", - "index=McEvoy, Mr. Michael
Deck_G=0
shap=0.0", - "index=Johnson, Mr. Malkolm Joackim
Deck_G=0
shap=0.0", - "index=Gillespie, Mr. William Henry
Deck_G=0
shap=0.0", - "index=Allen, Miss. Elisabeth Walton
Deck_G=0
shap=0.001", - "index=Berriman, Mr. William John
Deck_G=0
shap=0.0", - "index=Troupiansky, Mr. Moses Aaron
Deck_G=0
shap=0.0", - "index=Williams, Mr. Leslie
Deck_G=0
shap=0.0", - "index=Ivanoff, Mr. Kanio
Deck_G=0
shap=0.0", - "index=McNamee, Mr. Neal
Deck_G=0
shap=0.0", - "index=Connaghton, Mr. Michael
Deck_G=0
shap=0.0", - "index=Carlsson, Mr. August Sigfrid
Deck_G=0
shap=0.0", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_G=0
shap=0.001", - "index=Eklund, Mr. Hans Linus
Deck_G=0
shap=0.0", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_G=0
shap=0.001", - "index=Moran, Mr. Daniel J
Deck_G=0
shap=0.0", - "index=Lievens, Mr. Rene Aime
Deck_G=0
shap=0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_G=0
shap=0.001", - "index=Ayoub, Miss. Banoura
Deck_G=0
shap=0.0", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_G=0
shap=0.001", - "index=Johnston, Mr. Andrew G
Deck_G=0
shap=0.0", - "index=Ali, Mr. William
Deck_G=0
shap=0.0", - "index=Sjoblom, Miss. Anna Sofia
Deck_G=0
shap=0.0", - "index=Guggenheim, Mr. Benjamin
Deck_G=0
shap=0.0", - "index=Leader, Dr. Alice (Farnham)
Deck_G=0
shap=0.001", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_G=0
shap=0.0", - "index=Carter, Master. William Thornton II
Deck_G=0
shap=0.0", - "index=Thomas, Master. Assad Alexander
Deck_G=0
shap=0.0", - "index=Johansson, Mr. Karl Johan
Deck_G=0
shap=0.0", - "index=Slemen, Mr. Richard James
Deck_G=0
shap=0.0", - "index=Tomlin, Mr. Ernest Portage
Deck_G=0
shap=0.0", - "index=McCormack, Mr. Thomas Joseph
Deck_G=0
shap=0.0", - "index=Richards, Master. George Sibley
Deck_G=0
shap=0.0", - "index=Mudd, Mr. Thomas Charles
Deck_G=0
shap=0.0", - "index=Lemberopolous, Mr. Peter L
Deck_G=0
shap=0.0", - "index=Sage, Mr. Douglas Bullen
Deck_G=0
shap=0.0", - "index=Boulos, Miss. Nourelain
Deck_G=0
shap=0.0", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_G=0
shap=0.0", - "index=Razi, Mr. Raihed
Deck_G=0
shap=0.0", - "index=Johnson, Master. Harold Theodor
Deck_G=0
shap=0.0", - "index=Carlsson, Mr. Frans Olof
Deck_G=0
shap=0.0", - "index=Gustafsson, Mr. Alfred Ossian
Deck_G=0
shap=0.0", - "index=Montvila, Rev. Juozas
Deck_G=0
shap=0.0" - ], - "type": "scatter", - "x": [ - 0.000798049456366685, - 0.000798049456366685, - 8.362449217655956e-05, - 0.00043028453196849195, - 0.00012785449437390504, - 7.437827570987703e-05, - 0.00010667713871389417, - 0.00016339921725201206, - 0.00010667713871389417, - 8.810877219042605e-05, - 6.231845901909073e-05, - 0.00014222186159200116, - 0.00016339921725201206, - 0.00014222186159200116, - 0.00033122094841382536, - 8.362449217655956e-05, - 9.568430886734587e-05, - 7.437827570987703e-05, - 0.00014222186159200116, - 8.362449217655956e-05, - 7.437827570987703e-05, - 7.437827570987703e-05, - 0.0003397901460434367, - 6.231845901909073e-05, - 0.00035165805072004755, - 7.437827570987703e-05, - 0.00012785449437390504, - 7.437827570987703e-05, - 0.00016339921725201206, - 7.437827570987703e-05, - 9.568430886734587e-05, - 6.231845901909073e-05, - 6.231845901909073e-05, - 0.00012785449437390504, - 0.0003835385193928793, - 6.732792133680198e-05, - 6.732792133680198e-05, - 0.0001435192247834884, - 0.0006441363734776991, - 0.00017170318914844806, - 7.437827570987703e-05, - 9.568430886734587e-05, - 0.00011940912750330625, - 0.00016339921725201206, - 0.0006488995392109464, - 7.437827570987703e-05, - 9.568430886734587e-05, - 0.00018777525050039888, - 7.437827570987703e-05, - 6.732792133680198e-05, - 6.231845901909073e-05, - 0.00012785449437390504, - 0.00010667713871389417, - 7.437827570987703e-05, - 6.231845901909073e-05, - 0.00016896688825860683, - 8.15792630238991e-05, - 0.00040625278389073885, - 6.231845901909073e-05, - 8.362449217655956e-05, - 0.00010667713871389417, - 0.0005321031550987299, - 0.00016339921725201206, - 0.00011940912750330625, - 0.00014222186159200116, - 0.0007914286520153375, - 0.00018368870793369893, - 6.331211997178227e-05, - 6.231845901909073e-05, - 8.362449217655956e-05, - 6.732792133680198e-05, - 0.00010286675520060199, - 6.231845901909073e-05, - 0.0006187816857047486, - 7.437827570987703e-05, - 9.568430886734587e-05, - 7.437827570987703e-05, - 0.00010286675520060199, - 0.00035165805072004755, - 7.437827570987703e-05, - 6.231845901909073e-05, - 8.362449217655956e-05, - 6.231845901909073e-05, - 9.568430886734587e-05, - -0.022888906971465374, - 7.437827570987703e-05, - 0.0007707780402670207, - 7.437827570987703e-05, - 7.437827570987703e-05, - 0.00014222186159200116, - 0.00016339921725201206, - 6.231845901909073e-05, - 0.00016896688825860683, - 0.00018777525050039888, - 7.437827570987703e-05, - 0.00016339921725201206, - 7.437827570987703e-05, - 6.231845901909073e-05, - 0.00035187156016214217, - 7.437827570987703e-05, - 6.231845901909073e-05, - 7.437827570987703e-05, - 0.00010667713871389417, - 0.00014222186159200116, - 0.00033122094841382536, - 6.331211997178227e-05, - 0.00016339921725201206, - 6.231845901909073e-05, - 0.00014222186159200116, - 0.00039473980909038493, - 0.0001905115513902401, - 9.568430886734587e-05, - 9.568430886734587e-05, - 0.00014222186159200116, - 0.0007707780402670207, - 6.231845901909073e-05, - 6.732792133680198e-05, - 0.0006867955195405415, - 7.437827570987703e-05, - 0.00018777525050039888, - 6.231845901909073e-05, - 0.00039473980909038493, - 6.231845901909073e-05, - 0.0003397901460434367, - 7.537193666256857e-05, - 9.568430886734587e-05, - 7.537193666256857e-05, - 0.00016339921725201206, - 0.0006187816857047486, - 6.231845901909073e-05, - 6.231845901909073e-05, - 0.00016339921725201206, - 9.568430886734587e-05, - 7.437827570987703e-05, - 6.732792133680198e-05, - 0.0001905115513902401, - 6.231845901909073e-05, - 0.00014222186159200116, - 0.00014222186159200116, - 7.437827570987703e-05, - 0.00018777525050039888, - 7.437827570987703e-05, - 0.00016339921725201206, - 0.0003604407577917535, - 0.00014222186159200116, - 0.00017917652936474233, - 8.362449217655956e-05, - 8.362449217655956e-05, - 7.437827570987703e-05, - 0.00018368870793369893, - 0.0007707780402670207, - 9.568430886734587e-05, - 0.00018777525050039888, - 0.00011940912750330625, - 0.0003397901460434367, - 7.437827570987703e-05, - 6.732792133680198e-05, - 0.0006317522098029741, - 6.231845901909073e-05, - 7.437827570987703e-05, - 7.437827570987703e-05, - 0.00062151798659459, - 7.437827570987703e-05, - 7.437827570987703e-05, - 7.437827570987703e-05, - 6.231845901909073e-05, - 9.568430886734587e-05, - 7.437827570987703e-05, - 7.437827570987703e-05, - 0.00062151798659459, - 6.231845901909073e-05, - 0.0006595241034408772, - 8.362449217655956e-05, - 7.437827570987703e-05, - 0.0008564695980822649, - 0.00010667713871389417, - 0.0008187000681150018, - 8.362449217655956e-05, - 7.437827570987703e-05, - 0.00014222186159200116, - 0.00018191283025458356, - 0.000646163238321105, - 0.00016339921725201206, - 0.0002835054371650495, - 0.00013145940809270208, - 7.437827570987703e-05, - 7.437827570987703e-05, - 7.437827570987703e-05, - 6.231845901909073e-05, - 8.362449217655956e-05, - 6.231845901909073e-05, - 7.437827570987703e-05, - 8.362449217655956e-05, - 0.00012785449437390504, - 0.00043028453196849195, - 6.231845901909073e-05, - 8.362449217655956e-05, - 0.0001905115513902401, - 7.437827570987703e-05, - 7.437827570987703e-05 - ], - "xaxis": "x19", - "y": [ - 0.5448350951120913, - 0.13586213200498976, - 0.23510155511185027, - 0.67226382782301, - 0.9458315298645749, - 0.6618699273686973, - 0.23633206803070206, - 0.5286780769884352, - 0.1549277971153542, - 0.33202201397935527, - 0.7117771116870826, - 0.00028601964929531043, - 0.9431531983142252, - 0.5995288032223988, - 0.6151161373393358, - 0.8926446600616607, - 0.505223429894846, - 0.4685682580735353, - 0.911744862026067, - 0.3298344362308786, - 0.8157651463843639, - 0.6071055438622818, - 0.22922383404663516, - 0.5156948920146057, - 0.6864901057041982, - 0.40225128243921693, - 0.018434474780803067, - 0.17636404179229148, - 0.5083241535029605, - 0.5578960494750745, - 0.6764072133234117, - 0.9917361043543899, - 0.9187700915585449, - 0.912439146609299, - 0.20522396754782546, - 0.22804538856754764, - 0.44968312068119654, - 0.5267424978147989, - 0.5520284477522103, - 0.9949081474355455, - 0.9680787257332226, - 0.9096196582172938, - 0.2803276834687797, - 0.16147768352231295, - 0.981560990938653, - 0.567425358839086, - 0.06354525188251336, - 0.13840135173895352, - 0.6831109734773579, - 0.5405049729328799, - 0.9905396760889336, - 0.11380614727702254, - 0.8715610235954885, - 0.01785826809583857, - 0.4403323182027532, - 0.883849086254387, - 0.5238363296969761, - 0.14251142751177637, - 0.5950392661113761, - 0.03182492065564502, - 0.43993074730033754, - 0.8254741388986083, - 0.22062886400075532, - 0.5654173021008365, - 0.06310662916359921, - 0.1429767350061263, - 0.4602420030895015, - 0.10611256960771243, - 0.40573288053493617, - 0.4617695549930564, - 0.31487624254552393, - 0.1884165165500813, - 0.10136607512255547, - 0.13020805359864296, - 0.6229618793545478, - 0.7602184205343832, - 0.4039718781341345, - 0.019240044073134177, - 0.597440237571502, - 0.15906070303498132, - 0.003418184092237375, - 0.5589571182379526, - 0.39664325738100303, - 0.07687055968251533, - 0.8266979715351107, - 0.956125630480159, - 0.9418700431452586, - 0.08672683808028292, - 0.02341429637092962, - 0.2658255751156886, - 0.048696854549677426, - 0.4896581543032462, - 0.004653349691300046, - 0.6324376064447554, - 0.6819042519784296, - 0.699410024795264, - 0.20019889247598854, - 0.4564785076096036, - 0.4506038144713078, - 0.81026628900398, - 0.5941838663255469, - 0.4062762256658399, - 0.5715864893731072, - 0.5080776446151496, - 0.9059109898844653, - 0.37311260623883136, - 0.7724905160022218, - 0.774675289274682, - 0.9147213383399958, - 0.725224761807247, - 0.3020184415980405, - 0.5394622635546881, - 0.18473014139898625, - 0.036974378215794856, - 0.0732641024803834, - 0.39646256706781136, - 0.3754603465626394, - 0.612342074671354, - 0.7748638721237999, - 0.23810257431815474, - 0.39303493377476206, - 0.9562534738045806, - 0.10950653719485226, - 0.8102284575285135, - 0.8601140933360459, - 0.34434864836209556, - 0.8875595455496512, - 0.9745161290850869, - 0.5687744886243303, - 0.345009359853652, - 0.7511015096662427, - 0.17129526180155574, - 0.9632536663234352, - 0.2652838038736478, - 0.1846082563947612, - 0.794743166543625, - 0.4198490036991056, - 0.8861048779636301, - 0.15785099922312773, - 0.9215669496640589, - 0.5650829608373564, - 0.8751521580874302, - 0.23116846345912823, - 0.08723250718243547, - 0.5014030720215711, - 0.048130604295988255, - 0.3451427347494336, - 0.9361540264632829, - 0.4409263459363145, - 0.7877230809999424, - 0.15241662779902843, - 0.1392192396421854, - 0.757431964600713, - 0.19744363080742167, - 0.7937353292415225, - 0.9722163496674796, - 0.6837145982459838, - 0.07436044185223656, - 0.6500609041684559, - 0.14363942581859312, - 0.6052668722537825, - 0.21161271927647696, - 0.5877399566336529, - 0.9194126658065077, - 0.059135952046935, - 0.054100090045828275, - 0.40396767902758246, - 0.6157671927482489, - 0.6578669308422269, - 0.8015712840531312, - 0.6579930145513622, - 0.47096309932687197, - 0.2401803155655612, - 0.09049973075728213, - 0.2695742603134387, - 0.7578941755067582, - 0.6261404138692986, - 0.028868440748735735, - 0.4635870406872835, - 0.17089639146296076, - 0.4224187932180645, - 0.46585733842262134, - 0.7326597449640687, - 0.1532432604018673, - 0.31013748810330277, - 0.37125954339092404, - 0.9916899026719648, - 0.921089084147577, - 0.6887168621926391, - 0.5242626357471661, - 0.34250316669596237, - 0.9107512510827117, - 0.7029793898811225, - 0.9306809873238522, - 0.11754168014905453, - 0.587068494888779, - 0.10510234521439177, - 0.8809836198246974, - 0.6811883868669593, - 0.290857720032889 - ], - "yaxis": "y19" + "None: Glynn, Miss. Mary Agatha
shap: 0.057
Sex: female", + "None: Devaney, Miss. Margaret Delia
shap: 0.055
Sex: female", + "None: Moran, Miss. Bertha
shap: 0.057
Sex: female", + "None: Healy, Miss. Hanora \"Nora\"
shap: 0.057
Sex: female", + "None: Connolly, Miss. Kate
shap: 0.048
Sex: female", + "None: Minahan, Miss. Daisy E
shap: 0.014
Sex: female", + "None: O'Sullivan, Miss. Bridget Mary
shap: 0.057
Sex: female", + "None: Bourke, Miss. Mary
shap: 0.040
Sex: female", + "None: Hegarty, Miss. Hanora \"Nora\"
shap: 0.043
Sex: female" + ], + "type": "scattergl", + "x": [ + 1.0093269170029397, + -0.4508889176810296, + -0.06694835560000156, + 2.5491736532259255, + -0.029423004898247063, + -0.19502711632914327, + -0.1011226544499931, + -0.9665123515817989, + 0.006336044352213515 + ], + "xaxis": "x4", + "y": [ + 0.05700231361194559, + 0.05480015898579898, + 0.05656290444516506, + 0.05700231361194559, + 0.04753968602634105, + 0.013850656520865987, + 0.05700231361194559, + 0.040413442619731434, + 0.042596742718212365 + ], + "yaxis": "y4" + }, + { + "box": { + "visible": true + }, + "meanline": { + "visible": true + }, + "name": "Southampton", + "showlegend": false, + "type": "violin", + "x": [ + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton", + "Southampton" + ], + "xaxis": "x5", + "y": [ + -0.01973522131537109, + -0.012613876248707414, + -0.028129969659028524, + -0.013483135702127348, + -0.03442428966418204, + -0.03298032637896262, + -0.03764467697909326, + -0.025240721671069378, + -0.01350014049521649, + -0.01272414139202595, + -0.012738905381675741, + -0.009511114269301787, + -0.024841620571911433, + -0.013299084566696042, + -0.0115726847059189, + -0.01324823603325664, + -0.007867825042357526, + -0.012744758386838294, + -0.008480694013372746, + -0.009383347038266533, + -0.012961832250422373, + -0.0349202054527379, + -0.013509325435241474, + -0.00999274433190766, + -0.012713724605804513, + -0.013952912337926187, + -0.0381028573455852, + -0.003331080337523013, + -0.0068255149183546575, + -0.009158141951484408, + -0.00695751023079833, + -0.021782812366726283, + -0.0070998282261147865, + -0.013509325435241474, + -0.012362865686429123, + -0.0023305193211678897, + -0.03397468831581581, + -0.011733039775566723, + -0.009115979580637838, + -0.010838801036632272, + -0.008926518584650265, + -0.012744758386838294, + -0.040876989878789904, + -0.035341546852412614, + -0.007413418843580267, + -0.01201506500733276, + -0.007896310159340409, + -0.015961501780183938, + -0.01185148201885807, + -0.024288233175620497, + -0.027664093978134647, + -0.001661124419254639, + -0.012713724605804513, + -0.013350457500621945, + -0.008536472715944822, + -0.025056799376833257, + -0.012744758386838294, + -0.009393554204573305, + -0.01343165694826541, + -0.013207333599455995, + -0.012744758386838294, + -0.011937104841551171, + -0.012781386049156409, + -0.02246088043641507, + -0.009421243722580058, + -0.008538526335079604, + -0.026012280257850632, + -0.019862388362799414, + -0.012713724605804513, + -0.007418453919781233, + -0.002952920663442007, + -0.007126671679406949, + -0.02305566816136292, + -0.01273750890161296, + -0.009892593114979375, + -0.012779632055735941, + -0.010576936991831756, + -0.011307974883676419, + -0.028086043233899714, + -0.005377319565506288, + -0.025280306221773605, + -0.029671168777939363, + -0.024514004517796388, + -0.006470033309112187, + -0.008709867859647648, + -0.00919961712873681, + -0.03268297344967961, + -0.02103998424891222, + -0.008002840968857125, + -0.01934623978592788, + -0.012641221052828576, + -0.012713724605804513, + -0.00889074920277686, + -0.003912136984188744, + -0.022148593283069465, + -0.01201506500733276, + -0.030766297592273523, + -0.011689712694944543, + -0.008248195574173741, + -0.012477954370548211, + -0.032435355903613024, + -0.008999184832483556, + -0.0029030549958448744, + -0.009350229122825524, + -0.02145554870919129, + -0.0012105866491881497, + -0.03404164566582123, + -0.014377727623940573, + -0.014464723686698195, + -0.012778954160491454, + -0.006479277931806097, + -0.01179715676439587, + -0.00282569793198486, + -0.005170172903382498, + -0.011783608731532912, + -0.011619616220156902, + -0.007280532941677354, + -0.022833079462454657, + -0.009311856558330427, + -0.007424911943398109, + -0.015698346457355388, + -0.008999184832483556, + -0.008999184832483556, + -0.011271657723534213, + -0.012744758386838294, + -0.011516722936531285, + -0.011438082864031496, + -0.01504054082598547, + -0.013738236842469402, + -0.018522696337630234, + -0.011602931795211647, + -0.018087897025425775, + -0.019658461859120006, + -0.011128152580713695, + -0.010965729952004347, + -0.03337749209557678, + -0.01442792818479724, + -0.022970157066744202, + 0.0028191230810228445, + -0.009748808132752158, + -0.007701212320350541, + -0.01041451565900794, + -0.007990806259155684, + -0.011110713691553357, + -0.013350457500621945, + -0.030388935717947554, + -0.01039607050445007, + -0.006779757797113878, + -0.013485045639677565, + -0.00904858364423187 + ], + "yaxis": "y5" }, { "hoverinfo": "text", "marker": { - "color": [ - 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, - 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, - 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, - 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, - 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, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], + "color": "#636EFA", "opacity": 0.3, - "showscale": true, - "size": 5 + "size": 7 }, "mode": "markers", - "name": "Embarked_Unknown", - "opacity": 0.8, + "name": "male", "showlegend": false, "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Embarked_Unknown=0
shap=-0.0", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Embarked_Unknown=0
shap=-0.0", - "index=Palsson, Master. Gosta Leonard
Embarked_Unknown=0
shap=-0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Embarked_Unknown=0
shap=-0.0", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Embarked_Unknown=0
shap=-0.0", - "index=Saundercock, Mr. William Henry
Embarked_Unknown=0
shap=-0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Embarked_Unknown=0
shap=-0.0", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Embarked_Unknown=0
shap=-0.0", - "index=Glynn, Miss. Mary Agatha
Embarked_Unknown=0
shap=-0.0", - "index=Meyer, Mr. Edgar Joseph
Embarked_Unknown=0
shap=-0.0", - "index=Kraeff, Mr. Theodor
Embarked_Unknown=0
shap=-0.0", - "index=Devaney, Miss. Margaret Delia
Embarked_Unknown=0
shap=-0.0", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Embarked_Unknown=0
shap=-0.0", - "index=Rugg, Miss. Emily
Embarked_Unknown=0
shap=-0.0", - "index=Harris, Mr. Henry Birkhardt
Embarked_Unknown=0
shap=-0.0", - "index=Skoog, Master. Harald
Embarked_Unknown=0
shap=-0.0", - "index=Kink, Mr. Vincenz
Embarked_Unknown=0
shap=-0.0", - "index=Hood, Mr. Ambrose Jr
Embarked_Unknown=0
shap=-0.0", - "index=Ilett, Miss. Bertha
Embarked_Unknown=0
shap=-0.0", - "index=Ford, Mr. William Neal
Embarked_Unknown=0
shap=-0.0", - "index=Christmann, Mr. Emil
Embarked_Unknown=0
shap=-0.0", - "index=Andreasson, Mr. Paul Edvin
Embarked_Unknown=0
shap=-0.0", - "index=Chaffee, Mr. Herbert Fuller
Embarked_Unknown=0
shap=-0.0", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Embarked_Unknown=0
shap=-0.0", - "index=White, Mr. Richard Frasar
Embarked_Unknown=0
shap=-0.0", - "index=Rekic, Mr. Tido
Embarked_Unknown=0
shap=-0.0", - "index=Moran, Miss. Bertha
Embarked_Unknown=0
shap=-0.0", - "index=Barton, Mr. David John
Embarked_Unknown=0
shap=-0.0", - "index=Jussila, Miss. Katriina
Embarked_Unknown=0
shap=-0.0", - "index=Pekoniemi, Mr. Edvard
Embarked_Unknown=0
shap=-0.0", - "index=Turpin, Mr. William John Robert
Embarked_Unknown=0
shap=-0.0", - "index=Moore, Mr. Leonard Charles
Embarked_Unknown=0
shap=-0.0", - "index=Osen, Mr. Olaf Elon
Embarked_Unknown=0
shap=-0.0", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Embarked_Unknown=0
shap=-0.0", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Embarked_Unknown=0
shap=-0.0", - "index=Bateman, Rev. Robert James
Embarked_Unknown=0
shap=-0.0", - "index=Meo, Mr. Alfonzo
Embarked_Unknown=0
shap=-0.0", - "index=Cribb, Mr. John Hatfield
Embarked_Unknown=0
shap=-0.0", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Embarked_Unknown=0
shap=-0.0", - "index=Van der hoef, Mr. Wyckoff
Embarked_Unknown=0
shap=-0.0", - "index=Sivola, Mr. Antti Wilhelm
Embarked_Unknown=0
shap=-0.0", - "index=Klasen, Mr. Klas Albin
Embarked_Unknown=0
shap=-0.0", - "index=Rood, Mr. Hugh Roscoe
Embarked_Unknown=0
shap=-0.0", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Embarked_Unknown=0
shap=-0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Embarked_Unknown=0
shap=-0.0", - "index=Vande Walle, Mr. Nestor Cyriel
Embarked_Unknown=0
shap=-0.0", - "index=Backstrom, Mr. Karl Alfred
Embarked_Unknown=0
shap=-0.0", - "index=Blank, Mr. Henry
Embarked_Unknown=0
shap=-0.0", - "index=Ali, Mr. Ahmed
Embarked_Unknown=0
shap=-0.0", - "index=Green, Mr. George Henry
Embarked_Unknown=0
shap=-0.0", - "index=Nenkoff, Mr. Christo
Embarked_Unknown=0
shap=-0.0", - "index=Asplund, Miss. Lillian Gertrud
Embarked_Unknown=0
shap=-0.0", - "index=Harknett, Miss. Alice Phoebe
Embarked_Unknown=0
shap=-0.0", - "index=Hunt, Mr. George Henry
Embarked_Unknown=0
shap=-0.0", - "index=Reed, Mr. James George
Embarked_Unknown=0
shap=-0.0", - "index=Stead, Mr. William Thomas
Embarked_Unknown=0
shap=-0.0", - "index=Thorne, Mrs. Gertrude Maybelle
Embarked_Unknown=0
shap=-0.0", - "index=Parrish, Mrs. (Lutie Davis)
Embarked_Unknown=0
shap=-0.0", - "index=Smith, Mr. Thomas
Embarked_Unknown=0
shap=-0.0", - "index=Asplund, Master. Edvin Rojj Felix
Embarked_Unknown=0
shap=-0.0", - "index=Healy, Miss. Hanora \"Nora\"
Embarked_Unknown=0
shap=-0.0", - "index=Andrews, Miss. Kornelia Theodosia
Embarked_Unknown=0
shap=-0.0", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Embarked_Unknown=0
shap=-0.0", - "index=Smith, Mr. Richard William
Embarked_Unknown=0
shap=-0.0", - "index=Connolly, Miss. Kate
Embarked_Unknown=0
shap=-0.0", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Embarked_Unknown=0
shap=-0.0", - "index=Levy, Mr. Rene Jacques
Embarked_Unknown=0
shap=-0.0", - "index=Lewy, Mr. Ervin G
Embarked_Unknown=0
shap=-0.0", - "index=Williams, Mr. Howard Hugh \"Harry\"
Embarked_Unknown=0
shap=-0.0", - "index=Sage, Mr. George John Jr
Embarked_Unknown=0
shap=-0.0", - "index=Nysveen, Mr. Johan Hansen
Embarked_Unknown=0
shap=-0.0", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Embarked_Unknown=0
shap=-0.0", - "index=Denkoff, Mr. Mitto
Embarked_Unknown=0
shap=-0.0", - "index=Burns, Miss. Elizabeth Margaret
Embarked_Unknown=0
shap=-0.0", - "index=Dimic, Mr. Jovan
Embarked_Unknown=0
shap=-0.0", - "index=del Carlo, Mr. Sebastiano
Embarked_Unknown=0
shap=-0.0", - "index=Beavan, Mr. William Thomas
Embarked_Unknown=0
shap=-0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Embarked_Unknown=0
shap=-0.0", - "index=Widener, Mr. Harry Elkins
Embarked_Unknown=0
shap=-0.0", - "index=Gustafsson, Mr. Karl Gideon
Embarked_Unknown=0
shap=-0.0", - "index=Plotcharsky, Mr. Vasil
Embarked_Unknown=0
shap=-0.0", - "index=Goodwin, Master. Sidney Leonard
Embarked_Unknown=0
shap=-0.0", - "index=Sadlier, Mr. Matthew
Embarked_Unknown=0
shap=-0.0", - "index=Gustafsson, Mr. Johan Birger
Embarked_Unknown=0
shap=-0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Embarked_Unknown=0
shap=-0.0", - "index=Niskanen, Mr. Juha
Embarked_Unknown=0
shap=-0.0", - "index=Minahan, Miss. Daisy E
Embarked_Unknown=0
shap=-0.0", - "index=Matthews, Mr. William John
Embarked_Unknown=0
shap=-0.0", - "index=Charters, Mr. David
Embarked_Unknown=0
shap=-0.0", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Embarked_Unknown=0
shap=-0.0", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Embarked_Unknown=0
shap=-0.0", - "index=Johannesen-Bratthammer, Mr. Bernt
Embarked_Unknown=0
shap=-0.0", - "index=Peuchen, Major. Arthur Godfrey
Embarked_Unknown=0
shap=-0.0", - "index=Anderson, Mr. Harry
Embarked_Unknown=0
shap=-0.0", - "index=Milling, Mr. Jacob Christian
Embarked_Unknown=0
shap=-0.0", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Embarked_Unknown=0
shap=-0.0", - "index=Karlsson, Mr. Nils August
Embarked_Unknown=0
shap=-0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Embarked_Unknown=0
shap=-0.0", - "index=Bishop, Mr. Dickinson H
Embarked_Unknown=0
shap=-0.0", - "index=Windelov, Mr. Einar
Embarked_Unknown=0
shap=-0.0", - "index=Shellard, Mr. Frederick William
Embarked_Unknown=0
shap=-0.0", - "index=Svensson, Mr. Olof
Embarked_Unknown=0
shap=-0.0", - "index=O'Sullivan, Miss. Bridget Mary
Embarked_Unknown=0
shap=-0.0", - "index=Laitinen, Miss. Kristina Sofia
Embarked_Unknown=0
shap=-0.0", - "index=Penasco y Castellana, Mr. Victor de Satode
Embarked_Unknown=0
shap=-0.0", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Embarked_Unknown=0
shap=-0.0", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Embarked_Unknown=0
shap=-0.0", - "index=Kassem, Mr. Fared
Embarked_Unknown=0
shap=-0.0", - "index=Cacic, Miss. Marija
Embarked_Unknown=0
shap=-0.0", - "index=Hart, Miss. Eva Miriam
Embarked_Unknown=0
shap=-0.0", - "index=Butt, Major. Archibald Willingham
Embarked_Unknown=0
shap=-0.0", - "index=Beane, Mr. Edward
Embarked_Unknown=0
shap=-0.0", - "index=Goldsmith, Mr. Frank John
Embarked_Unknown=0
shap=-0.0", - "index=Ohman, Miss. Velin
Embarked_Unknown=0
shap=-0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Embarked_Unknown=0
shap=-0.0", - "index=Morrow, Mr. Thomas Rowan
Embarked_Unknown=0
shap=-0.0", - "index=Harris, Mr. George
Embarked_Unknown=0
shap=-0.0", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Embarked_Unknown=0
shap=-0.0", - "index=Patchett, Mr. George
Embarked_Unknown=0
shap=-0.0", - "index=Ross, Mr. John Hugo
Embarked_Unknown=0
shap=-0.0", - "index=Murdlin, Mr. Joseph
Embarked_Unknown=0
shap=-0.0", - "index=Bourke, Miss. Mary
Embarked_Unknown=0
shap=-0.0", - "index=Boulos, Mr. Hanna
Embarked_Unknown=0
shap=-0.0", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Embarked_Unknown=0
shap=-0.0", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Embarked_Unknown=0
shap=-0.0", - "index=Lindell, Mr. Edvard Bengtsson
Embarked_Unknown=0
shap=-0.0", - "index=Daniel, Mr. Robert Williams
Embarked_Unknown=0
shap=-0.0", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Embarked_Unknown=0
shap=-0.0", - "index=Shutes, Miss. Elizabeth W
Embarked_Unknown=0
shap=-0.0", - "index=Jardin, Mr. Jose Neto
Embarked_Unknown=0
shap=-0.0", - "index=Horgan, Mr. John
Embarked_Unknown=0
shap=-0.0", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Embarked_Unknown=0
shap=-0.0", - "index=Yasbeck, Mr. Antoni
Embarked_Unknown=0
shap=-0.0", - "index=Bostandyeff, Mr. Guentcho
Embarked_Unknown=0
shap=-0.0", - "index=Lundahl, Mr. Johan Svensson
Embarked_Unknown=0
shap=-0.0", - "index=Stahelin-Maeglin, Dr. Max
Embarked_Unknown=0
shap=-0.0", - "index=Willey, Mr. Edward
Embarked_Unknown=0
shap=-0.0", - "index=Stanley, Miss. Amy Zillah Elsie
Embarked_Unknown=0
shap=-0.0", - "index=Hegarty, Miss. Hanora \"Nora\"
Embarked_Unknown=0
shap=-0.0", - "index=Eitemiller, Mr. George Floyd
Embarked_Unknown=0
shap=-0.0", - "index=Colley, Mr. Edward Pomeroy
Embarked_Unknown=0
shap=-0.0", - "index=Coleff, Mr. Peju
Embarked_Unknown=0
shap=-0.0", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Embarked_Unknown=0
shap=-0.0", - "index=Davidson, Mr. Thornton
Embarked_Unknown=0
shap=-0.0", - "index=Turja, Miss. Anna Sofia
Embarked_Unknown=0
shap=-0.0", - "index=Hassab, Mr. Hammad
Embarked_Unknown=0
shap=-0.0", - "index=Goodwin, Mr. Charles Edward
Embarked_Unknown=0
shap=-0.0", - "index=Panula, Mr. Jaako Arnold
Embarked_Unknown=0
shap=-0.0", - "index=Fischer, Mr. Eberhard Thelander
Embarked_Unknown=0
shap=-0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Embarked_Unknown=0
shap=-0.0", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Embarked_Unknown=0
shap=-0.0", - "index=Hansen, Mr. Henrik Juul
Embarked_Unknown=0
shap=-0.0", - "index=Calderhead, Mr. Edward Pennington
Embarked_Unknown=0
shap=-0.0", - "index=Klaber, Mr. Herman
Embarked_Unknown=0
shap=-0.0", - "index=Taylor, Mr. Elmer Zebley
Embarked_Unknown=0
shap=-0.0", - "index=Larsson, Mr. August Viktor
Embarked_Unknown=0
shap=-0.0", - "index=Greenberg, Mr. Samuel
Embarked_Unknown=0
shap=-0.0", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Embarked_Unknown=0
shap=-0.0", - "index=McEvoy, Mr. Michael
Embarked_Unknown=0
shap=-0.0", - "index=Johnson, Mr. Malkolm Joackim
Embarked_Unknown=0
shap=-0.0", - "index=Gillespie, Mr. William Henry
Embarked_Unknown=0
shap=-0.0", - "index=Allen, Miss. Elisabeth Walton
Embarked_Unknown=0
shap=-0.0", - "index=Berriman, Mr. William John
Embarked_Unknown=0
shap=-0.0", - "index=Troupiansky, Mr. Moses Aaron
Embarked_Unknown=0
shap=-0.0", - "index=Williams, Mr. Leslie
Embarked_Unknown=0
shap=-0.0", - "index=Ivanoff, Mr. Kanio
Embarked_Unknown=0
shap=-0.0", - "index=McNamee, Mr. Neal
Embarked_Unknown=0
shap=-0.0", - "index=Connaghton, Mr. Michael
Embarked_Unknown=0
shap=-0.0", - "index=Carlsson, Mr. August Sigfrid
Embarked_Unknown=0
shap=-0.0", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Embarked_Unknown=0
shap=-0.0", - "index=Eklund, Mr. Hans Linus
Embarked_Unknown=0
shap=-0.0", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Embarked_Unknown=0
shap=-0.0", - "index=Moran, Mr. Daniel J
Embarked_Unknown=0
shap=-0.0", - "index=Lievens, Mr. Rene Aime
Embarked_Unknown=0
shap=-0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Embarked_Unknown=0
shap=-0.0", - "index=Ayoub, Miss. Banoura
Embarked_Unknown=0
shap=-0.0", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Embarked_Unknown=0
shap=-0.0", - "index=Johnston, Mr. Andrew G
Embarked_Unknown=0
shap=-0.0", - "index=Ali, Mr. William
Embarked_Unknown=0
shap=-0.0", - "index=Sjoblom, Miss. Anna Sofia
Embarked_Unknown=0
shap=-0.0", - "index=Guggenheim, Mr. Benjamin
Embarked_Unknown=0
shap=-0.0", - "index=Leader, Dr. Alice (Farnham)
Embarked_Unknown=0
shap=-0.0", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Embarked_Unknown=0
shap=-0.0", - "index=Carter, Master. William Thornton II
Embarked_Unknown=0
shap=-0.0", - "index=Thomas, Master. Assad Alexander
Embarked_Unknown=0
shap=-0.0", - "index=Johansson, Mr. Karl Johan
Embarked_Unknown=0
shap=-0.0", - "index=Slemen, Mr. Richard James
Embarked_Unknown=0
shap=-0.0", - "index=Tomlin, Mr. Ernest Portage
Embarked_Unknown=0
shap=-0.0", - "index=McCormack, Mr. Thomas Joseph
Embarked_Unknown=0
shap=-0.0", - "index=Richards, Master. George Sibley
Embarked_Unknown=0
shap=-0.0", - "index=Mudd, Mr. Thomas Charles
Embarked_Unknown=0
shap=-0.0", - "index=Lemberopolous, Mr. Peter L
Embarked_Unknown=0
shap=-0.0", - "index=Sage, Mr. Douglas Bullen
Embarked_Unknown=0
shap=-0.0", - "index=Boulos, Miss. Nourelain
Embarked_Unknown=0
shap=-0.0", - "index=Aks, Mrs. Sam (Leah Rosen)
Embarked_Unknown=0
shap=-0.0", - "index=Razi, Mr. Raihed
Embarked_Unknown=0
shap=-0.0", - "index=Johnson, Master. Harold Theodor
Embarked_Unknown=0
shap=-0.0", - "index=Carlsson, Mr. Frans Olof
Embarked_Unknown=0
shap=-0.0", - "index=Gustafsson, Mr. Alfred Ossian
Embarked_Unknown=0
shap=-0.0", - "index=Montvila, Rev. Juozas
Embarked_Unknown=0
shap=-0.0" - ], - "type": "scatter", - "x": [ - -0.0001363955261056582, - -3.657783538960803e-05, - -2.095564960641571e-05, - -2.5956512801503697e-05, - -6.666899722913742e-05, - -3.8855672551977936e-05, - -4.438603851434645e-05, - -3.305421741639355e-05, - -0.00017840585032763683, - -5.940307352265686e-05, - -0.00016714665971688116, - -0.0002167963518591759, - -2.927219439669213e-05, - -7.031539242093282e-05, - -2.6618931127489573e-05, - -2.095564960641571e-05, - -2.2666489705942175e-05, - -4.369999638125785e-05, - -7.031539242093282e-05, - -2.095564960641571e-05, - -3.8855672551977936e-05, - -3.8855672551977936e-05, - -2.6618931127489573e-05, - -3.7559358665215424e-05, - -2.398937801960766e-05, - -4.356211509855827e-05, - -5.9363356236221525e-05, - -3.8855672551977936e-05, - -2.927219439669213e-05, - -3.8855672551977936e-05, - -2.4993950553242824e-05, - -3.7559358665215424e-05, - -3.7559358665215424e-05, - -2.4313311158302045e-05, - -2.398937801960766e-05, - -4.965862957666333e-05, - -3.049816783319916e-05, - -1.911686372847342e-05, - -3.1618952151217945e-05, - -4.965862957666333e-05, - -3.8855672551977936e-05, - -2.1661917172307013e-05, - -4.240368249449534e-05, - -2.927219439669213e-05, - -0.0003172521293270686, - -3.8855672551977936e-05, - -2.2666489705942175e-05, - -8.968342731668586e-05, - -2.6342788979639365e-05, - -3.049816783319916e-05, - -3.7559358665215424e-05, - -2.4313311158302045e-05, - -4.438603851434645e-05, - -4.369999638125785e-05, - -3.7559358665215424e-05, - -4.965862957666333e-05, - -0.00020034075740330747, - -5.97919120660453e-05, - -0.00016714665971688116, - -2.095564960641571e-05, - -0.00017840585032763683, - -6.310759366123374e-05, - -2.5956512801503697e-05, - -4.240368249449534e-05, - -0.0002167963518591759, - -0.00010505949876067649, - -0.0001780433224935172, - -0.00017199098354616109, - -3.7559358665215424e-05, - -2.095564960641571e-05, - -2.5201257058274953e-05, - -3.2583388558692325e-05, - -3.7559358665215424e-05, - -0.0003172521293270686, - -3.049816783319916e-05, - -5.940307352265686e-05, - -3.8855672551977936e-05, - -6.666899722913742e-05, - -5.432468667296619e-05, - -3.8855672551977936e-05, - -3.7559358665215424e-05, - -2.095564960641571e-05, - -0.00016714665971688116, - -2.2666489705942175e-05, - -2.5956512801503697e-05, - -3.049816783319916e-05, - -0.00010505949876067649, - -4.369999638125785e-05, - -0.00017319899866423725, - -7.031539242093282e-05, - -5.97919120660453e-05, - -3.7559358665215424e-05, - -4.965862957666333e-05, - -4.965862957666333e-05, - -4.965862957666333e-05, - -3.326215379441959e-05, - -3.8855672551977936e-05, - -2.9890798922156763e-05, - -5.940307352265686e-05, - -3.8855672551977936e-05, - -3.7559358665215424e-05, - -3.8855672551977936e-05, - -0.00017840585032763683, - -4.838048534526215e-05, - -5.940307352265686e-05, - -4.240368249449534e-05, - -3.657783538960803e-05, - -0.00016714665971688116, - -4.838048534526215e-05, - -3.1618952151217945e-05, - -4.965862957666333e-05, - -2.4993950553242824e-05, - -2.1661917172307013e-05, - -4.838048534526215e-05, - -5.97919120660453e-05, - -0.00016714665971688116, - -4.965862957666333e-05, - -6.310759366123374e-05, - -3.8855672551977936e-05, - -0.0001780433224935172, - -3.7559358665215424e-05, - -5.4536278582568094e-05, - -6.221957405915683e-05, - -4.5696562203412775e-05, - -0.0001780433224935172, - -2.2666489705942175e-05, - -4.369999638125785e-05, - -7.006626891658459e-05, - -0.0002431547911853917, - -2.5046475092876854e-05, - -0.00016714665971688116, - -2.927219439669213e-05, - -5.7075612675356214e-05, - -3.8855672551977936e-05, - -2.5201257058274953e-05, - -0.0001780433224935172, - -3.7559358665215424e-05, - -4.838048534526215e-05, - -0.00011186926620145157, - -4.369999638125785e-05, - -4.965862957666333e-05, - -3.8855672551977936e-05, - -5.97919120660453e-05, - -2.4993950553242824e-05, - -4.838048534526215e-05, - -0.0001780433224935172, - -2.095564960641571e-05, - -2.095564960641571e-05, - -3.8855672551977936e-05, - -3.049816783319916e-05, - -0.00010505949876067649, - -2.2666489705942175e-05, - -4.965862957666333e-05, - -4.240368249449534e-05, - -2.6618931127489573e-05, - -3.8855672551977936e-05, - -4.965862957666333e-05, - -7.031539242093282e-05, - -0.00016714665971688116, - -3.8855672551977936e-05, - -4.369999638125785e-05, - -7.031539242093282e-05, - -4.369999638125785e-05, - -4.369999638125785e-05, - -3.8855672551977936e-05, - -3.7559358665215424e-05, - -2.2666489705942175e-05, - -0.00017319899866423725, - -3.8855672551977936e-05, - -7.031539242093282e-05, - -3.7559358665215424e-05, - -6.310759366123374e-05, - -5.102327372800012e-05, - -3.8855672551977936e-05, - -5.97919120660453e-05, - -0.00017840585032763683, - -3.657783538960803e-05, - -2.095564960641571e-05, - -2.6342788979639365e-05, - -4.838048534526215e-05, - -8.968342731668586e-05, - -0.0002431547911853917, - -3.326215379441959e-05, - -2.3283110453716357e-05, - -4.96394154914802e-05, - -3.8855672551977936e-05, - -4.369999638125785e-05, - -3.8855672551977936e-05, - -0.00016714665971688116, - -2.3283110453716357e-05, - -4.240368249449534e-05, - -6.827191300651292e-05, - -2.095564960641571e-05, - -5.4536278582568094e-05, - -2.5956512801503697e-05, - -0.00016714665971688116, - -2.095564960641571e-05, - -3.1187112808919275e-05, - -3.8855672551977936e-05, - -4.369999638125785e-05 - ], - "xaxis": "x20", - "y": [ - 0.8079891910703145, - 0.34417065159320437, - 0.7505634352311978, - 0.44179324558183575, - 0.31548158745342003, - 0.5036065520510711, - 0.1843172224803482, - 0.8834415513722145, - 0.48515225908653026, - 0.7350281476306892, - 0.6556945842049203, - 0.5966655657314748, - 0.6301184173481181, - 0.1618370255459759, - 0.3313012637032662, - 0.9555411015512738, - 0.44865599021123126, - 0.6452282527395284, - 0.021605585540081296, - 0.09636976875928527, - 0.8612390249870385, - 0.7177581743948489, - 0.6771783874925175, - 0.041180904890594006, - 0.7568167439342196, - 0.0542386749616417, - 0.8180054951436062, - 0.10815163546244766, - 0.37055274012091877, - 0.5994553965517564, - 0.7878557528413809, - 0.26719922816510766, - 0.19972557818511294, - 0.12551803556988184, - 0.2765135105873605, - 0.22680014605827392, - 0.9506792527801841, - 0.6893303979334304, - 0.6012085252521872, - 0.09870542321527576, - 0.4361845783723156, - 0.022048337823571518, - 0.17312317529763555, - 0.9231559001740565, - 0.25199288339331904, - 0.7628057741131861, - 0.7257169738386269, - 0.8257010258505116, - 0.3412753691207301, - 0.6812246732093667, - 0.3349711799481371, - 0.23935668971392388, - 0.8831186263460953, - 0.6316635210964114, - 0.6999339869149762, - 0.6210383198801828, - 0.9079446997858072, - 0.6875501384635083, - 0.9150120895837944, - 0.2064514598171121, - 0.3895680395073089, - 0.6522500567189379, - 0.1606062098481129, - 0.13332766770324045, - 0.47364918762902997, - 0.36626458010504304, - 0.5519521212459603, - 0.571769156879356, - 0.26067563738891697, - 0.592567992214381, - 0.7217898763474931, - 0.5968062774844966, - 0.438492978311703, - 0.29346984068775817, - 0.8681024158817595, - 0.3296755658763437, - 0.47743547666727504, - 0.21366612320569367, - 0.8091667936105174, - 0.6004865818454702, - 0.6422684296864248, - 0.5728218529404637, - 0.892313343616413, - 0.5945523618674223, - 0.9722400491494837, - 0.4546185274120478, - 0.31142773688258585, - 0.8747290937971837, - 0.5597109747569696, - 0.6456052238223643, - 0.23525646205866235, - 0.6686862616154431, - 0.5226175892284873, - 0.8858101808822402, - 0.2765785961420659, - 0.10091238499934196, - 0.8399127381876479, - 0.4504688100037638, - 0.8270106742111386, - 0.074087435293967, - 0.4590576549614055, - 0.9902836163718021, - 0.9795741187077053, - 0.3229608154077509, - 0.0964463083201389, - 0.6377787713860359, - 0.3477152101959574, - 0.5951522139379722, - 0.352351927028141, - 0.9457840311210401, - 0.9401757442467117, - 0.2346633931213543, - 0.4267675524924316, - 0.9677171035073471, - 0.5356786126593688, - 0.38624112571820457, - 0.8682929851790265, - 0.5784179735565235, - 0.31592745916503184, - 0.5191595650758466, - 0.22478746602716382, - 0.8539564690316916, - 0.46006874838946754, - 0.9713468529591172, - 0.04314065761507102, - 0.3563712761596275, - 0.028911836931877155, - 0.4853065701337067, - 0.049109682612749284, - 0.5226369564328526, - 0.3929098989146246, - 0.4104973499736617, - 0.5995671832299813, - 0.1638549924026299, - 0.018705491382426165, - 0.13021211715182035, - 0.983116414915487, - 0.8039821779521731, - 0.07607809040977409, - 0.44994926036189165, - 0.10721589589988001, - 0.5534529020145724, - 0.6742210729617769, - 0.8235700104324402, - 0.3724323745965372, - 0.2931033994065845, - 0.8306222867177319, - 0.9970932539102592, - 0.15117048114935028, - 0.687070752318621, - 0.9316653815094991, - 0.7556224128140817, - 0.09018864509174507, - 0.28255914044035746, - 0.7719909879914194, - 0.450047165486021, - 0.6635031842058869, - 0.7722005552661767, - 0.7854139872160137, - 0.29021103764148093, - 0.6907171870589558, - 0.1508063454108013, - 0.8285735018414675, - 0.2770054118072004, - 0.9657290034532386, - 0.6481163823093484, - 0.422557611857287, - 0.020786572751285037, - 0.49985399981612055, - 0.17574578285248654, - 0.24862051731225887, - 0.9676073238204284, - 0.22214431647390187, - 0.12929665575255012, - 0.18682565963907638, - 0.4831364358939303, - 0.5566590790202849, - 0.26787261337235513, - 0.1529992096290288, - 0.1941190225062499, - 0.2337622805133842, - 0.2597416624161625, - 0.3496692132492374, - 0.9512702967847994, - 0.384516943780565, - 0.6127064062178887, - 0.8293898341171531, - 0.44853844968027967, - 0.18393035205151453, - 0.8293227366160988, - 0.8497812482049004, - 0.5757186194148438, - 0.7000195323967018, - 0.8174740573114586, - 0.8840998026887593, - 0.020844256805580108, - 0.43168984586983117, - 0.567744014819037, - 0.3468206627161752, - 0.12127728573170027 - ], - "yaxis": "y20" + "None: Palsson, Master. Gosta Leonard
shap: -0.013
Sex: male", + "None: Saundercock, Mr. William Henry
shap: -0.013
Sex: male", + "None: Harris, Mr. Henry Birkhardt
shap: -0.014
Sex: male", + "None: Skoog, Master. Harald
shap: -0.013
Sex: male", + "None: Kink, Mr. Vincenz
shap: -0.013
Sex: male", + "None: Hood, Mr. Ambrose Jr
shap: -0.010
Sex: male", + "None: Ford, Mr. William Neal
shap: -0.013
Sex: male", + "None: Christmann, Mr. Emil
shap: -0.012
Sex: male", + "None: Andreasson, Mr. Paul Edvin
shap: -0.013
Sex: male", + "None: Chaffee, Mr. Herbert Fuller
shap: -0.008
Sex: male", + "None: Petroff, Mr. Pastcho (\"Pentcho\")
shap: -0.013
Sex: male", + "None: White, Mr. Richard Frasar
shap: -0.008
Sex: male", + "None: Rekic, Mr. Tido
shap: -0.009
Sex: male", + "None: Barton, Mr. David John
shap: -0.013
Sex: male", + "None: Pekoniemi, Mr. Edvard
shap: -0.014
Sex: male", + "None: Turpin, Mr. William John Robert
shap: -0.010
Sex: male", + "None: Moore, Mr. Leonard Charles
shap: -0.013
Sex: male", + "None: Osen, Mr. Olaf Elon
shap: -0.014
Sex: male", + "None: Navratil, Mr. Michel (\"Louis M Hoffman\")
shap: -0.003
Sex: male", + "None: Bateman, Rev. Robert James
shap: -0.007
Sex: male", + "None: Meo, Mr. Alfonzo
shap: -0.009
Sex: male", + "None: Cribb, Mr. John Hatfield
shap: -0.007
Sex: male", + "None: Van der hoef, Mr. Wyckoff
shap: -0.007
Sex: male", + "None: Sivola, Mr. Antti Wilhelm
shap: -0.014
Sex: male", + "None: Klasen, Mr. Klas Albin
shap: -0.012
Sex: male", + "None: Rood, Mr. Hugh Roscoe
shap: -0.002
Sex: male", + "None: Vande Walle, Mr. Nestor Cyriel
shap: -0.012
Sex: male", + "None: Backstrom, Mr. Karl Alfred
shap: -0.009
Sex: male", + "None: Ali, Mr. Ahmed
shap: -0.011
Sex: male", + "None: Green, Mr. George Henry
shap: -0.009
Sex: male", + "None: Nenkoff, Mr. Christo
shap: -0.013
Sex: male", + "None: Hunt, Mr. George Henry
shap: -0.007
Sex: male", + "None: Reed, Mr. James George
shap: -0.012
Sex: male", + "None: Stead, Mr. William Thomas
shap: -0.008
Sex: male", + "None: Asplund, Master. Edvin Rojj Felix
shap: -0.012
Sex: male", + "None: Smith, Mr. Richard William
shap: -0.002
Sex: male", + "None: Williams, Mr. Howard Hugh \"Harry\"
shap: -0.013
Sex: male", + "None: Sage, Mr. George John Jr
shap: -0.013
Sex: male", + "None: Nysveen, Mr. Johan Hansen
shap: -0.009
Sex: male", + "None: Denkoff, Mr. Mitto
shap: -0.013
Sex: male", + "None: Dimic, Mr. Jovan
shap: -0.009
Sex: male", + "None: Beavan, Mr. William Thomas
shap: -0.013
Sex: male", + "None: Gustafsson, Mr. Karl Gideon
shap: -0.013
Sex: male", + "None: Plotcharsky, Mr. Vasil
shap: -0.013
Sex: male", + "None: Goodwin, Master. Sidney Leonard
shap: -0.012
Sex: male", + "None: Gustafsson, Mr. Johan Birger
shap: -0.013
Sex: male", + "None: Niskanen, Mr. Juha
shap: -0.009
Sex: male", + "None: Matthews, Mr. William John
shap: -0.009
Sex: male", + "None: Johannesen-Bratthammer, Mr. Bernt
shap: -0.013
Sex: male", + "None: Peuchen, Major. Arthur Godfrey
shap: -0.007
Sex: male", + "None: Anderson, Mr. Harry
shap: -0.003
Sex: male", + "None: Milling, Mr. Jacob Christian
shap: -0.007
Sex: male", + "None: Karlsson, Mr. Nils August
shap: -0.013
Sex: male", + "None: Frost, Mr. Anthony Wood \"Archie\"
shap: -0.010
Sex: male", + "None: Windelov, Mr. Einar
shap: -0.013
Sex: male", + "None: Shellard, Mr. Frederick William
shap: -0.011
Sex: male", + "None: Svensson, Mr. Olof
shap: -0.011
Sex: male", + "None: Bradley, Mr. George (\"George Arthur Brayton\")
shap: -0.005
Sex: male", + "None: Butt, Major. Archibald Willingham
shap: -0.006
Sex: male", + "None: Beane, Mr. Edward
shap: -0.009
Sex: male", + "None: Goldsmith, Mr. Frank John
shap: -0.009
Sex: male", + "None: Harris, Mr. George
shap: -0.008
Sex: male", + "None: Patchett, Mr. George
shap: -0.013
Sex: male", + "None: Murdlin, Mr. Joseph
shap: -0.013
Sex: male", + "None: Lindell, Mr. Edvard Bengtsson
shap: -0.009
Sex: male", + "None: Daniel, Mr. Robert Williams
shap: -0.004
Sex: male", + "None: Jardin, Mr. Jose Neto
shap: -0.012
Sex: male", + "None: Bostandyeff, Mr. Guentcho
shap: -0.012
Sex: male", + "None: Lundahl, Mr. Johan Svensson
shap: -0.008
Sex: male", + "None: Willey, Mr. Edward
shap: -0.012
Sex: male", + "None: Eitemiller, Mr. George Floyd
shap: -0.009
Sex: male", + "None: Colley, Mr. Edward Pomeroy
shap: -0.003
Sex: male", + "None: Coleff, Mr. Peju
shap: -0.009
Sex: male", + "None: Davidson, Mr. Thornton
shap: -0.001
Sex: male", + "None: Goodwin, Mr. Charles Edward
shap: -0.014
Sex: male", + "None: Panula, Mr. Jaako Arnold
shap: -0.014
Sex: male", + "None: Fischer, Mr. Eberhard Thelander
shap: -0.013
Sex: male", + "None: Humblen, Mr. Adolf Mathias Nicolai Olsen
shap: -0.006
Sex: male", + "None: Hansen, Mr. Henrik Juul
shap: -0.012
Sex: male", + "None: Calderhead, Mr. Edward Pennington
shap: -0.003
Sex: male", + "None: Klaber, Mr. Herman
shap: -0.005
Sex: male", + "None: Taylor, Mr. Elmer Zebley
shap: -0.012
Sex: male", + "None: Larsson, Mr. August Viktor
shap: -0.012
Sex: male", + "None: Greenberg, Mr. Samuel
shap: -0.007
Sex: male", + "None: Johnson, Mr. Malkolm Joackim
shap: -0.009
Sex: male", + "None: Gillespie, Mr. William Henry
shap: -0.007
Sex: male", + "None: Berriman, Mr. William John
shap: -0.009
Sex: male", + "None: Troupiansky, Mr. Moses Aaron
shap: -0.009
Sex: male", + "None: Williams, Mr. Leslie
shap: -0.011
Sex: male", + "None: Ivanoff, Mr. Kanio
shap: -0.013
Sex: male", + "None: McNamee, Mr. Neal
shap: -0.012
Sex: male", + "None: Carlsson, Mr. August Sigfrid
shap: -0.011
Sex: male", + "None: Eklund, Mr. Hans Linus
shap: -0.014
Sex: male", + "None: Lievens, Mr. Rene Aime
shap: -0.012
Sex: male", + "None: Johnston, Mr. Andrew G
shap: -0.011
Sex: male", + "None: Ali, Mr. William
shap: -0.011
Sex: male", + "None: Carter, Master. William Thornton II
shap: 0.003
Sex: male", + "None: Johansson, Mr. Karl Johan
shap: -0.010
Sex: male", + "None: Slemen, Mr. Richard James
shap: -0.008
Sex: male", + "None: Tomlin, Mr. Ernest Portage
shap: -0.010
Sex: male", + "None: Richards, Master. George Sibley
shap: -0.008
Sex: male", + "None: Mudd, Mr. Thomas Charles
shap: -0.011
Sex: male", + "None: Sage, Mr. Douglas Bullen
shap: -0.013
Sex: male", + "None: Johnson, Master. Harold Theodor
shap: -0.010
Sex: male", + "None: Carlsson, Mr. Frans Olof
shap: -0.007
Sex: male", + "None: Gustafsson, Mr. Alfred Ossian
shap: -0.013
Sex: male", + "None: Montvila, Rev. Juozas
shap: -0.009
Sex: male" + ], + "type": "scattergl", + "x": [ + 1.7012790292078275, + 1.0405666079460154, + -0.11541233789698487, + -0.6114520965596771, + -1.0791099574576504, + -0.6138436301340265, + -0.7362509626274416, + 0.06257035111757221, + 0.6471613789821438, + -0.19298709479877452, + 0.3453527989363509, + -0.8746920826690235, + 0.7572668448370896, + 1.0473484526765173, + 1.029639230178786, + -1.325728365576245, + 1.1091532849828762, + 1.4527227570852137, + 0.14965788432648244, + -1.0434692407603048, + 0.2828494695471534, + -0.052485551652217376, + -0.5350033741884629, + -0.343675173379127, + 0.2733019119220274, + -1.5374033809034722, + 0.23823500032494466, + 0.9352422088972933, + 0.8943578866155188, + 0.23860991024593403, + 0.42026420696481487, + 0.7257368994352091, + 0.9328356940255605, + 0.5394451163166742, + 0.9640668712178249, + -0.3463363138785921, + 2.276246320542179, + 0.6358656892185386, + -0.5480971276330922, + 0.23052456060483684, + -0.08744085689688211, + 1.7701976706672897, + -0.1318012938611982, + 1.0131588623337646, + 1.2916661904814872, + 0.19405740084190487, + -0.0032840743774983044, + 1.0296038213143486, + -0.2445823653445258, + 0.41105216663071764, + -0.13725093522533846, + 0.30350951878318533, + 0.2867100106108601, + -1.671988713242258, + -1.2648812618427892, + -1.5067122075611425, + -0.8701162403442532, + 0.20256320749387446, + -1.829904025699204, + 0.11756380132282761, + -1.6247250088513716, + 0.06401919251661368, + -0.061050321148593927, + 0.9791087977237893, + 1.662138582307771, + -0.06308446097899177, + 0.9343262443182925, + -0.10176321251957295, + -0.30024116324267414, + -1.4649898463961148, + -0.01607372034351811, + 1.2386238938083762, + -0.06601882556626484, + 0.4277377031583201, + 0.05746738569052198, + 0.5094546756622863, + -0.9971818099360926, + -0.6123818738122343, + 1.2366236484477406, + -1.235791888593448, + -0.5906312779378387, + -0.08808640390598234, + -0.6646124875709993, + -2.127861926167808, + 1.6374148845903609, + -0.8206313213788304, + 1.9876834080007455, + 0.6146733966044188, + -1.6682097327313474, + 0.815895802230927, + 0.11137589938062177, + -0.7367997670871872, + -0.37742286107576795, + -0.0975409398883912, + -0.2436830569475606, + -0.7804812465142518, + -0.2117946773321905, + 1.0889301108897291, + -0.027417402806090674, + -0.040032965300118656, + -0.6498642578750602, + 0.8622713232160275, + -1.9514708749470477, + -0.7251079493691617, + 0.3378271746295733, + 1.6787285360000914, + -0.011350607591244942 + ], + "xaxis": "x6", + "y": [ + -0.012613876248707414, + -0.013483135702127348, + -0.01350014049521649, + -0.01272414139202595, + -0.012738905381675741, + -0.009511114269301787, + -0.013299084566696042, + -0.0115726847059189, + -0.01324823603325664, + -0.007867825042357526, + -0.012744758386838294, + -0.008480694013372746, + -0.009383347038266533, + -0.012961832250422373, + -0.013509325435241474, + -0.00999274433190766, + -0.012713724605804513, + -0.013952912337926187, + -0.003331080337523013, + -0.0068255149183546575, + -0.009158141951484408, + -0.00695751023079833, + -0.0070998282261147865, + -0.013509325435241474, + -0.012362865686429123, + -0.0023305193211678897, + -0.011733039775566723, + -0.009115979580637838, + -0.010838801036632272, + -0.008926518584650265, + -0.012744758386838294, + -0.007413418843580267, + -0.01201506500733276, + -0.007896310159340409, + -0.01185148201885807, + -0.001661124419254639, + -0.012713724605804513, + -0.013350457500621945, + -0.008536472715944822, + -0.012744758386838294, + -0.009393554204573305, + -0.01343165694826541, + -0.013207333599455995, + -0.012744758386838294, + -0.011937104841551171, + -0.012781386049156409, + -0.009421243722580058, + -0.008538526335079604, + -0.012713724605804513, + -0.007418453919781233, + -0.002952920663442007, + -0.007126671679406949, + -0.01273750890161296, + -0.009892593114979375, + -0.012779632055735941, + -0.010576936991831756, + -0.011307974883676419, + -0.005377319565506288, + -0.006470033309112187, + -0.008709867859647648, + -0.00919961712873681, + -0.008002840968857125, + -0.012641221052828576, + -0.012713724605804513, + -0.00889074920277686, + -0.003912136984188744, + -0.01201506500733276, + -0.011689712694944543, + -0.008248195574173741, + -0.012477954370548211, + -0.008999184832483556, + -0.0029030549958448744, + -0.009350229122825524, + -0.0012105866491881497, + -0.014377727623940573, + -0.014464723686698195, + -0.012778954160491454, + -0.006479277931806097, + -0.01179715676439587, + -0.00282569793198486, + -0.005170172903382498, + -0.011783608731532912, + -0.011619616220156902, + -0.007280532941677354, + -0.009311856558330427, + -0.007424911943398109, + -0.008999184832483556, + -0.008999184832483556, + -0.011271657723534213, + -0.012744758386838294, + -0.011516722936531285, + -0.011438082864031496, + -0.013738236842469402, + -0.011602931795211647, + -0.011128152580713695, + -0.010965729952004347, + 0.0028191230810228445, + -0.009748808132752158, + -0.007701212320350541, + -0.01041451565900794, + -0.007990806259155684, + -0.011110713691553357, + -0.013350457500621945, + -0.01039607050445007, + -0.006779757797113878, + -0.013485045639677565, + -0.00904858364423187 + ], + "yaxis": "y6" }, { "hoverinfo": "text", "marker": { - "color": [ - 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, - 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, - 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, - 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, - 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, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], + "color": "#EF553B", "opacity": 0.3, - "showscale": true, - "size": 5 + "size": 7 }, "mode": "markers", - "name": "Deck_T", - "opacity": 0.8, + "name": "female", "showlegend": false, "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_T=0
shap=0.0", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_T=0
shap=0.0", - "index=Palsson, Master. Gosta Leonard
Deck_T=0
shap=0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_T=0
shap=0.0", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_T=0
shap=0.0", - "index=Saundercock, Mr. William Henry
Deck_T=0
shap=0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_T=0
shap=0.0", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_T=0
shap=0.0", - "index=Glynn, Miss. Mary Agatha
Deck_T=0
shap=0.0", - "index=Meyer, Mr. Edgar Joseph
Deck_T=0
shap=0.0", - "index=Kraeff, Mr. Theodor
Deck_T=0
shap=0.0", - "index=Devaney, Miss. Margaret Delia
Deck_T=0
shap=0.0", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_T=0
shap=0.0", - "index=Rugg, Miss. Emily
Deck_T=0
shap=0.0", - "index=Harris, Mr. Henry Birkhardt
Deck_T=0
shap=0.0", - "index=Skoog, Master. Harald
Deck_T=0
shap=0.0", - "index=Kink, Mr. Vincenz
Deck_T=0
shap=0.0", - "index=Hood, Mr. Ambrose Jr
Deck_T=0
shap=0.0", - "index=Ilett, Miss. Bertha
Deck_T=0
shap=0.0", - "index=Ford, Mr. William Neal
Deck_T=0
shap=0.0", - "index=Christmann, Mr. Emil
Deck_T=0
shap=0.0", - "index=Andreasson, Mr. Paul Edvin
Deck_T=0
shap=0.0", - "index=Chaffee, Mr. Herbert Fuller
Deck_T=0
shap=0.0", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_T=0
shap=0.0", - "index=White, Mr. Richard Frasar
Deck_T=0
shap=0.0", - "index=Rekic, Mr. Tido
Deck_T=0
shap=0.0", - "index=Moran, Miss. Bertha
Deck_T=0
shap=0.0", - "index=Barton, Mr. David John
Deck_T=0
shap=0.0", - "index=Jussila, Miss. Katriina
Deck_T=0
shap=0.0", - "index=Pekoniemi, Mr. Edvard
Deck_T=0
shap=0.0", - "index=Turpin, Mr. William John Robert
Deck_T=0
shap=0.0", - "index=Moore, Mr. Leonard Charles
Deck_T=0
shap=0.0", - "index=Osen, Mr. Olaf Elon
Deck_T=0
shap=0.0", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_T=0
shap=0.0", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_T=0
shap=0.0", - "index=Bateman, Rev. Robert James
Deck_T=0
shap=0.0", - "index=Meo, Mr. Alfonzo
Deck_T=0
shap=0.0", - "index=Cribb, Mr. John Hatfield
Deck_T=0
shap=0.0", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_T=0
shap=0.0", - "index=Van der hoef, Mr. Wyckoff
Deck_T=0
shap=0.0", - "index=Sivola, Mr. Antti Wilhelm
Deck_T=0
shap=0.0", - "index=Klasen, Mr. Klas Albin
Deck_T=0
shap=0.0", - "index=Rood, Mr. Hugh Roscoe
Deck_T=0
shap=0.0", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_T=0
shap=0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_T=0
shap=0.0", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_T=0
shap=0.0", - "index=Backstrom, Mr. Karl Alfred
Deck_T=0
shap=0.0", - "index=Blank, Mr. Henry
Deck_T=0
shap=0.0", - "index=Ali, Mr. Ahmed
Deck_T=0
shap=0.0", - "index=Green, Mr. George Henry
Deck_T=0
shap=0.0", - "index=Nenkoff, Mr. Christo
Deck_T=0
shap=0.0", - "index=Asplund, Miss. Lillian Gertrud
Deck_T=0
shap=0.0", - "index=Harknett, Miss. Alice Phoebe
Deck_T=0
shap=0.0", - "index=Hunt, Mr. George Henry
Deck_T=0
shap=0.0", - "index=Reed, Mr. James George
Deck_T=0
shap=0.0", - "index=Stead, Mr. William Thomas
Deck_T=0
shap=0.0", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_T=0
shap=0.0", - "index=Parrish, Mrs. (Lutie Davis)
Deck_T=0
shap=0.0", - "index=Smith, Mr. Thomas
Deck_T=0
shap=0.0", - "index=Asplund, Master. Edvin Rojj Felix
Deck_T=0
shap=0.0", - "index=Healy, Miss. Hanora \"Nora\"
Deck_T=0
shap=0.0", - "index=Andrews, Miss. Kornelia Theodosia
Deck_T=0
shap=0.0", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_T=0
shap=0.0", - "index=Smith, Mr. Richard William
Deck_T=0
shap=0.0", - "index=Connolly, Miss. Kate
Deck_T=0
shap=0.0", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_T=0
shap=0.0", - "index=Levy, Mr. Rene Jacques
Deck_T=0
shap=0.0", - "index=Lewy, Mr. Ervin G
Deck_T=0
shap=0.0", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_T=0
shap=0.0", - "index=Sage, Mr. George John Jr
Deck_T=0
shap=0.0", - "index=Nysveen, Mr. Johan Hansen
Deck_T=0
shap=0.0", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_T=0
shap=0.0", - "index=Denkoff, Mr. Mitto
Deck_T=0
shap=0.0", - "index=Burns, Miss. Elizabeth Margaret
Deck_T=0
shap=0.0", - "index=Dimic, Mr. Jovan
Deck_T=0
shap=0.0", - "index=del Carlo, Mr. Sebastiano
Deck_T=0
shap=0.0", - "index=Beavan, Mr. William Thomas
Deck_T=0
shap=0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_T=0
shap=0.0", - "index=Widener, Mr. Harry Elkins
Deck_T=0
shap=0.0", - "index=Gustafsson, Mr. Karl Gideon
Deck_T=0
shap=0.0", - "index=Plotcharsky, Mr. Vasil
Deck_T=0
shap=0.0", - "index=Goodwin, Master. Sidney Leonard
Deck_T=0
shap=0.0", - "index=Sadlier, Mr. Matthew
Deck_T=0
shap=0.0", - "index=Gustafsson, Mr. Johan Birger
Deck_T=0
shap=0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_T=0
shap=0.0", - "index=Niskanen, Mr. Juha
Deck_T=0
shap=0.0", - "index=Minahan, Miss. Daisy E
Deck_T=0
shap=0.0", - "index=Matthews, Mr. William John
Deck_T=0
shap=0.0", - "index=Charters, Mr. David
Deck_T=0
shap=0.0", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_T=0
shap=0.0", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_T=0
shap=0.0", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_T=0
shap=0.0", - "index=Peuchen, Major. Arthur Godfrey
Deck_T=0
shap=0.0", - "index=Anderson, Mr. Harry
Deck_T=0
shap=0.0", - "index=Milling, Mr. Jacob Christian
Deck_T=0
shap=0.0", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_T=0
shap=0.0", - "index=Karlsson, Mr. Nils August
Deck_T=0
shap=0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_T=0
shap=0.0", - "index=Bishop, Mr. Dickinson H
Deck_T=0
shap=0.0", - "index=Windelov, Mr. Einar
Deck_T=0
shap=0.0", - "index=Shellard, Mr. Frederick William
Deck_T=0
shap=0.0", - "index=Svensson, Mr. Olof
Deck_T=0
shap=0.0", - "index=O'Sullivan, Miss. Bridget Mary
Deck_T=0
shap=0.0", - "index=Laitinen, Miss. Kristina Sofia
Deck_T=0
shap=0.0", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_T=0
shap=0.0", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_T=0
shap=0.0", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_T=0
shap=0.0", - "index=Kassem, Mr. Fared
Deck_T=0
shap=0.0", - "index=Cacic, Miss. Marija
Deck_T=0
shap=0.0", - "index=Hart, Miss. Eva Miriam
Deck_T=0
shap=0.0", - "index=Butt, Major. Archibald Willingham
Deck_T=0
shap=0.0", - "index=Beane, Mr. Edward
Deck_T=0
shap=0.0", - "index=Goldsmith, Mr. Frank John
Deck_T=0
shap=0.0", - "index=Ohman, Miss. Velin
Deck_T=0
shap=0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_T=0
shap=0.0", - "index=Morrow, Mr. Thomas Rowan
Deck_T=0
shap=0.0", - "index=Harris, Mr. George
Deck_T=0
shap=0.0", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_T=0
shap=0.0", - "index=Patchett, Mr. George
Deck_T=0
shap=0.0", - "index=Ross, Mr. John Hugo
Deck_T=0
shap=0.0", - "index=Murdlin, Mr. Joseph
Deck_T=0
shap=0.0", - "index=Bourke, Miss. Mary
Deck_T=0
shap=0.0", - "index=Boulos, Mr. Hanna
Deck_T=0
shap=0.0", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_T=0
shap=0.0", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_T=0
shap=0.0", - "index=Lindell, Mr. Edvard Bengtsson
Deck_T=0
shap=0.0", - "index=Daniel, Mr. Robert Williams
Deck_T=0
shap=0.0", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_T=0
shap=0.0", - "index=Shutes, Miss. Elizabeth W
Deck_T=0
shap=0.0", - "index=Jardin, Mr. Jose Neto
Deck_T=0
shap=0.0", - "index=Horgan, Mr. John
Deck_T=0
shap=0.0", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_T=0
shap=0.0", - "index=Yasbeck, Mr. Antoni
Deck_T=0
shap=0.0", - "index=Bostandyeff, Mr. Guentcho
Deck_T=0
shap=0.0", - "index=Lundahl, Mr. Johan Svensson
Deck_T=0
shap=0.0", - "index=Stahelin-Maeglin, Dr. Max
Deck_T=0
shap=0.0", - "index=Willey, Mr. Edward
Deck_T=0
shap=0.0", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_T=0
shap=0.0", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_T=0
shap=0.0", - "index=Eitemiller, Mr. George Floyd
Deck_T=0
shap=0.0", - "index=Colley, Mr. Edward Pomeroy
Deck_T=0
shap=0.0", - "index=Coleff, Mr. Peju
Deck_T=0
shap=0.0", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_T=0
shap=0.0", - "index=Davidson, Mr. Thornton
Deck_T=0
shap=0.0", - "index=Turja, Miss. Anna Sofia
Deck_T=0
shap=0.0", - "index=Hassab, Mr. Hammad
Deck_T=0
shap=0.0", - "index=Goodwin, Mr. Charles Edward
Deck_T=0
shap=0.0", - "index=Panula, Mr. Jaako Arnold
Deck_T=0
shap=0.0", - "index=Fischer, Mr. Eberhard Thelander
Deck_T=0
shap=0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_T=0
shap=0.0", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_T=0
shap=0.0", - "index=Hansen, Mr. Henrik Juul
Deck_T=0
shap=0.0", - "index=Calderhead, Mr. Edward Pennington
Deck_T=0
shap=0.0", - "index=Klaber, Mr. Herman
Deck_T=0
shap=0.0", - "index=Taylor, Mr. Elmer Zebley
Deck_T=0
shap=0.0", - "index=Larsson, Mr. August Viktor
Deck_T=0
shap=0.0", - "index=Greenberg, Mr. Samuel
Deck_T=0
shap=0.0", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_T=0
shap=0.0", - "index=McEvoy, Mr. Michael
Deck_T=0
shap=0.0", - "index=Johnson, Mr. Malkolm Joackim
Deck_T=0
shap=0.0", - "index=Gillespie, Mr. William Henry
Deck_T=0
shap=0.0", - "index=Allen, Miss. Elisabeth Walton
Deck_T=0
shap=0.0", - "index=Berriman, Mr. William John
Deck_T=0
shap=0.0", - "index=Troupiansky, Mr. Moses Aaron
Deck_T=0
shap=0.0", - "index=Williams, Mr. Leslie
Deck_T=0
shap=0.0", - "index=Ivanoff, Mr. Kanio
Deck_T=0
shap=0.0", - "index=McNamee, Mr. Neal
Deck_T=0
shap=0.0", - "index=Connaghton, Mr. Michael
Deck_T=0
shap=0.0", - "index=Carlsson, Mr. August Sigfrid
Deck_T=0
shap=0.0", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_T=0
shap=0.0", - "index=Eklund, Mr. Hans Linus
Deck_T=0
shap=0.0", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_T=0
shap=0.0", - "index=Moran, Mr. Daniel J
Deck_T=0
shap=0.0", - "index=Lievens, Mr. Rene Aime
Deck_T=0
shap=0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_T=0
shap=0.0", - "index=Ayoub, Miss. Banoura
Deck_T=0
shap=0.0", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_T=0
shap=0.0", - "index=Johnston, Mr. Andrew G
Deck_T=0
shap=0.0", - "index=Ali, Mr. William
Deck_T=0
shap=0.0", - "index=Sjoblom, Miss. Anna Sofia
Deck_T=0
shap=0.0", - "index=Guggenheim, Mr. Benjamin
Deck_T=0
shap=0.0", - "index=Leader, Dr. Alice (Farnham)
Deck_T=0
shap=0.0", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_T=0
shap=0.0", - "index=Carter, Master. William Thornton II
Deck_T=0
shap=0.0", - "index=Thomas, Master. Assad Alexander
Deck_T=0
shap=0.0", - "index=Johansson, Mr. Karl Johan
Deck_T=0
shap=0.0", - "index=Slemen, Mr. Richard James
Deck_T=0
shap=0.0", - "index=Tomlin, Mr. Ernest Portage
Deck_T=0
shap=0.0", - "index=McCormack, Mr. Thomas Joseph
Deck_T=0
shap=0.0", - "index=Richards, Master. George Sibley
Deck_T=0
shap=0.0", - "index=Mudd, Mr. Thomas Charles
Deck_T=0
shap=0.0", - "index=Lemberopolous, Mr. Peter L
Deck_T=0
shap=0.0", - "index=Sage, Mr. Douglas Bullen
Deck_T=0
shap=0.0", - "index=Boulos, Miss. Nourelain
Deck_T=0
shap=0.0", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_T=0
shap=0.0", - "index=Razi, Mr. Raihed
Deck_T=0
shap=0.0", - "index=Johnson, Master. Harold Theodor
Deck_T=0
shap=0.0", - "index=Carlsson, Mr. Frans Olof
Deck_T=0
shap=0.0", - "index=Gustafsson, Mr. Alfred Ossian
Deck_T=0
shap=0.0", - "index=Montvila, Rev. Juozas
Deck_T=0
shap=0.0" - ], - "type": "scatter", - "x": [ - 2.5675491750712223e-05, - 2.5675491750712223e-05, - 2.0523200262670582e-05, - 5.218526291070567e-06, - 9.861854451125874e-06, - 8.124398447284737e-06, - 5.218526291070567e-06, - 9.861854451125874e-06, - 5.218526291070567e-06, - 2.0523200262670582e-05, - 8.124398447284737e-06, - 5.218526291070567e-06, - 9.861854451125874e-06, - 5.218526291070567e-06, - 0.0001011672809982664, - 2.0523200262670582e-05, - 8.124398447284737e-06, - 2.0523200262670582e-05, - 5.218526291070567e-06, - 2.0523200262670582e-05, - 8.124398447284737e-06, - 8.124398447284737e-06, - 0.0001011672809982664, - 8.124398447284737e-06, - 0.0001011672809982664, - 8.124398447284737e-06, - 9.861854451125874e-06, - 8.124398447284737e-06, - 5.218526291070567e-06, - 8.124398447284737e-06, - 2.0523200262670582e-05, - 8.124398447284737e-06, - 8.124398447284737e-06, - 9.861854451125874e-06, - 3.218886575124556e-05, - 8.124398447284737e-06, - 8.124398447284737e-06, - 2.0523200262670582e-05, - 2.5675491750712223e-05, - 0.0001011672809982664, - 8.124398447284737e-06, - 8.124398447284737e-06, - 0.0001011672809982664, - 5.218526291070567e-06, - 2.5675491750712223e-05, - 8.124398447284737e-06, - 2.0523200262670582e-05, - 0.0001011672809982664, - 8.124398447284737e-06, - 8.124398447284737e-06, - 8.124398447284737e-06, - 9.861854451125874e-06, - 5.218526291070567e-06, - 8.124398447284737e-06, - 8.124398447284737e-06, - 0.0001011672809982664, - 9.861854451125874e-06, - 9.861854451125874e-06, - 8.124398447284737e-06, - 2.0523200262670582e-05, - 5.218526291070567e-06, - 2.5675491750712223e-05, - 9.861854451125874e-06, - 0.0001011672809982664, - 5.218526291070567e-06, - 2.5675491750712223e-05, - 1.9633636879257174e-05, - 2.0523200262670582e-05, - 8.124398447284737e-06, - 2.0523200262670582e-05, - 8.124398447284737e-06, - 9.861854451125874e-06, - 8.124398447284737e-06, - 2.5675491750712223e-05, - 8.124398447284737e-06, - 2.0523200262670582e-05, - 8.124398447284737e-06, - 9.861854451125874e-06, - 0.0001011672809982664, - 8.124398447284737e-06, - 8.124398447284737e-06, - 2.0523200262670582e-05, - 8.124398447284737e-06, - 8.124398447284737e-06, - 2.5675491750712223e-05, - 8.124398447284737e-06, - 2.5675491750712223e-05, - 8.124398447284737e-06, - 8.124398447284737e-06, - 9.861854451125874e-06, - 9.861854451125874e-06, - 8.124398447284737e-06, - 0.0001011672809982664, - 0.0001011672809982664, - 8.124398447284737e-06, - 9.861854451125874e-06, - 8.124398447284737e-06, - 8.124398447284737e-06, - 0.0001011672809982664, - 8.124398447284737e-06, - 8.124398447284737e-06, - 8.124398447284737e-06, - 5.218526291070567e-06, - 5.218526291070567e-06, - 0.0001011672809982664, - 2.0523200262670582e-05, - 9.861854451125874e-06, - 8.124398447284737e-06, - 5.218526291070567e-06, - 9.861854451125874e-06, - 0.0001011672809982664, - 2.0523200262670582e-05, - 2.0523200262670582e-05, - 5.218526291070567e-06, - 2.5675491750712223e-05, - 8.124398447284737e-06, - 8.124398447284737e-06, - 2.5675491750712223e-05, - 8.124398447284737e-06, - 0.0001011672809982664, - 8.124398447284737e-06, - 5.218526291070567e-06, - 8.124398447284737e-06, - 0.0001011672809982664, - 2.0523200262670582e-05, - 2.0523200262670582e-05, - 2.0523200262670582e-05, - 9.861854451125874e-06, - 2.5675491750712223e-05, - 8.124398447284737e-06, - 8.124398447284737e-06, - 9.861854451125874e-06, - 8.124398447284737e-06, - 8.124398447284737e-06, - 8.124398447284737e-06, - 0.0001011672809982664, - 8.124398447284737e-06, - 5.218526291070567e-06, - 5.218526291070567e-06, - 8.124398447284737e-06, - 0.0001011672809982664, - 8.124398447284737e-06, - 9.861854451125874e-06, - 0.0001011672809982664, - 5.218526291070567e-06, - 0.0001011672809982664, - 2.0523200262670582e-05, - 2.0523200262670582e-05, - 8.124398447284737e-06, - 1.1110365045836294e-05, - 2.5675491750712223e-05, - 8.124398447284737e-06, - 0.0001011672809982664, - 0.0001011672809982664, - 0.0001011672809982664, - 8.124398447284737e-06, - 8.124398447284737e-06, - 9.528714622789246e-06, - 2.0523200262670582e-05, - 8.124398447284737e-06, - 8.124398447284737e-06, - 2.5675491750712223e-05, - 8.124398447284737e-06, - 8.124398447284737e-06, - 2.0523200262670582e-05, - 8.124398447284737e-06, - 2.0523200262670582e-05, - 8.124398447284737e-06, - 8.124398447284737e-06, - 2.5675491750712223e-05, - 8.124398447284737e-06, - 2.5675491750712223e-05, - 2.0523200262670582e-05, - 8.124398447284737e-06, - 2.5675491750712223e-05, - 5.218526291070567e-06, - 2.5675491750712223e-05, - 2.0523200262670582e-05, - 8.124398447284737e-06, - 5.218526291070567e-06, - 0.0001011672809982664, - 2.5675491750712223e-05, - 9.861854451125874e-06, - 0.0001011672809982664, - 8.124398447284737e-06, - 8.124398447284737e-06, - 8.124398447284737e-06, - 8.124398447284737e-06, - 8.124398447284737e-06, - 2.0523200262670582e-05, - 8.124398447284737e-06, - 8.124398447284737e-06, - 2.0523200262670582e-05, - 9.861854451125874e-06, - 5.218526291070567e-06, - 8.124398447284737e-06, - 8.124398447284737e-06, - 1.9633636879257174e-05, - 8.124398447284737e-06, - 8.124398447284737e-06 - ], - "xaxis": "x21", - "y": [ - 0.6136930719421039, - 0.9955845580581572, - 0.16266193596211342, - 0.5729904591607219, - 0.6865487192370971, - 0.8812175493302732, - 0.4710923417090369, - 0.18250459157834864, - 0.09525880717184243, - 0.3999282477702467, - 0.86095525208051, - 0.7927242529389686, - 0.09897104894217523, - 0.4774057871099022, - 0.16695279222672543, - 0.0083744057475158, - 0.8081285119517256, - 0.16753900548746692, - 0.4479299596390073, - 0.8654747244865919, - 0.13777294665568296, - 0.8058994213832028, - 0.6214222682706299, - 0.8652448597398995, - 0.5752174814401692, - 0.6109403852603513, - 0.9157775545586789, - 0.8332073883985286, - 0.6272040147389929, - 0.44744871825795396, - 0.18577099697464194, - 0.7189550984249573, - 0.2660477242899222, - 0.8857068459493282, - 0.5432812472560424, - 0.6885769677828522, - 0.07916250518624413, - 0.3735119526229358, - 0.16908330728899923, - 0.5754736303548164, - 0.24415385485434937, - 0.8202272054022036, - 0.186684844430699, - 0.874888822957696, - 0.6497139967273106, - 0.06815156217266838, - 0.03913687094088314, - 0.3221193991489416, - 0.12026620414720568, - 0.18063582979776083, - 0.7589058714376438, - 0.6043849243105334, - 0.27165377855192185, - 0.897240779740634, - 0.6583087436149692, - 0.7807899889072003, - 0.48636093911825184, - 0.805709263701025, - 0.6007549489822143, - 0.7555160683626772, - 0.9694683673812152, - 0.6457810027005458, - 0.216077686248618, - 0.17733116202228638, - 0.8864986911202624, - 0.24040598080293762, - 0.1952623153865869, - 0.38571251620155733, - 0.4418905568852166, - 0.8375313073519097, - 0.02876796074544652, - 0.0007857290160085961, - 0.1715791375524921, - 0.878507413846543, - 0.26456863624825766, - 0.36767595843231904, - 0.06689607465857694, - 0.5008660151259042, - 0.9424575582334599, - 0.5524350438729352, - 0.18473268876901505, - 0.6118563406125155, - 0.9524659355838219, - 0.2823358913231555, - 0.3968212201512803, - 0.041821194319463406, - 0.01781171395818748, - 0.8071783150927986, - 0.22321663017733395, - 0.21068322067514578, - 0.6956195564050621, - 0.774354447371616, - 0.594268077052307, - 0.10998690820668955, - 0.5454644905588537, - 0.5718189417150882, - 0.14651042787377044, - 0.9229485597167933, - 0.9197237759870769, - 0.8408930332204119, - 0.9036494206562201, - 0.0889436572696457, - 0.7407272666646234, - 0.8256139271253253, - 0.12230688004195645, - 0.4658280053881362, - 0.7371493962972997, - 0.3468095350653321, - 0.9133007988144941, - 0.3283238863577297, - 0.2359930995759555, - 0.4483782337124337, - 0.42678598395713907, - 0.3512527956634752, - 0.12280791468620111, - 0.4196613496355227, - 0.20355003964971974, - 0.36943275002043174, - 0.32185461399074944, - 0.1630711871369569, - 0.6506179156855162, - 0.44776480379923955, - 0.31014359921352075, - 0.7340584705440238, - 0.40590395887434505, - 0.9112865323803169, - 0.04852073404441826, - 0.14717730602331314, - 0.038978666263013384, - 0.6612026949656776, - 0.6453468866638088, - 0.1102114584166094, - 0.18089803737993038, - 0.24119085079469027, - 0.027307248403652062, - 0.1930583197710708, - 0.6980207606868399, - 0.5338865007995727, - 0.4990533120049153, - 0.10255822316944818, - 0.7710444239970604, - 0.12713014057008543, - 0.4499340544346442, - 0.5830811132147228, - 0.27716876799955426, - 0.43770380965112754, - 0.6860723211701448, - 0.10080181517672582, - 0.8866313524379617, - 0.466464595512867, - 0.1276839084772733, - 0.4441251487265502, - 0.3747279005868446, - 0.17059034430390496, - 0.017726883118098558, - 0.8095807364432253, - 0.687386612137437, - 0.5535855732984933, - 0.22455451445272434, - 0.7361532986775177, - 0.882187615784332, - 0.2981137836877389, - 0.4522163162833249, - 0.43548536623146017, - 0.6517636360178901, - 0.6089245036964944, - 0.12132844451697689, - 0.13070162977811228, - 0.7810637827774327, - 0.40389920731653817, - 0.2631678435721435, - 0.46371571444079884, - 0.7387485546605559, - 0.11187959187305918, - 0.824297529899987, - 0.39876842485188346, - 0.7523827926216272, - 0.286670218407032, - 0.24656556581411027, - 0.12503387328992677, - 0.3467249551537598, - 0.25193056897886135, - 0.4137633045464797, - 0.9142817985338889, - 0.5688740410644146, - 0.12609415924093292, - 0.764793451975918, - 0.7579797030869824, - 0.6197637640672121, - 0.5928028394597111, - 0.95330904643718, - 0.5972480488513425, - 0.6756659670325027, - 0.9072049232545627, - 0.9855145194324662, - 0.30372684785320614, - 0.02717697608863534, - 0.7531425858056288, - 0.8395238767122478, - 0.039738135971673416 - ], - "yaxis": "y21" + "None: Futrelle, Mrs. Jacques Heath (Lily May Peel)
shap: -0.020
Sex: female", + "None: Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
shap: -0.028
Sex: female", + "None: Vestrom, Miss. Hulda Amanda Adolfina
shap: -0.034
Sex: female", + "None: Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
shap: -0.033
Sex: female", + "None: Arnold-Franchi, Mrs. Josef (Josefine Franchi)
shap: -0.038
Sex: female", + "None: Rugg, Miss. Emily
shap: -0.025
Sex: female", + "None: Ilett, Miss. Bertha
shap: -0.025
Sex: female", + "None: Jussila, Miss. Katriina
shap: -0.035
Sex: female", + "None: Ford, Miss. Robina Maggie \"Ruby\"
shap: -0.038
Sex: female", + "None: Chibnall, Mrs. (Edith Martha Bowerman)
shap: -0.022
Sex: female", + "None: Andersen-Jensen, Miss. Carla Christine Nielsine
shap: -0.034
Sex: female", + "None: Asplund, Miss. Lillian Gertrud
shap: -0.041
Sex: female", + "None: Harknett, Miss. Alice Phoebe
shap: -0.035
Sex: female", + "None: Parrish, Mrs. (Lutie Davis)
shap: -0.016
Sex: female", + "None: Andrews, Miss. Kornelia Theodosia
shap: -0.024
Sex: female", + "None: Abbott, Mrs. Stanton (Rosa Hunt)
shap: -0.028
Sex: female", + "None: Frauenthal, Mrs. Henry William (Clara Heinsheimer)
shap: -0.025
Sex: female", + "None: Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
shap: -0.022
Sex: female", + "None: Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
shap: -0.026
Sex: female", + "None: Hart, Mrs. Benjamin (Esther Ada Bloomfield)
shap: -0.020
Sex: female", + "None: West, Mrs. Edwy Arthur (Ada Mary Worth)
shap: -0.023
Sex: female", + "None: Laitinen, Miss. Kristina Sofia
shap: -0.028
Sex: female", + "None: Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
shap: -0.025
Sex: female", + "None: Cacic, Miss. Marija
shap: -0.030
Sex: female", + "None: Hart, Miss. Eva Miriam
shap: -0.025
Sex: female", + "None: Ohman, Miss. Velin
shap: -0.033
Sex: female", + "None: Taussig, Mrs. Emil (Tillie Mandelbaum)
shap: -0.021
Sex: female", + "None: Appleton, Mrs. Edward Dale (Charlotte Lamson)
shap: -0.019
Sex: female", + "None: Shutes, Miss. Elizabeth W
shap: -0.022
Sex: female", + "None: Lobb, Mrs. William Arthur (Cordelia K Stanlick)
shap: -0.031
Sex: female", + "None: Stanley, Miss. Amy Zillah Elsie
shap: -0.032
Sex: female", + "None: Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
shap: -0.021
Sex: female", + "None: Turja, Miss. Anna Sofia
shap: -0.034
Sex: female", + "None: Troutt, Miss. Edwina Celia \"Winnie\"
shap: -0.023
Sex: female", + "None: Allen, Miss. Elisabeth Walton
shap: -0.016
Sex: female", + "None: Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
shap: -0.015
Sex: female", + "None: Hogeboom, Mrs. John C (Anna Andrews)
shap: -0.019
Sex: female", + "None: Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
shap: -0.018
Sex: female", + "None: Dick, Mrs. Albert Adrian (Vera Gillespie)
shap: -0.020
Sex: female", + "None: Sjoblom, Miss. Anna Sofia
shap: -0.033
Sex: female", + "None: Leader, Dr. Alice (Farnham)
shap: -0.014
Sex: female", + "None: Collyer, Mrs. Harvey (Charlotte Annie Tate)
shap: -0.023
Sex: female", + "None: Aks, Mrs. Sam (Leah Rosen)
shap: -0.030
Sex: female" + ], + "type": "scattergl", + "x": [ + 0.4170424183669806, + -0.44027639097464616, + -1.2579161208336431, + -1.00978342859258, + 2.0664651880132783, + -1.3265907087103734, + 0.5282033715551504, + -0.21769928851976986, + -0.0013248936545041442, + 1.7001410481705164, + 0.5122702746299104, + -2.1108384983637785, + 0.08794926704528934, + 0.2988168534722947, + 0.9423439697527137, + -0.23377132842952736, + -3.022428818162502, + -0.2290448538509135, + -0.39252976172244813, + -1.8794941930460496, + 0.45643607064316283, + -2.3282151503466872, + -0.1691449116072583, + 1.2706070537147078, + 0.5158352405827212, + 0.12243069004560309, + 1.0097404959018048, + -0.7668223322700141, + -0.9916979146687928, + 0.1714117826116529, + -0.2897639545533141, + -0.8994184942939645, + -0.8295503771784484, + 0.07847355751424832, + 1.7268006930932038, + 1.6058582954482534, + 1.095402537222799, + 1.1812093199567486, + 0.09962455965270954, + 0.013416911929569416, + -0.6501200042266247, + -0.2662398260340624, + -0.7666164019991185 + ], + "xaxis": "x6", + "y": [ + -0.01973522131537109, + -0.028129969659028524, + -0.03442428966418204, + -0.03298032637896262, + -0.03764467697909326, + -0.025240721671069378, + -0.024841620571911433, + -0.0349202054527379, + -0.0381028573455852, + -0.021782812366726283, + -0.03397468831581581, + -0.040876989878789904, + -0.035341546852412614, + -0.015961501780183938, + -0.024288233175620497, + -0.027664093978134647, + -0.025056799376833257, + -0.02246088043641507, + -0.026012280257850632, + -0.019862388362799414, + -0.02305566816136292, + -0.028086043233899714, + -0.025280306221773605, + -0.029671168777939363, + -0.024514004517796388, + -0.03268297344967961, + -0.02103998424891222, + -0.01934623978592788, + -0.022148593283069465, + -0.030766297592273523, + -0.032435355903613024, + -0.02145554870919129, + -0.03404164566582123, + -0.022833079462454657, + -0.015698346457355388, + -0.01504054082598547, + -0.018522696337630234, + -0.018087897025425775, + -0.019658461859120006, + -0.03337749209557678, + -0.01442792818479724, + -0.022970157066744202, + -0.030388935717947554 + ], + "yaxis": "y6" + } + ], + "layout": { + "hovermode": "closest", + "template": { + "data": { + "scatter": [ + { + "type": "scatter" + } + ] + } + }, + "title": { + "text": "Shap values for Embarked
(colored by Sex)" + }, + "xaxis": { + "anchor": "y", + "domain": [ + 0, + 0.20833333333333334 + ] + }, + "xaxis2": { + "anchor": "y2", + "domain": [ + 0.24166666666666667, + 0.3111111111111111 + ], + "showgrid": false, + "visible": false, + "zeroline": false + }, + "xaxis3": { + "anchor": "y3", + "domain": [ + 0.34444444444444444, + 0.5527777777777778 + ] + }, + "xaxis4": { + "anchor": "y4", + "domain": [ + 0.5861111111111111, + 0.6555555555555556 + ], + "showgrid": false, + "visible": false, + "zeroline": false + }, + "xaxis5": { + "anchor": "y5", + "domain": [ + 0.6888888888888889, + 0.8972222222222223 + ] + }, + "xaxis6": { + "anchor": "y6", + "domain": [ + 0.9305555555555556, + 1 + ], + "showgrid": false, + "visible": false, + "zeroline": false + }, + "yaxis": { + "anchor": "x", + "domain": [ + 0, + 1 + ], + "range": [ + -0.05141665650849264, + 0.07505934304794022 + ], + "title": { + "text": "SHAP value" + } + }, + "yaxis2": { + "anchor": "x2", + "domain": [ + 0, + 1 + ], + "matches": "y", + "range": [ + -0.05141665650849264, + 0.07505934304794022 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "yaxis3": { + "anchor": "x3", + "domain": [ + 0, + 1 + ], + "matches": "y", + "range": [ + -0.05141665650849264, + 0.07505934304794022 + ], + "showticklabels": false + }, + "yaxis4": { + "anchor": "x4", + "domain": [ + 0, + 1 + ], + "matches": "y", + "range": [ + -0.05141665650849264, + 0.07505934304794022 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "yaxis5": { + "anchor": "x5", + "domain": [ + 0, + 1 + ], + "matches": "y", + "range": [ + -0.05141665650849264, + 0.07505934304794022 + ], + "showticklabels": false }, + "yaxis6": { + "anchor": "x6", + "domain": [ + 0, + 1 + ], + "matches": "y", + "range": [ + -0.05141665650849264, + 0.07505934304794022 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_dependence(\"Embarked\", color_col=\"Sex\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Highlight particular index" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T15:58:57.214238Z", + "start_time": "2021-01-20T15:58:57.183317Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ { "hoverinfo": "text", "marker": { - "color": [ - 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, - 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, - 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, - 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, - 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, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 + "opacity": 0.6, + "showscale": false, + "size": 7 }, "mode": "markers", - "name": "Sex_nan", + "name": "Sex_female", "opacity": 0.8, - "showlegend": false, + "showlegend": true, "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Sex_nan=0
shap=0.0", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Sex_nan=0
shap=0.0", - "index=Palsson, Master. Gosta Leonard
Sex_nan=0
shap=0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Sex_nan=0
shap=0.0", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Sex_nan=0
shap=0.0", - "index=Saundercock, Mr. William Henry
Sex_nan=0
shap=0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Sex_nan=0
shap=0.0", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Sex_nan=0
shap=0.0", - "index=Glynn, Miss. Mary Agatha
Sex_nan=0
shap=0.0", - "index=Meyer, Mr. Edgar Joseph
Sex_nan=0
shap=0.0", - "index=Kraeff, Mr. Theodor
Sex_nan=0
shap=0.0", - "index=Devaney, Miss. Margaret Delia
Sex_nan=0
shap=0.0", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Sex_nan=0
shap=0.0", - "index=Rugg, Miss. Emily
Sex_nan=0
shap=0.0", - "index=Harris, Mr. Henry Birkhardt
Sex_nan=0
shap=0.0", - "index=Skoog, Master. Harald
Sex_nan=0
shap=0.0", - "index=Kink, Mr. Vincenz
Sex_nan=0
shap=0.0", - "index=Hood, Mr. Ambrose Jr
Sex_nan=0
shap=0.0", - "index=Ilett, Miss. Bertha
Sex_nan=0
shap=0.0", - "index=Ford, Mr. William Neal
Sex_nan=0
shap=0.0", - "index=Christmann, Mr. Emil
Sex_nan=0
shap=0.0", - "index=Andreasson, Mr. Paul Edvin
Sex_nan=0
shap=0.0", - "index=Chaffee, Mr. Herbert Fuller
Sex_nan=0
shap=0.0", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Sex_nan=0
shap=0.0", - "index=White, Mr. Richard Frasar
Sex_nan=0
shap=0.0", - "index=Rekic, Mr. Tido
Sex_nan=0
shap=0.0", - "index=Moran, Miss. Bertha
Sex_nan=0
shap=0.0", - "index=Barton, Mr. David John
Sex_nan=0
shap=0.0", - "index=Jussila, Miss. Katriina
Sex_nan=0
shap=0.0", - "index=Pekoniemi, Mr. Edvard
Sex_nan=0
shap=0.0", - "index=Turpin, Mr. William John Robert
Sex_nan=0
shap=0.0", - "index=Moore, Mr. Leonard Charles
Sex_nan=0
shap=0.0", - "index=Osen, Mr. Olaf Elon
Sex_nan=0
shap=0.0", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Sex_nan=0
shap=0.0", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Sex_nan=0
shap=0.0", - "index=Bateman, Rev. Robert James
Sex_nan=0
shap=0.0", - "index=Meo, Mr. Alfonzo
Sex_nan=0
shap=0.0", - "index=Cribb, Mr. John Hatfield
Sex_nan=0
shap=0.0", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Sex_nan=0
shap=0.0", - "index=Van der hoef, Mr. Wyckoff
Sex_nan=0
shap=0.0", - "index=Sivola, Mr. Antti Wilhelm
Sex_nan=0
shap=0.0", - "index=Klasen, Mr. Klas Albin
Sex_nan=0
shap=0.0", - "index=Rood, Mr. Hugh Roscoe
Sex_nan=0
shap=0.0", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Sex_nan=0
shap=0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Sex_nan=0
shap=0.0", - "index=Vande Walle, Mr. Nestor Cyriel
Sex_nan=0
shap=0.0", - "index=Backstrom, Mr. Karl Alfred
Sex_nan=0
shap=0.0", - "index=Blank, Mr. Henry
Sex_nan=0
shap=0.0", - "index=Ali, Mr. Ahmed
Sex_nan=0
shap=0.0", - "index=Green, Mr. George Henry
Sex_nan=0
shap=0.0", - "index=Nenkoff, Mr. Christo
Sex_nan=0
shap=0.0", - "index=Asplund, Miss. Lillian Gertrud
Sex_nan=0
shap=0.0", - "index=Harknett, Miss. Alice Phoebe
Sex_nan=0
shap=0.0", - "index=Hunt, Mr. George Henry
Sex_nan=0
shap=0.0", - "index=Reed, Mr. James George
Sex_nan=0
shap=0.0", - "index=Stead, Mr. William Thomas
Sex_nan=0
shap=0.0", - "index=Thorne, Mrs. Gertrude Maybelle
Sex_nan=0
shap=0.0", - "index=Parrish, Mrs. (Lutie Davis)
Sex_nan=0
shap=0.0", - "index=Smith, Mr. Thomas
Sex_nan=0
shap=0.0", - "index=Asplund, Master. Edvin Rojj Felix
Sex_nan=0
shap=0.0", - "index=Healy, Miss. Hanora \"Nora\"
Sex_nan=0
shap=0.0", - "index=Andrews, Miss. Kornelia Theodosia
Sex_nan=0
shap=0.0", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Sex_nan=0
shap=0.0", - "index=Smith, Mr. Richard William
Sex_nan=0
shap=0.0", - "index=Connolly, Miss. Kate
Sex_nan=0
shap=0.0", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Sex_nan=0
shap=0.0", - "index=Levy, Mr. Rene Jacques
Sex_nan=0
shap=0.0", - "index=Lewy, Mr. Ervin G
Sex_nan=0
shap=0.0", - "index=Williams, Mr. Howard Hugh \"Harry\"
Sex_nan=0
shap=0.0", - "index=Sage, Mr. George John Jr
Sex_nan=0
shap=0.0", - "index=Nysveen, Mr. Johan Hansen
Sex_nan=0
shap=0.0", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Sex_nan=0
shap=0.0", - "index=Denkoff, Mr. Mitto
Sex_nan=0
shap=0.0", - "index=Burns, Miss. Elizabeth Margaret
Sex_nan=0
shap=0.0", - "index=Dimic, Mr. Jovan
Sex_nan=0
shap=0.0", - "index=del Carlo, Mr. Sebastiano
Sex_nan=0
shap=0.0", - "index=Beavan, Mr. William Thomas
Sex_nan=0
shap=0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Sex_nan=0
shap=0.0", - "index=Widener, Mr. Harry Elkins
Sex_nan=0
shap=0.0", - "index=Gustafsson, Mr. Karl Gideon
Sex_nan=0
shap=0.0", - "index=Plotcharsky, Mr. Vasil
Sex_nan=0
shap=0.0", - "index=Goodwin, Master. Sidney Leonard
Sex_nan=0
shap=0.0", - "index=Sadlier, Mr. Matthew
Sex_nan=0
shap=0.0", - "index=Gustafsson, Mr. Johan Birger
Sex_nan=0
shap=0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Sex_nan=0
shap=0.0", - "index=Niskanen, Mr. Juha
Sex_nan=0
shap=0.0", - "index=Minahan, Miss. Daisy E
Sex_nan=0
shap=0.0", - "index=Matthews, Mr. William John
Sex_nan=0
shap=0.0", - "index=Charters, Mr. David
Sex_nan=0
shap=0.0", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Sex_nan=0
shap=0.0", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Sex_nan=0
shap=0.0", - "index=Johannesen-Bratthammer, Mr. Bernt
Sex_nan=0
shap=0.0", - "index=Peuchen, Major. Arthur Godfrey
Sex_nan=0
shap=0.0", - "index=Anderson, Mr. Harry
Sex_nan=0
shap=0.0", - "index=Milling, Mr. Jacob Christian
Sex_nan=0
shap=0.0", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Sex_nan=0
shap=0.0", - "index=Karlsson, Mr. Nils August
Sex_nan=0
shap=0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Sex_nan=0
shap=0.0", - "index=Bishop, Mr. Dickinson H
Sex_nan=0
shap=0.0", - "index=Windelov, Mr. Einar
Sex_nan=0
shap=0.0", - "index=Shellard, Mr. Frederick William
Sex_nan=0
shap=0.0", - "index=Svensson, Mr. Olof
Sex_nan=0
shap=0.0", - "index=O'Sullivan, Miss. Bridget Mary
Sex_nan=0
shap=0.0", - "index=Laitinen, Miss. Kristina Sofia
Sex_nan=0
shap=0.0", - "index=Penasco y Castellana, Mr. Victor de Satode
Sex_nan=0
shap=0.0", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Sex_nan=0
shap=0.0", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Sex_nan=0
shap=0.0", - "index=Kassem, Mr. Fared
Sex_nan=0
shap=0.0", - "index=Cacic, Miss. Marija
Sex_nan=0
shap=0.0", - "index=Hart, Miss. Eva Miriam
Sex_nan=0
shap=0.0", - "index=Butt, Major. Archibald Willingham
Sex_nan=0
shap=0.0", - "index=Beane, Mr. Edward
Sex_nan=0
shap=0.0", - "index=Goldsmith, Mr. Frank John
Sex_nan=0
shap=0.0", - "index=Ohman, Miss. Velin
Sex_nan=0
shap=0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Sex_nan=0
shap=0.0", - "index=Morrow, Mr. Thomas Rowan
Sex_nan=0
shap=0.0", - "index=Harris, Mr. George
Sex_nan=0
shap=0.0", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Sex_nan=0
shap=0.0", - "index=Patchett, Mr. George
Sex_nan=0
shap=0.0", - "index=Ross, Mr. John Hugo
Sex_nan=0
shap=0.0", - "index=Murdlin, Mr. Joseph
Sex_nan=0
shap=0.0", - "index=Bourke, Miss. Mary
Sex_nan=0
shap=0.0", - "index=Boulos, Mr. Hanna
Sex_nan=0
shap=0.0", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Sex_nan=0
shap=0.0", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Sex_nan=0
shap=0.0", - "index=Lindell, Mr. Edvard Bengtsson
Sex_nan=0
shap=0.0", - "index=Daniel, Mr. Robert Williams
Sex_nan=0
shap=0.0", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Sex_nan=0
shap=0.0", - "index=Shutes, Miss. Elizabeth W
Sex_nan=0
shap=0.0", - "index=Jardin, Mr. Jose Neto
Sex_nan=0
shap=0.0", - "index=Horgan, Mr. John
Sex_nan=0
shap=0.0", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Sex_nan=0
shap=0.0", - "index=Yasbeck, Mr. Antoni
Sex_nan=0
shap=0.0", - "index=Bostandyeff, Mr. Guentcho
Sex_nan=0
shap=0.0", - "index=Lundahl, Mr. Johan Svensson
Sex_nan=0
shap=0.0", - "index=Stahelin-Maeglin, Dr. Max
Sex_nan=0
shap=0.0", - "index=Willey, Mr. Edward
Sex_nan=0
shap=0.0", - "index=Stanley, Miss. Amy Zillah Elsie
Sex_nan=0
shap=0.0", - "index=Hegarty, Miss. Hanora \"Nora\"
Sex_nan=0
shap=0.0", - "index=Eitemiller, Mr. George Floyd
Sex_nan=0
shap=0.0", - "index=Colley, Mr. Edward Pomeroy
Sex_nan=0
shap=0.0", - "index=Coleff, Mr. Peju
Sex_nan=0
shap=0.0", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Sex_nan=0
shap=0.0", - "index=Davidson, Mr. Thornton
Sex_nan=0
shap=0.0", - "index=Turja, Miss. Anna Sofia
Sex_nan=0
shap=0.0", - "index=Hassab, Mr. Hammad
Sex_nan=0
shap=0.0", - "index=Goodwin, Mr. Charles Edward
Sex_nan=0
shap=0.0", - "index=Panula, Mr. Jaako Arnold
Sex_nan=0
shap=0.0", - "index=Fischer, Mr. Eberhard Thelander
Sex_nan=0
shap=0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Sex_nan=0
shap=0.0", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Sex_nan=0
shap=0.0", - "index=Hansen, Mr. Henrik Juul
Sex_nan=0
shap=0.0", - "index=Calderhead, Mr. Edward Pennington
Sex_nan=0
shap=0.0", - "index=Klaber, Mr. Herman
Sex_nan=0
shap=0.0", - "index=Taylor, Mr. Elmer Zebley
Sex_nan=0
shap=0.0", - "index=Larsson, Mr. August Viktor
Sex_nan=0
shap=0.0", - "index=Greenberg, Mr. Samuel
Sex_nan=0
shap=0.0", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Sex_nan=0
shap=0.0", - "index=McEvoy, Mr. Michael
Sex_nan=0
shap=0.0", - "index=Johnson, Mr. Malkolm Joackim
Sex_nan=0
shap=0.0", - "index=Gillespie, Mr. William Henry
Sex_nan=0
shap=0.0", - "index=Allen, Miss. Elisabeth Walton
Sex_nan=0
shap=0.0", - "index=Berriman, Mr. William John
Sex_nan=0
shap=0.0", - "index=Troupiansky, Mr. Moses Aaron
Sex_nan=0
shap=0.0", - "index=Williams, Mr. Leslie
Sex_nan=0
shap=0.0", - "index=Ivanoff, Mr. Kanio
Sex_nan=0
shap=0.0", - "index=McNamee, Mr. Neal
Sex_nan=0
shap=0.0", - "index=Connaghton, Mr. Michael
Sex_nan=0
shap=0.0", - "index=Carlsson, Mr. August Sigfrid
Sex_nan=0
shap=0.0", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Sex_nan=0
shap=0.0", - "index=Eklund, Mr. Hans Linus
Sex_nan=0
shap=0.0", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Sex_nan=0
shap=0.0", - "index=Moran, Mr. Daniel J
Sex_nan=0
shap=0.0", - "index=Lievens, Mr. Rene Aime
Sex_nan=0
shap=0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Sex_nan=0
shap=0.0", - "index=Ayoub, Miss. Banoura
Sex_nan=0
shap=0.0", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Sex_nan=0
shap=0.0", - "index=Johnston, Mr. Andrew G
Sex_nan=0
shap=0.0", - "index=Ali, Mr. William
Sex_nan=0
shap=0.0", - "index=Sjoblom, Miss. Anna Sofia
Sex_nan=0
shap=0.0", - "index=Guggenheim, Mr. Benjamin
Sex_nan=0
shap=0.0", - "index=Leader, Dr. Alice (Farnham)
Sex_nan=0
shap=0.0", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Sex_nan=0
shap=0.0", - "index=Carter, Master. William Thornton II
Sex_nan=0
shap=0.0", - "index=Thomas, Master. Assad Alexander
Sex_nan=0
shap=0.0", - "index=Johansson, Mr. Karl Johan
Sex_nan=0
shap=0.0", - "index=Slemen, Mr. Richard James
Sex_nan=0
shap=0.0", - "index=Tomlin, Mr. Ernest Portage
Sex_nan=0
shap=0.0", - "index=McCormack, Mr. Thomas Joseph
Sex_nan=0
shap=0.0", - "index=Richards, Master. George Sibley
Sex_nan=0
shap=0.0", - "index=Mudd, Mr. Thomas Charles
Sex_nan=0
shap=0.0", - "index=Lemberopolous, Mr. Peter L
Sex_nan=0
shap=0.0", - "index=Sage, Mr. Douglas Bullen
Sex_nan=0
shap=0.0", - "index=Boulos, Miss. Nourelain
Sex_nan=0
shap=0.0", - "index=Aks, Mrs. Sam (Leah Rosen)
Sex_nan=0
shap=0.0", - "index=Razi, Mr. Raihed
Sex_nan=0
shap=0.0", - "index=Johnson, Master. Harold Theodor
Sex_nan=0
shap=0.0", - "index=Carlsson, Mr. Frans Olof
Sex_nan=0
shap=0.0", - "index=Gustafsson, Mr. Alfred Ossian
Sex_nan=0
shap=0.0", - "index=Montvila, Rev. Juozas
Sex_nan=0
shap=0.0" - ], - "type": "scatter", + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
Sex=Sex_female
SHAP=-0.015", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
Sex=Sex_female
SHAP=0.001", + "None=Palsson, Master. Gosta Leonard
Age=27.0
Sex=Sex_female
SHAP=-0.005", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=14.0
Sex=Sex_female
SHAP=0.019", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
Sex=Sex_female
SHAP=0.012", + "None=Saundercock, Mr. William Henry
Age=38.0
Sex=Sex_female
SHAP=-0.029", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Age=nan
Sex=Sex_female
SHAP=0.018", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=19.0
Sex=Sex_female
SHAP=0.004", + "None=Glynn, Miss. Mary Agatha
Age=18.0
Sex=Sex_female
SHAP=0.000", + "None=Meyer, Mr. Edgar Joseph
Age=21.0
Sex=Sex_female
SHAP=0.002", + "None=Kraeff, Mr. Theodor
Age=17.0
Sex=Sex_female
SHAP=0.005", + "None=Devaney, Miss. Margaret Delia
Age=nan
Sex=Sex_female
SHAP=0.017", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=20.0
Sex=Sex_female
SHAP=-0.002", + "None=Rugg, Miss. Emily
Age=9.0
Sex=Sex_female
SHAP=0.020", + "None=Harris, Mr. Henry Birkhardt
Age=nan
Sex=Sex_female
SHAP=0.010", + "None=Skoog, Master. Harald
Age=19.0
Sex=Sex_female
SHAP=0.001", + "None=Kink, Mr. Vincenz
Age=44.0
Sex=Sex_female
SHAP=-0.031", + "None=Hood, Mr. Ambrose Jr
Age=5.0
Sex=Sex_female
SHAP=0.009", + "None=Ilett, Miss. Bertha
Age=nan
Sex=Sex_female
SHAP=0.007", + "None=Ford, Mr. William Neal
Age=nan
Sex=Sex_female
SHAP=0.007", + "None=Christmann, Mr. Emil
Age=50.0
Sex=Sex_female
SHAP=-0.017", + "None=Andreasson, Mr. Paul Edvin
Age=nan
Sex=Sex_female
SHAP=0.018", + "None=Chaffee, Mr. Herbert Fuller
Age=63.0
Sex=Sex_female
SHAP=-0.046", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Age=35.0
Sex=Sex_female
SHAP=-0.018", + "None=White, Mr. Richard Frasar
Age=22.0
Sex=Sex_female
SHAP=0.003", + "None=Rekic, Mr. Tido
Age=19.0
Sex=Sex_female
SHAP=0.011", + "None=Moran, Miss. Bertha
Age=nan
Sex=Sex_female
SHAP=0.008", + "None=Barton, Mr. David John
Age=41.0
Sex=Sex_female
SHAP=-0.012", + "None=Jussila, Miss. Katriina
Age=nan
Sex=Sex_female
SHAP=0.007", + "None=Pekoniemi, Mr. Edvard
Age=24.0
Sex=Sex_female
SHAP=0.014", + "None=Turpin, Mr. William John Robert
Age=33.0
Sex=Sex_female
SHAP=-0.005", + "None=Moore, Mr. Leonard Charles
Age=19.0
Sex=Sex_female
SHAP=0.005", + "None=Osen, Mr. Olaf Elon
Age=45.0
Sex=Sex_female
SHAP=-0.029", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Age=33.0
Sex=Sex_female
SHAP=-0.007", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=nan
Sex=Sex_female
SHAP=0.018", + "None=Bateman, Rev. Robert James
Age=37.0
Sex=Sex_female
SHAP=-0.014", + "None=Meo, Mr. Alfonzo
Age=36.0
Sex=Sex_female
SHAP=-0.003", + "None=Cribb, Mr. John Hatfield
Age=30.0
Sex=Sex_female
SHAP=0.001", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Age=7.0
Sex=Sex_female
SHAP=0.025", + "None=Van der hoef, Mr. Wyckoff
Age=22.0
Sex=Sex_female
SHAP=0.004", + "None=Sivola, Mr. Antti Wilhelm
Age=39.0
Sex=Sex_female
SHAP=-0.015", + "None=Klasen, Mr. Klas Albin
Age=53.0
Sex=Sex_female
SHAP=-0.022", + "None=Rood, Mr. Hugh Roscoe
Age=nan
Sex=Sex_female
SHAP=0.022", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=22.0
Sex=Sex_female
SHAP=0.011", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Age=40.0
Sex=Sex_female
SHAP=-0.016", + "None=Vande Walle, Mr. Nestor Cyriel
Age=26.0
Sex=Sex_female
SHAP=-0.002", + "None=Backstrom, Mr. Karl Alfred
Age=23.0
Sex=Sex_female
SHAP=0.004", + "None=Blank, Mr. Henry
Age=18.0
Sex=Sex_female
SHAP=0.004", + "None=Ali, Mr. Ahmed
Age=40.0
Sex=Sex_female
SHAP=-0.021", + "None=Green, Mr. George Henry
Age=18.0
Sex=Sex_female
SHAP=0.001", + "None=Nenkoff, Mr. Christo
Age=18.0
Sex=Sex_female
SHAP=0.013", + "None=Asplund, Miss. Lillian Gertrud
Age=27.0
Sex=Sex_female
SHAP=0.014", + "None=Harknett, Miss. Alice Phoebe
Age=29.0
Sex=Sex_female
SHAP=0.012", + "None=Hunt, Mr. George Henry
Age=33.0
Sex=Sex_female
SHAP=0.008", + "None=Reed, Mr. James George
Age=51.0
Sex=Sex_female
SHAP=-0.015", + "None=Stead, Mr. William Thomas
Age=43.0
Sex=Sex_female
SHAP=-0.015", + "None=Thorne, Mrs. Gertrude Maybelle
Age=13.0
Sex=Sex_female
SHAP=0.015", + "None=Parrish, Mrs. (Lutie Davis)
Age=17.0
Sex=Sex_female
SHAP=0.012", + "None=Smith, Mr. Thomas
Age=18.0
Sex=Sex_female
SHAP=0.002", + "None=Asplund, Master. Edvin Rojj Felix
Age=49.0
Sex=Sex_female
SHAP=-0.017", + "None=Healy, Miss. Hanora \"Nora\"
Age=31.0
Sex=Sex_female
SHAP=0.002", + "None=Andrews, Miss. Kornelia Theodosia
Age=9.0
Sex=Sex_female
SHAP=0.027", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Age=18.0
Sex=Sex_female
SHAP=0.003" + ], + "type": "scattergl", "x": [ - 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, - 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, - 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, - 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, - 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, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 + 38, + 35, + 27, + 14, + 14, + 38, + null, + 19, + 18, + 21, + 17, + null, + 20, + 9, + null, + 19, + 44, + 5, + null, + null, + 50, + null, + 63, + 35, + 22, + 19, + null, + 41, + null, + 24, + 33, + 19, + 45, + 33, + null, + 37, + 36, + 30, + 7, + 22, + 39, + 53, + null, + 22, + 40, + 26, + 23, + 18, + 40, + 18, + 18, + 27, + 29, + 33, + 51, + 43, + 13, + 17, + 18, + 49, + 31, + 9, + 18 ], - "xaxis": "x22", - "y": [ - 0.3282766418152059, - 0.02648821919490707, - 0.07717526004622366, - 0.18255324356702318, - 0.9692729334347202, - 0.6262166122540559, - 0.843966521574948, - 0.9584887379643101, - 0.4720117475195259, - 0.25949381920473324, - 0.1575221800660611, - 0.9314751552529217, - 0.78088852191409, - 0.7859705233341854, - 0.3702624236912738, - 0.7534975738668861, - 0.07502976519355264, - 0.7358480780585414, - 0.372155128796425, - 0.03802363370605111, - 0.6177323535270272, - 0.36644366934728845, - 0.3738076725104259, - 0.5615252361211269, - 0.014838109136393385, - 0.3079533528693581, - 0.6746470050999156, - 0.040569321423270965, - 0.9102999376972851, - 0.8632056725407281, - 0.5215650362475366, - 0.9940711033165881, - 0.4441651439158836, - 0.5658706649122934, - 0.6940548720469929, - 0.6485714891631319, - 0.48336132636828677, - 0.12724244305246069, - 0.7150481331364741, - 0.7563865591965944, - 0.3391648814181759, - 0.6542486280986846, - 0.6858701943417022, - 0.9598577174777156, - 0.2491548478788982, - 0.968855559972755, - 0.04646008897097387, - 0.49382012039856216, - 0.048815100403089895, - 0.1728046503555436, - 0.7554803435494182, - 0.2081258763041024, - 0.9402784452533188, - 0.5539049247139844, - 0.30980907285864334, - 0.3549493174081537, - 0.2620406830790376, - 0.7721936833691806, - 0.6190633926968462, - 0.3791460187484137, - 0.2781751401922017, - 0.4369568320245527, - 0.17247328582757016, - 0.9294411754152618, - 0.10465730452548816, - 0.2941273552010285, - 0.9989931392896181, - 0.8641098463173346, - 0.6675912729212935, - 0.28716653910011924, - 0.8595306377244617, - 0.5861043111342804, - 0.031945150323232196, - 0.8261894970092769, - 0.7547960269020245, - 0.23392103444038825, - 0.21293601952787367, - 0.34377108289197456, - 0.7795677216397519, - 0.41973179024219165, - 0.8006744155015665, - 0.7523331613533338, - 0.8361317705379491, - 0.1524733898307482, - 0.35305180519609636, - 0.8829541774246276, - 0.17225560812125296, - 0.9317882241096463, - 0.8214668549402707, - 0.9207022101960294, - 0.5203585891558625, - 0.27833089257760724, - 0.19726725954914281, - 0.1651688582504336, - 0.7292620732718986, - 0.10765046488793661, - 0.36349520077183695, - 0.2019049668137165, - 0.20001356162697637, - 0.5993888523200217, - 0.524027378236461, - 0.32504115677479783, - 0.25595891112305325, - 0.06196702658834874, - 0.2886896087459132, - 0.43577689926155305, - 0.21932071059519476, - 0.40133142064689376, - 0.24206659087614257, - 0.39860840080883, - 0.05968219095437599, - 0.404614390719254, - 0.0034453399654390537, - 0.6078909054133591, - 0.2579777350469865, - 0.05782432805304827, - 0.746332793297252, - 0.22991925677958358, - 0.48566850001103967, - 0.30788087715175516, - 0.5507511144623781, - 0.40444705319734076, - 0.46388080946885424, - 0.7086526312801489, - 0.7714870641441813, - 0.31713853583774776, - 0.9001359387685417, - 0.5659468323147093, - 0.7677938395806045, - 0.4322855729273297, - 0.23851945563706323, - 0.2592828809883807, - 0.6621809455190316, - 0.21960743653558856, - 0.40084628093834307, - 0.9847236485169094, - 0.15708204443011464, - 0.6922097439061089, - 0.7526992660838194, - 0.15209612288103858, - 0.3609073645295101, - 0.5624193160429392, - 0.5640119838303309, - 0.72148578097152, - 0.35712732208446973, - 0.47113035154890914, - 0.7149911856026229, - 0.3740170549861027, - 0.8606423588002332, - 0.35008043602825545, - 0.48631384255233423, - 0.6800676915001027, - 0.7030438948023171, - 0.6647324108161073, - 0.0007725283419320883, - 0.8669171229754068, - 0.3964430396896834, - 0.8395870231733288, - 0.9310821563966292, - 0.014241049366277791, - 0.5814507481353034, - 0.943925737590039, - 0.5882007903255256, - 0.5628186262180124, - 0.08949012749904561, - 0.012764636816907537, - 0.8073590310649607, - 0.4735015310127555, - 0.6479828264548549, - 0.818093416689154, - 0.32608050646861175, - 0.12705431369812914, - 0.4462929167301207, - 0.5104608507993299, - 0.17771322754578267, - 0.2161252560355038, - 0.7873260356977083, - 0.5492409107928821, - 0.415343229287616, - 0.9075006885139475, - 0.7994338817599752, - 0.36629309587813697, - 0.7783784725866248, - 0.10586724777107781, - 0.27440480504310594, - 0.0664403251397907, - 0.2753529374053424, - 0.7791593482779751, - 0.6004979476357346, - 0.8284732269995017, - 0.28350089833011527, - 0.7995614617099409, - 0.9752279758379175, - 0.42714199392500407, - 0.9430504683618482, - 0.8471354906671854, - 0.6789695731594745, - 0.5407436114557401, - 0.8168177431079652, - 0.9791466163961849 - ], - "yaxis": "y22" - } - ], - "layout": { - "annotations": [ - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Sex_male", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 1, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Sex_female", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.953512396694215, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Deck_Unkown", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.9070247933884297, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "PassengerClass", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.8605371900826446, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Fare", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.8140495867768595, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "No_of_relatives_on_board", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.7675619834710743, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Embarked_Southampton", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.7210743801652892, - "yanchor": "bottom", - "yref": "paper" + "y": [ + -0.01543575884051485, + 0.001017580029253427, + -0.004642400966860567, + 0.01886898453959005, + 0.012000649245291508, + -0.029219900499822055, + 0.017860315983689756, + 0.0038270742756876352, + 0.00011531528705203396, + 0.0019991754460363487, + 0.004877530303213302, + 0.016894481095939034, + -0.0023036298552346025, + 0.019923704579522205, + 0.010127881001692136, + 0.0013011339905174932, + -0.030964963174419973, + 0.008948919524091964, + 0.006911346832543607, + 0.00749824017760441, + -0.016529842582446563, + 0.017860315983689756, + -0.04643843876731938, + -0.018344843015053926, + 0.00288465227705189, + 0.01091979238529017, + 0.008331905133664753, + -0.01165651725162293, + 0.007016698209373496, + 0.01390396703407723, + -0.004583754986690697, + 0.004579151569428911, + -0.0288032769974192, + -0.007032322715608487, + 0.017860315983689756, + -0.014410542106798206, + -0.002774874005761946, + 0.0005004882727739139, + 0.025000669166390332, + 0.003996662898739415, + -0.014684099237695706, + -0.02174014302606216, + 0.021544164966014683, + 0.011386582089526837, + -0.015847560854189407, + -0.002018414193370629, + 0.0035455370358598265, + 0.003762027178754988, + -0.02089772355955246, + 0.0012877740407807698, + 0.013271677612023814, + 0.014060787787726842, + 0.011970609366728556, + 0.00832078532458736, + -0.015091851349614922, + -0.015080911855039533, + 0.014971517903137438, + 0.01195079136962356, + 0.0023184703976523724, + -0.016989631294643825, + 0.00247311896616024, + 0.027451269501566667, + 0.0032762843284354164 + ] + }, + { + "hoverinfo": "text", + "marker": { + "opacity": 0.6, + "showscale": false, + "size": 7 }, - { - "font": { - "size": 16 + "mode": "markers", + "name": "Sex_male", + "opacity": 0.8, + "showlegend": true, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=2.0
Sex=Sex_male
SHAP=0.035", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=20.0
Sex=Sex_male
SHAP=0.005", + "None=Palsson, Master. Gosta Leonard
Age=28.0
Sex=Sex_male
SHAP=-0.001", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=nan
Sex=Sex_male
SHAP=0.009", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Age=45.0
Sex=Sex_male
SHAP=-0.030", + "None=Saundercock, Mr. William Henry
Age=4.0
Sex=Sex_male
SHAP=0.029", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Age=26.0
Sex=Sex_male
SHAP=0.003", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=21.0
Sex=Sex_male
SHAP=0.006", + "None=Glynn, Miss. Mary Agatha
Age=16.0
Sex=Sex_male
SHAP=0.003", + "None=Meyer, Mr. Edgar Joseph
Age=29.0
Sex=Sex_male
SHAP=0.005", + "None=Kraeff, Mr. Theodor
Age=20.0
Sex=Sex_male
SHAP=0.005", + "None=Devaney, Miss. Margaret Delia
Age=46.0
Sex=Sex_male
SHAP=-0.037", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Rugg, Miss. Emily
Age=21.0
Sex=Sex_male
SHAP=0.030", + "None=Harris, Mr. Henry Birkhardt
Age=38.0
Sex=Sex_male
SHAP=-0.019", + "None=Skoog, Master. Harald
Age=22.0
Sex=Sex_male
SHAP=0.006", + "None=Kink, Mr. Vincenz
Age=21.0
Sex=Sex_male
SHAP=0.004", + "None=Hood, Mr. Ambrose Jr
Age=29.0
Sex=Sex_male
SHAP=0.003", + "None=Ilett, Miss. Bertha
Age=nan
Sex=Sex_male
SHAP=0.007", + "None=Ford, Mr. William Neal
Age=16.0
Sex=Sex_male
SHAP=0.007", + "None=Christmann, Mr. Emil
Age=36.5
Sex=Sex_male
SHAP=-0.010", + "None=Andreasson, Mr. Paul Edvin
Age=51.0
Sex=Sex_male
SHAP=-0.019", + "None=Chaffee, Mr. Herbert Fuller
Age=55.5
Sex=Sex_male
SHAP=-0.031", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Age=44.0
Sex=Sex_male
SHAP=-0.039", + "None=White, Mr. Richard Frasar
Age=61.0
Sex=Sex_male
SHAP=-0.064", + "None=Rekic, Mr. Tido
Age=21.0
Sex=Sex_male
SHAP=0.004", + "None=Moran, Miss. Bertha
Age=18.0
Sex=Sex_male
SHAP=-0.001", + "None=Barton, Mr. David John
Age=nan
Sex=Sex_male
SHAP=0.015", + "None=Jussila, Miss. Katriina
Age=28.0
Sex=Sex_male
SHAP=0.004", + "None=Pekoniemi, Mr. Edvard
Age=32.0
Sex=Sex_male
SHAP=0.007", + "None=Turpin, Mr. William John Robert
Age=40.0
Sex=Sex_male
SHAP=-0.029", + "None=Moore, Mr. Leonard Charles
Age=24.0
Sex=Sex_male
SHAP=0.005", + "None=Osen, Mr. Olaf Elon
Age=51.0
Sex=Sex_male
SHAP=-0.021", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=33.0
Sex=Sex_male
SHAP=-0.004", + "None=Bateman, Rev. Robert James
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Meo, Mr. Alfonzo
Age=62.0
Sex=Sex_male
SHAP=-0.055", + "None=Cribb, Mr. John Hatfield
Age=nan
Sex=Sex_male
SHAP=0.012", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Age=3.0
Sex=Sex_male
SHAP=0.033", + "None=Van der hoef, Mr. Wyckoff
Age=nan
Sex=Sex_male
SHAP=0.013", + "None=Sivola, Mr. Antti Wilhelm
Age=36.0
Sex=Sex_male
SHAP=-0.000", + "None=Klasen, Mr. Klas Albin
Age=nan
Sex=Sex_male
SHAP=0.017", + "None=Rood, Mr. Hugh Roscoe
Age=nan
Sex=Sex_male
SHAP=0.007", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=nan
Sex=Sex_male
SHAP=0.023", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Age=61.0
Sex=Sex_male
SHAP=-0.033", + "None=Vande Walle, Mr. Nestor Cyriel
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Backstrom, Mr. Karl Alfred
Age=42.0
Sex=Sex_male
SHAP=-0.020", + "None=Blank, Mr. Henry
Age=29.0
Sex=Sex_male
SHAP=0.002", + "None=Ali, Mr. Ahmed
Age=19.0
Sex=Sex_male
SHAP=0.005", + "None=Green, Mr. George Henry
Age=27.0
Sex=Sex_male
SHAP=0.010", + "None=Nenkoff, Mr. Christo
Age=19.0
Sex=Sex_male
SHAP=0.006", + "None=Asplund, Miss. Lillian Gertrud
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Harknett, Miss. Alice Phoebe
Age=1.0
Sex=Sex_male
SHAP=0.032", + "None=Hunt, Mr. George Henry
Age=nan
Sex=Sex_male
SHAP=0.012", + "None=Reed, Mr. James George
Age=28.0
Sex=Sex_male
SHAP=0.002", + "None=Stead, Mr. William Thomas
Age=39.0
Sex=Sex_male
SHAP=-0.013", + "None=Thorne, Mrs. Gertrude Maybelle
Age=30.0
Sex=Sex_male
SHAP=0.001", + "None=Parrish, Mrs. (Lutie Davis)
Age=21.0
Sex=Sex_male
SHAP=0.007", + "None=Smith, Mr. Thomas
Age=nan
Sex=Sex_male
SHAP=0.007", + "None=Asplund, Master. Edvin Rojj Felix
Age=52.0
Sex=Sex_male
SHAP=-0.044", + "None=Healy, Miss. Hanora \"Nora\"
Age=48.0
Sex=Sex_male
SHAP=-0.029", + "None=Andrews, Miss. Kornelia Theodosia
Age=48.0
Sex=Sex_male
SHAP=-0.019", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Age=22.0
Sex=Sex_male
SHAP=0.007", + "None=Smith, Mr. Richard William
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Connolly, Miss. Kate
Age=25.0
Sex=Sex_male
SHAP=0.021", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Age=21.0
Sex=Sex_male
SHAP=0.006", + "None=Levy, Mr. Rene Jacques
Age=nan
Sex=Sex_male
SHAP=0.015", + "None=Lewy, Mr. Ervin G
Age=24.0
Sex=Sex_male
SHAP=0.005", + "None=Williams, Mr. Howard Hugh \"Harry\"
Age=18.0
Sex=Sex_male
SHAP=0.031", + "None=Sage, Mr. George John Jr
Age=nan
Sex=Sex_male
SHAP=0.017", + "None=Nysveen, Mr. Johan Hansen
Age=nan
Sex=Sex_male
SHAP=0.009", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=45.0
Sex=Sex_male
SHAP=-0.035", + "None=Denkoff, Mr. Mitto
Age=32.0
Sex=Sex_male
SHAP=0.007", + "None=Burns, Miss. Elizabeth Margaret
Age=33.0
Sex=Sex_male
SHAP=-0.019", + "None=Dimic, Mr. Jovan
Age=nan
Sex=Sex_male
SHAP=0.012", + "None=del Carlo, Mr. Sebastiano
Age=62.0
Sex=Sex_male
SHAP=-0.037", + "None=Beavan, Mr. William Thomas
Age=19.0
Sex=Sex_male
SHAP=0.003", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=36.0
Sex=Sex_male
SHAP=0.010", + "None=Widener, Mr. Harry Elkins
Age=nan
Sex=Sex_male
SHAP=0.007", + "None=Gustafsson, Mr. Karl Gideon
Age=nan
Sex=Sex_male
SHAP=0.009", + "None=Plotcharsky, Mr. Vasil
Age=49.0
Sex=Sex_male
SHAP=-0.028", + "None=Goodwin, Master. Sidney Leonard
Age=35.0
Sex=Sex_male
SHAP=-0.007", + "None=Sadlier, Mr. Matthew
Age=36.0
Sex=Sex_male
SHAP=-0.011", + "None=Gustafsson, Mr. Johan Birger
Age=27.0
Sex=Sex_male
SHAP=0.005", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Niskanen, Mr. Juha
Age=nan
Sex=Sex_male
SHAP=0.012", + "None=Minahan, Miss. Daisy E
Age=27.0
Sex=Sex_male
SHAP=0.003", + "None=Matthews, Mr. William John
Age=26.0
Sex=Sex_male
SHAP=0.005", + "None=Charters, Mr. David
Age=51.0
Sex=Sex_male
SHAP=-0.024", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=32.0
Sex=Sex_male
SHAP=0.030", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Johannesen-Bratthammer, Mr. Bernt
Age=23.0
Sex=Sex_male
SHAP=0.004", + "None=Peuchen, Major. Arthur Godfrey
Age=47.0
Sex=Sex_male
SHAP=-0.035", + "None=Anderson, Mr. Harry
Age=36.0
Sex=Sex_male
SHAP=-0.012", + "None=Milling, Mr. Jacob Christian
Age=31.0
Sex=Sex_male
SHAP=0.037", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=27.0
Sex=Sex_male
SHAP=0.013", + "None=Karlsson, Mr. Nils August
Age=14.0
Sex=Sex_male
SHAP=0.005", + "None=Frost, Mr. Anthony Wood \"Archie\"
Age=14.0
Sex=Sex_male
SHAP=0.005", + "None=Bishop, Mr. Dickinson H
Age=18.0
Sex=Sex_male
SHAP=0.006", + "None=Windelov, Mr. Einar
Age=42.0
Sex=Sex_male
SHAP=-0.036", + "None=Shellard, Mr. Frederick William
Age=26.0
Sex=Sex_male
SHAP=0.003", + "None=Svensson, Mr. Olof
Age=42.0
Sex=Sex_male
SHAP=-0.026", + "None=O'Sullivan, Miss. Bridget Mary
Age=nan
Sex=Sex_male
SHAP=0.025", + "None=Laitinen, Miss. Kristina Sofia
Age=48.0
Sex=Sex_male
SHAP=-0.036", + "None=Penasco y Castellana, Mr. Victor de Satode
Age=29.0
Sex=Sex_male
SHAP=0.005", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Age=52.0
Sex=Sex_male
SHAP=-0.031", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=nan
Sex=Sex_male
SHAP=0.014", + "None=Kassem, Mr. Fared
Age=33.0
Sex=Sex_male
SHAP=-0.007", + "None=Cacic, Miss. Marija
Age=34.0
Sex=Sex_male
SHAP=-0.005", + "None=Hart, Miss. Eva Miriam
Age=23.0
Sex=Sex_male
SHAP=0.004", + "None=Butt, Major. Archibald Willingham
Age=23.0
Sex=Sex_male
SHAP=0.004", + "None=Beane, Mr. Edward
Age=28.5
Sex=Sex_male
SHAP=0.001", + "None=Goldsmith, Mr. Frank John
Age=nan
Sex=Sex_male
SHAP=0.008", + "None=Ohman, Miss. Velin
Age=24.0
Sex=Sex_male
SHAP=-0.001", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=31.0
Sex=Sex_male
SHAP=-0.001", + "None=Morrow, Mr. Thomas Rowan
Age=28.0
Sex=Sex_male
SHAP=0.005", + "None=Harris, Mr. George
Age=16.0
Sex=Sex_male
SHAP=0.008", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=nan
Sex=Sex_male
SHAP=0.012", + "None=Patchett, Mr. George
Age=24.0
Sex=Sex_male
SHAP=0.005", + "None=Ross, Mr. John Hugo
Age=nan
Sex=Sex_male
SHAP=0.034", + "None=Murdlin, Mr. Joseph
Age=25.0
Sex=Sex_male
SHAP=0.003", + "None=Bourke, Miss. Mary
Age=46.0
Sex=Sex_male
SHAP=-0.025", + "None=Boulos, Mr. Hanna
Age=11.0
Sex=Sex_male
SHAP=0.040", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=0.42
Sex=Sex_male
SHAP=0.032", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Age=31.0
Sex=Sex_male
SHAP=0.007", + "None=Lindell, Mr. Edvard Bengtsson
Age=35.0
Sex=Sex_male
SHAP=-0.006", + "None=Daniel, Mr. Robert Williams
Age=30.5
Sex=Sex_male
SHAP=0.004", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=nan
Sex=Sex_male
SHAP=0.012", + "None=Shutes, Miss. Elizabeth W
Age=0.83
Sex=Sex_male
SHAP=0.042", + "None=Jardin, Mr. Jose Neto
Age=16.0
Sex=Sex_male
SHAP=0.007", + "None=Horgan, Mr. John
Age=34.5
Sex=Sex_male
SHAP=-0.019", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=nan
Sex=Sex_male
SHAP=0.023", + "None=Yasbeck, Mr. Antoni
Age=nan
Sex=Sex_male
SHAP=0.009", + "None=Bostandyeff, Mr. Guentcho
Age=4.0
Sex=Sex_male
SHAP=0.033", + "None=Lundahl, Mr. Johan Svensson
Age=33.0
Sex=Sex_male
SHAP=0.023", + "None=Stahelin-Maeglin, Dr. Max
Age=20.0
Sex=Sex_male
SHAP=0.004", + "None=Willey, Mr. Edward
Age=27.0
Sex=Sex_male
SHAP=0.002" + ], + "type": "scattergl", + "x": [ + 2, + 20, + 28, + null, + 45, + 4, + 26, + 21, + 16, + 29, + 20, + 46, + null, + 21, + 38, + 22, + 21, + 29, + null, + 16, + 36.5, + 51, + 55.5, + 44, + 61, + 21, + 18, + null, + 28, + 32, + 40, + 24, + 51, + null, + 33, + null, + 62, + null, + 3, + null, + 36, + null, + null, + null, + 61, + null, + 42, + 29, + 19, + 27, + 19, + null, + 1, + null, + 28, + 39, + 30, + 21, + null, + 52, + 48, + 48, + 22, + null, + 25, + 21, + null, + 24, + 18, + null, + null, + 45, + 32, + 33, + null, + 62, + 19, + 36, + null, + null, + 49, + 35, + 36, + 27, + null, + null, + 27, + 26, + 51, + 32, + null, + 23, + 47, + 36, + 31, + 27, + 14, + 14, + 18, + 42, + 26, + 42, + null, + 48, + 29, + 52, + null, + 33, + 34, + 23, + 23, + 28.5, + null, + 24, + 31, + 28, + 16, + null, + 24, + null, + 25, + 46, + 11, + 0.42, + 31, + 35, + 30.5, + null, + 0.83, + 16, + 34.5, + null, + null, + 4, + 33, + 20, + 27 + ], + "y": [ + 0.03518027366893641, + 0.004820030017429456, + -0.0008714097027839055, + 0.00877623207786266, + -0.030193524593522023, + 0.02867069498138512, + 0.0026559634474051966, + 0.006051747206719572, + 0.0032958898421256086, + 0.004904108976681061, + 0.0051093631645521016, + -0.0365055307199439, + 0.0076873557787081005, + 0.030302709332902102, + -0.018611768327966408, + 0.0062577165828998325, + 0.003943721807358556, + 0.002605886778906421, + 0.007409469518032334, + 0.007419622461107807, + -0.01009240865542263, + -0.01920941854250331, + -0.03085882796884311, + -0.038645619259963945, + -0.0643274157733052, + 0.003943721807358556, + -0.0013857283650230345, + 0.014911706688887942, + 0.00444050614283098, + 0.0072327239716048946, + -0.028653634807020968, + 0.004981919575985209, + -0.020874382949277504, + 0.0076873557787081005, + -0.0036239677476794067, + 0.007686032729481005, + -0.055010810056555205, + 0.01158945841162901, + 0.033024069360180666, + 0.012555177817818891, + -0.0004295836607822515, + 0.01664227052999901, + 0.007409469518032334, + 0.02306387574994162, + -0.03267856910666607, + 0.0076873557787081005, + -0.01995099446959905, + 0.0020357074141677985, + 0.005389093250532157, + 0.010075201443937584, + 0.005677103348427713, + 0.0076873557787081005, + 0.03199845421365956, + 0.01158945841162901, + 0.002445151331132506, + -0.012794582825146842, + 0.0013927330772268785, + 0.006660832223055072, + 0.007409469518032334, + -0.04418338394264521, + -0.029394432712156065, + -0.019053688513843356, + 0.006545726680795388, + 0.00776695100922168, + 0.021294083393045702, + 0.005623919703598795, + 0.014889214857395808, + 0.0050363061168634225, + 0.031428803309193454, + 0.017295807103927106, + 0.008774909028635567, + -0.035165372565468464, + 0.007368411525312813, + -0.018514858268992, + 0.01158945841162901, + -0.03719512367493782, + 0.003123456327473448, + 0.010396751207566092, + 0.007409469518032334, + 0.008774909028635567, + -0.028378422729106886, + -0.006853724354274174, + -0.011460786694440424, + 0.005328166836618209, + 0.007625361704774092, + 0.01158945841162901, + 0.0030754050435623076, + 0.0045392740216333395, + -0.024131827977529427, + 0.029634468815433322, + 0.007686032729481005, + 0.004074219687620902, + -0.034949069543516724, + -0.012149312112265314, + 0.03697526593569397, + 0.01255717979891345, + 0.004849918697872426, + 0.005152724027971701, + 0.005640747054606217, + -0.03555381229710161, + 0.003052742238945357, + -0.02552389533896582, + 0.025262366654919332, + -0.03572507018666544, + 0.004694397851064785, + -0.03141246935244336, + 0.014300485275088974, + -0.006570818467688005, + -0.004535499725322079, + 0.004074219687620902, + 0.004074219687620902, + 0.000711082815192958, + 0.0076873557787081005, + -0.0006850623174081651, + -0.0014057318516366563, + 0.004671871292196017, + 0.007707632559003364, + 0.011552072487638822, + 0.004804940967498385, + 0.03369853894049205, + 0.0028098454435303995, + -0.024969022272840327, + 0.039621139404776774, + 0.03236846404095347, + 0.006907565252876208, + -0.006189717832261046, + 0.004022434376196849, + 0.01158945841162901, + 0.042460629171123365, + 0.006763778642779286, + -0.018580486015346516, + 0.02306387574994162, + 0.008774909028635567, + 0.03256026491108326, + 0.022818132947736734, + 0.004058077359520002, + 0.0015182476128659023 + ] + }, + { + "hoverinfo": "text", + "marker": { + "color": "LightSkyBlue", + "line": { + "color": "MediumPurple", + "width": 4 }, - "showarrow": false, - "text": "Age", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.6745867768595041, - "yanchor": "bottom", - "yref": "paper" + "opacity": 0.5, + "size": 25 }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "No_of_parents_plus_children_on_board", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.6280991735537189, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Embarked_Cherbourg", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.5816115702479339, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "No_of_siblings_plus_spouses_on_board", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.5351239669421487, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Deck_B", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.4886363636363637, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Deck_E", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.44214876033057854, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Embarked_Queenstown", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.3956611570247934, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Deck_D", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.34917355371900827, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Deck_C", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.30268595041322316, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Deck_F", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.25619834710743805, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Deck_A", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.2097107438016529, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Deck_G", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.16322314049586778, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Embarked_Unknown", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.11673553719008264, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Deck_T", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.07024793388429752, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Sex_nan", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.023760330578512397, - "yanchor": "bottom", - "yref": "paper" - } - ], - "height": 1200, + "mode": "markers", + "name": "None Saundercock, Mr. William Henry", + "showlegend": false, + "text": "None Saundercock, Mr. William Henry", + "type": "scattergl", + "x": [ + 20 + ], + "y": [ + 0.004820030017429456 + ] + } + ], + "layout": { "hovermode": "closest", - "margin": { - "b": 50, - "l": 50, - "pad": 4, - "r": 50, - "t": 100 - }, + "paper_bgcolor": "#fff", "plot_bgcolor": "#fff", + "showlegend": true, "template": { "data": { "scatter": [ @@ -27105,551 +19072,1494 @@ } }, "title": { - "text": "Impact of feature on predicted probability Survival=Survived
(SHAP values)
" + "text": "Dependence plot for Age" }, "xaxis": { - "anchor": "y", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -0.13, - 0.18 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis10": { - "anchor": "y10", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -0.13, - 0.18 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis11": { - "anchor": "y11", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -0.13, - 0.18 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis12": { - "anchor": "y12", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -0.13, - 0.18 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis13": { - "anchor": "y13", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -0.13, - 0.18 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis14": { - "anchor": "y14", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -0.13, - 0.18 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis15": { - "anchor": "y15", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -0.13, - 0.18 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "title": { + "text": "Age" + } }, - "xaxis16": { - "anchor": "y16", - "domain": [ - 0, - 1 + "yaxis": { + "title": { + "text": "SHAP value" + } + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "\n", + "explainer.plot_dependence(\"Age\", color_col=\"Sex\", highlight_index=5)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Shap interactions plots" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T15:59:01.645938Z", + "start_time": "2021-01-20T15:59:01.604622Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "box": { + "visible": true + }, + "meanline": { + "visible": true + }, + "name": "female", + "showlegend": false, + "type": "violin", + "x": [ + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female", + "female" ], - "matches": "x22", - "range": [ - -0.13, - 0.18 + "xaxis": "x", + "y": [ + 0.0148587291771358, + 0.015964635440381802, + -0.024935903810231766, + 0.029934422495778597, + -0.021875545828170494, + -0.029761706024431914, + -0.017531589567255035, + -0.01849723962820683, + -0.023900448628704093, + 0.025946802962808272, + 0.02589806823135255, + -0.022304698384026118, + -0.022157443656431776, + -0.02650595485524309, + 0.01874312106139919, + -0.022197046463266507, + 0.014931016028990945, + -0.028423961988455305, + -0.021185834622018885, + 0.021558897867127988, + 0.028194264681214894, + -0.017531589567255035, + 0.01773162713659407, + -0.022862563173180524, + -0.018605789889209565, + 0.01130694518350047, + 0.01818696156127911, + 0.018109084681437376, + 0.019412457788132005, + -0.02537165638258622, + 0.016158477746098715, + 0.03205573723796509, + 0.02838055419782695, + 0.030742496734612313, + -0.016899047677648372, + -0.022790793774057523, + 0.03204814809728699, + -0.022230951072245993, + 0.03175221441868512, + -0.022185393644328796, + 0.019921846205411327, + 0.014791299203045937, + -0.01912404921138501, + 0.026866534039184577, + 0.01787726320270792, + -0.022674988400710187, + -0.02155285175472213, + -0.01790428767061584, + 0.027950533921454142, + -0.02206759178144721, + 0.009239534173942292, + 0.018185502508205848, + 0.012825840544075456, + 0.01678114501900448, + 0.01943686888353964, + 0.016690074266219976, + -0.019353176911179826, + 0.014911053925261541, + -0.021483891425735067, + 0.017189230738686157, + 0.028893809471084775, + -0.01923944150528845, + -0.020787384069282995 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "yaxis": "y" }, - "xaxis17": { - "anchor": "y17", - "domain": [ - 0, - 1 + { + "hoverinfo": "text", + "marker": { + "cmax": 3, + "cmin": 1, + "color": [ + 1, + 1, + 3, + 2, + 3, + 3, + 3, + 3, + 3, + 2, + 2, + 3, + 3, + 3, + 1, + 3, + 1, + 3, + 3, + 1, + 2, + 3, + 1, + 3, + 3, + 1, + 1, + 1, + 1, + 3, + 1, + 2, + 2, + 2, + 3, + 3, + 2, + 3, + 2, + 3, + 1, + 1, + 3, + 2, + 1, + 3, + 3, + 3, + 2, + 3, + 1, + 2, + 1, + 1, + 1, + 1, + 3, + 1, + 3, + 1, + 2, + 3, + 3 + ], + "colorbar": { + "title": { + "text": "PassengerClass" + } + }, + "colorscale": [ + [ + 0, + "rgb(0,0,255)" + ], + [ + 1, + "rgb(255,0,0)" + ] + ], + "opacity": 0.3, + "showscale": true, + "size": 7 + }, + "mode": "markers", + "name": "PassengerClass", + "showlegend": false, + "text": [ + "None: Cumings, Mrs. John Bradley (Florence Briggs Thayer)
shap: 0.015
PassengerClass: 1", + "None: Futrelle, Mrs. Jacques Heath (Lily May Peel)
shap: 0.016
PassengerClass: 1", + "None: Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
shap: -0.025
PassengerClass: 3", + "None: Nasser, Mrs. Nicholas (Adele Achem)
shap: 0.030
PassengerClass: 2", + "None: Vestrom, Miss. Hulda Amanda Adolfina
shap: -0.022
PassengerClass: 3", + "None: Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
shap: -0.030
PassengerClass: 3", + "None: Glynn, Miss. Mary Agatha
shap: -0.018
PassengerClass: 3", + "None: Devaney, Miss. Margaret Delia
shap: -0.018
PassengerClass: 3", + "None: Arnold-Franchi, Mrs. Josef (Josefine Franchi)
shap: -0.024
PassengerClass: 3", + "None: Rugg, Miss. Emily
shap: 0.026
PassengerClass: 2", + "None: Ilett, Miss. Bertha
shap: 0.026
PassengerClass: 2", + "None: Moran, Miss. Bertha
shap: -0.022
PassengerClass: 3", + "None: Jussila, Miss. Katriina
shap: -0.022
PassengerClass: 3", + "None: Ford, Miss. Robina Maggie \"Ruby\"
shap: -0.027
PassengerClass: 3", + "None: Chibnall, Mrs. (Edith Martha Bowerman)
shap: 0.019
PassengerClass: 1", + "None: Andersen-Jensen, Miss. Carla Christine Nielsine
shap: -0.022
PassengerClass: 3", + "None: Brown, Mrs. James Joseph (Margaret Tobin)
shap: 0.015
PassengerClass: 1", + "None: Asplund, Miss. Lillian Gertrud
shap: -0.028
PassengerClass: 3", + "None: Harknett, Miss. Alice Phoebe
shap: -0.021
PassengerClass: 3", + "None: Thorne, Mrs. Gertrude Maybelle
shap: 0.022
PassengerClass: 1", + "None: Parrish, Mrs. (Lutie Davis)
shap: 0.028
PassengerClass: 2", + "None: Healy, Miss. Hanora \"Nora\"
shap: -0.018
PassengerClass: 3", + "None: Andrews, Miss. Kornelia Theodosia
shap: 0.018
PassengerClass: 1", + "None: Abbott, Mrs. Stanton (Rosa Hunt)
shap: -0.023
PassengerClass: 3", + "None: Connolly, Miss. Kate
shap: -0.019
PassengerClass: 3", + "None: Bishop, Mrs. Dickinson H (Helen Walton)
shap: 0.011
PassengerClass: 1", + "None: Frauenthal, Mrs. Henry William (Clara Heinsheimer)
shap: 0.018
PassengerClass: 1", + "None: Burns, Miss. Elizabeth Margaret
shap: 0.018
PassengerClass: 1", + "None: Meyer, Mrs. Edgar Joseph (Leila Saks)
shap: 0.019
PassengerClass: 1", + "None: Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
shap: -0.025
PassengerClass: 3", + "None: Minahan, Miss. Daisy E
shap: 0.016
PassengerClass: 1", + "None: Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
shap: 0.032
PassengerClass: 2", + "None: Hart, Mrs. Benjamin (Esther Ada Bloomfield)
shap: 0.028
PassengerClass: 2", + "None: West, Mrs. Edwy Arthur (Ada Mary Worth)
shap: 0.031
PassengerClass: 2", + "None: O'Sullivan, Miss. Bridget Mary
shap: -0.017
PassengerClass: 3", + "None: Laitinen, Miss. Kristina Sofia
shap: -0.023
PassengerClass: 3", + "None: Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
shap: 0.032
PassengerClass: 2", + "None: Cacic, Miss. Marija
shap: -0.022
PassengerClass: 3", + "None: Hart, Miss. Eva Miriam
shap: 0.032
PassengerClass: 2", + "None: Ohman, Miss. Velin
shap: -0.022
PassengerClass: 3", + "None: Taussig, Mrs. Emil (Tillie Mandelbaum)
shap: 0.020
PassengerClass: 1", + "None: Appleton, Mrs. Edward Dale (Charlotte Lamson)
shap: 0.015
PassengerClass: 1", + "None: Bourke, Miss. Mary
shap: -0.019
PassengerClass: 3", + "None: Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
shap: 0.027
PassengerClass: 2", + "None: Shutes, Miss. Elizabeth W
shap: 0.018
PassengerClass: 1", + "None: Lobb, Mrs. William Arthur (Cordelia K Stanlick)
shap: -0.023
PassengerClass: 3", + "None: Stanley, Miss. Amy Zillah Elsie
shap: -0.022
PassengerClass: 3", + "None: Hegarty, Miss. Hanora \"Nora\"
shap: -0.018
PassengerClass: 3", + "None: Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
shap: 0.028
PassengerClass: 2", + "None: Turja, Miss. Anna Sofia
shap: -0.022
PassengerClass: 3", + "None: Astor, Mrs. John Jacob (Madeleine Talmadge Force)
shap: 0.009
PassengerClass: 1", + "None: Troutt, Miss. Edwina Celia \"Winnie\"
shap: 0.018
PassengerClass: 2", + "None: Allen, Miss. Elisabeth Walton
shap: 0.013
PassengerClass: 1", + "None: Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
shap: 0.017
PassengerClass: 1", + "None: Hogeboom, Mrs. John C (Anna Andrews)
shap: 0.019
PassengerClass: 1", + "None: Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
shap: 0.017
PassengerClass: 1", + "None: Ayoub, Miss. Banoura
shap: -0.019
PassengerClass: 3", + "None: Dick, Mrs. Albert Adrian (Vera Gillespie)
shap: 0.015
PassengerClass: 1", + "None: Sjoblom, Miss. Anna Sofia
shap: -0.021
PassengerClass: 3", + "None: Leader, Dr. Alice (Farnham)
shap: 0.017
PassengerClass: 1", + "None: Collyer, Mrs. Harvey (Charlotte Annie Tate)
shap: 0.029
PassengerClass: 2", + "None: Boulos, Miss. Nourelain
shap: -0.019
PassengerClass: 3", + "None: Aks, Mrs. Sam (Leah Rosen)
shap: -0.021
PassengerClass: 3" + ], + "type": "scattergl", + "x": [ + -1.005336544162604, + 2.104771708934529, + 0.6051694398179074, + -0.0457824348833856, + 0.6271920129461622, + 0.3607614290028571, + 0.36952502578895924, + 0.9073000235803335, + 1.3764920945551467, + -0.08315379635175241, + 0.5435705597175536, + -0.3973299088418423, + -1.6802240612267505, + -0.9677520881116113, + -0.8661673300193481, + -0.3360544480425949, + -0.27982788693897886, + 0.6990327147509158, + -0.3367333585178673, + 0.27940526348580735, + 0.5235789429273018, + 0.05686048750895314, + 0.4713809390590089, + 0.892341116176795, + -0.03849021044684377, + 0.8829999553481676, + 0.2570638310425415, + 0.7265851429225066, + -0.489600064763268, + 0.23061160786526522, + 0.7607540731365904, + 0.05798073808406464, + 1.397635802994053, + -0.9107277217566999, + 0.23706459264576876, + -1.2021482188508832, + -0.8713133125564775, + -1.201660012283344, + 0.9471940367011316, + -0.09871566942706642, + -1.5698522285502374, + 1.6954337522150618, + -2.0321777476689076, + -0.11478596292983442, + -1.687616848603328, + 0.3273047503128984, + 0.5908249101445489, + -0.49524025760912255, + -0.42349572631727905, + -0.7247804016596533, + -0.4271914565550063, + 0.7124097672164853, + 0.269323200378021, + 1.7036453143057435, + 0.23325909822569524, + 1.2898113768971275, + -0.3243439699718353, + 0.6208383553702701, + -0.7017345033124788, + -1.2407544303206708, + -0.4320116575995272, + -0.3579315164720573, + -2.214906398039231 ], - "matches": "x22", - "range": [ - -0.13, - 0.18 + "xaxis": "x2", + "y": [ + 0.0148587291771358, + 0.015964635440381802, + -0.024935903810231766, + 0.029934422495778597, + -0.021875545828170494, + -0.029761706024431914, + -0.017531589567255035, + -0.01849723962820683, + -0.023900448628704093, + 0.025946802962808272, + 0.02589806823135255, + -0.022304698384026118, + -0.022157443656431776, + -0.02650595485524309, + 0.01874312106139919, + -0.022197046463266507, + 0.014931016028990945, + -0.028423961988455305, + -0.021185834622018885, + 0.021558897867127988, + 0.028194264681214894, + -0.017531589567255035, + 0.01773162713659407, + -0.022862563173180524, + -0.018605789889209565, + 0.01130694518350047, + 0.01818696156127911, + 0.018109084681437376, + 0.019412457788132005, + -0.02537165638258622, + 0.016158477746098715, + 0.03205573723796509, + 0.02838055419782695, + 0.030742496734612313, + -0.016899047677648372, + -0.022790793774057523, + 0.03204814809728699, + -0.022230951072245993, + 0.03175221441868512, + -0.022185393644328796, + 0.019921846205411327, + 0.014791299203045937, + -0.01912404921138501, + 0.026866534039184577, + 0.01787726320270792, + -0.022674988400710187, + -0.02155285175472213, + -0.01790428767061584, + 0.027950533921454142, + -0.02206759178144721, + 0.009239534173942292, + 0.018185502508205848, + 0.012825840544075456, + 0.01678114501900448, + 0.01943686888353964, + 0.016690074266219976, + -0.019353176911179826, + 0.014911053925261541, + -0.021483891425735067, + 0.017189230738686157, + 0.028893809471084775, + -0.01923944150528845, + -0.020787384069282995 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "yaxis": "y2" }, - "xaxis18": { - "anchor": "y18", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -0.13, - 0.18 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis19": { - "anchor": "y19", - "domain": [ - 0, - 1 + { + "box": { + "visible": true + }, + "meanline": { + "visible": true + }, + "name": "male", + "showlegend": false, + "type": "violin", + "x": [ + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male", + "male" ], - "matches": "x22", - "range": [ - -0.13, - 0.18 + "xaxis": "x3", + "y": [ + 0.014726265984533853, + 0.014064894109592586, + -0.013380147719862054, + 0.011852711776742159, + -0.014307523859391448, + 0.017660124925180293, + 0.013540383137869576, + -0.01818336287703559, + 0.017277748485648066, + 0.014176899037905134, + 0.014064894109592586, + -0.015940205508507884, + 0.013641475212718544, + -0.012963331728179433, + 0.01431146506441924, + 0.014064894109592586, + 0.014064894109592586, + -0.015322758324148865, + 0.013641475212718544, + 0.01370513334591315, + -0.01132235962345457, + -0.013532653014579291, + 0.014646968319665981, + 0.016078742227549042, + -0.015503765664379183, + 0.014064894109592586, + 0.012762604858136215, + -0.01258111148186442, + 0.014095609065981212, + 0.015496433647809298, + -0.010335085350411288, + 0.013695738784225059, + 0.014852925605762226, + 0.013641475212718544, + -0.01405067913787044, + 0.013299856027943004, + -0.012066539668291906, + 0.011186565125150124, + 0.01783734368282772, + -0.011304741315950693, + -0.009170656097926257, + -0.012027422316326291, + 0.013641475212718544, + 0.017279086505592605, + 0.01246886287046238, + 0.013641475212718544, + 0.01464463835428751, + -0.017199447004241426, + 0.014064894109592586, + -0.009199333781424915, + 0.014070747487493354, + 0.013641475212718544, + 0.01787860135093924, + 0.010839092562473816, + 0.013523560107538447, + 0.01432124190971755, + -0.014439906550976343, + 0.011845282791230868, + 0.013641475212718544, + -0.01422028519644574, + -0.014000897824696544, + -0.01365098288591529, + 0.013723274924817046, + -0.014181076082432919, + -0.0134506367573504, + 0.013723274924817046, + 0.015170264852550188, + 0.01404056339023197, + -0.00971710509066603, + -0.014066894414318583, + 0.011511092591966619, + -0.016226355156505445, + -0.01883160434523241, + 0.015255821057762558, + 0.011186565125150124, + -0.01143567449809071, + 0.015564092674518087, + -0.010017753841262201, + 0.013641475212718544, + 0.011511092591966619, + -0.011625655326041947, + -0.012682113486094214, + 0.01516153743476797, + -0.015057909932712589, + 0.013299856027943004, + 0.011186565125150124, + 0.014603402031971888, + 0.014193722068236263, + 0.014508100999755313, + -0.011740345005806714, + 0.013299856027943004, + -0.01425560805212199, + -0.014718862143523075, + 0.013834715922951199, + -0.014873895940483894, + -0.011615805531298621, + 0.017684846426351077, + 0.017101354528880196, + 0.014020529653934365, + 0.014300547334952458, + 0.014199961687879393, + -0.013635255697216749, + -0.011142064842442003, + -0.014278856387803442, + 0.014095609065981212, + -0.013500109921448048, + 0.01167300460951887, + 0.014182188485627505, + -0.01405067913787044, + -0.01425560805212199, + -0.01425560805212199, + 0.015671218505862932, + 0.013641475212718544, + 0.01483648040006576, + 0.012944119399632907, + 0.014176899037905134, + 0.013710986723813916, + 0.013602393911702444, + 0.013959273418308049, + 0.016579191690639202, + 0.013798116722544267, + -0.015667476434144272, + -0.011893934227334993, + 0.010748923549827694, + 0.014157379053420724, + -0.013717932423115203, + 0.01415473109675133, + 0.011186565125150124, + -0.01207142107523838, + -0.014348289108469643, + 0.012379577906613044, + 0.017279086505592605, + 0.011511092591966619, + 0.014284330355963427, + -0.012488420514215892, + 0.013983604137668665, + -0.014447759760950977 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "yaxis": "y3" }, - "xaxis2": { - "anchor": "y2", - "domain": [ - 0, - 1 + { + "hoverinfo": "text", + "marker": { + "cmax": 3, + "cmin": 1, + "color": [ + 3, + 3, + 1, + 3, + 1, + 3, + 3, + 2, + 3, + 3, + 3, + 1, + 3, + 1, + 3, + 3, + 3, + 2, + 3, + 3, + 2, + 2, + 3, + 3, + 1, + 3, + 3, + 1, + 3, + 3, + 1, + 3, + 3, + 3, + 2, + 3, + 1, + 3, + 3, + 1, + 2, + 1, + 3, + 3, + 3, + 3, + 3, + 2, + 3, + 1, + 3, + 3, + 3, + 3, + 3, + 3, + 2, + 3, + 3, + 1, + 1, + 2, + 3, + 2, + 1, + 3, + 3, + 3, + 1, + 1, + 3, + 1, + 2, + 3, + 3, + 2, + 3, + 1, + 3, + 3, + 1, + 1, + 3, + 1, + 3, + 3, + 3, + 3, + 3, + 1, + 3, + 2, + 1, + 3, + 1, + 1, + 3, + 3, + 3, + 3, + 3, + 1, + 1, + 1, + 3, + 2, + 3, + 3, + 2, + 2, + 2, + 3, + 3, + 3, + 3, + 3, + 3, + 3, + 3, + 3, + 3, + 1, + 1, + 3, + 3, + 2, + 3, + 3, + 2, + 2, + 3, + 3, + 3, + 3, + 1, + 3, + 2 + ], + "colorbar": { + "title": { + "text": "PassengerClass" + } + }, + "colorscale": [ + [ + 0, + "rgb(0,0,255)" + ], + [ + 1, + "rgb(255,0,0)" + ] + ], + "opacity": 0.3, + "showscale": false, + "size": 7 + }, + "mode": "markers", + "name": "PassengerClass", + "showlegend": false, + "text": [ + "None: Palsson, Master. Gosta Leonard
shap: 0.015
PassengerClass: 3", + "None: Saundercock, Mr. William Henry
shap: 0.014
PassengerClass: 3", + "None: Meyer, Mr. Edgar Joseph
shap: -0.013
PassengerClass: 1", + "None: Kraeff, Mr. Theodor
shap: 0.012
PassengerClass: 3", + "None: Harris, Mr. Henry Birkhardt
shap: -0.014
PassengerClass: 1", + "None: Skoog, Master. Harald
shap: 0.018
PassengerClass: 3", + "None: Kink, Mr. Vincenz
shap: 0.014
PassengerClass: 3", + "None: Hood, Mr. Ambrose Jr
shap: -0.018
PassengerClass: 2", + "None: Ford, Mr. William Neal
shap: 0.017
PassengerClass: 3", + "None: Christmann, Mr. Emil
shap: 0.014
PassengerClass: 3", + "None: Andreasson, Mr. Paul Edvin
shap: 0.014
PassengerClass: 3", + "None: Chaffee, Mr. Herbert Fuller
shap: -0.016
PassengerClass: 1", + "None: Petroff, Mr. Pastcho (\"Pentcho\")
shap: 0.014
PassengerClass: 3", + "None: White, Mr. Richard Frasar
shap: -0.013
PassengerClass: 1", + "None: Rekic, Mr. Tido
shap: 0.014
PassengerClass: 3", + "None: Barton, Mr. David John
shap: 0.014
PassengerClass: 3", + "None: Pekoniemi, Mr. Edvard
shap: 0.014
PassengerClass: 3", + "None: Turpin, Mr. William John Robert
shap: -0.015
PassengerClass: 2", + "None: Moore, Mr. Leonard Charles
shap: 0.014
PassengerClass: 3", + "None: Osen, Mr. Olaf Elon
shap: 0.014
PassengerClass: 3", + "None: Navratil, Mr. Michel (\"Louis M Hoffman\")
shap: -0.011
PassengerClass: 2", + "None: Bateman, Rev. Robert James
shap: -0.014
PassengerClass: 2", + "None: Meo, Mr. Alfonzo
shap: 0.015
PassengerClass: 3", + "None: Cribb, Mr. John Hatfield
shap: 0.016
PassengerClass: 3", + "None: Van der hoef, Mr. Wyckoff
shap: -0.016
PassengerClass: 1", + "None: Sivola, Mr. Antti Wilhelm
shap: 0.014
PassengerClass: 3", + "None: Klasen, Mr. Klas Albin
shap: 0.013
PassengerClass: 3", + "None: Rood, Mr. Hugh Roscoe
shap: -0.013
PassengerClass: 1", + "None: Vande Walle, Mr. Nestor Cyriel
shap: 0.014
PassengerClass: 3", + "None: Backstrom, Mr. Karl Alfred
shap: 0.015
PassengerClass: 3", + "None: Blank, Mr. Henry
shap: -0.010
PassengerClass: 1", + "None: Ali, Mr. Ahmed
shap: 0.014
PassengerClass: 3", + "None: Green, Mr. George Henry
shap: 0.015
PassengerClass: 3", + "None: Nenkoff, Mr. Christo
shap: 0.014
PassengerClass: 3", + "None: Hunt, Mr. George Henry
shap: -0.014
PassengerClass: 2", + "None: Reed, Mr. James George
shap: 0.013
PassengerClass: 3", + "None: Stead, Mr. William Thomas
shap: -0.012
PassengerClass: 1", + "None: Smith, Mr. Thomas
shap: 0.011
PassengerClass: 3", + "None: Asplund, Master. Edvin Rojj Felix
shap: 0.018
PassengerClass: 3", + "None: Smith, Mr. Richard William
shap: -0.011
PassengerClass: 1", + "None: Levy, Mr. Rene Jacques
shap: -0.009
PassengerClass: 2", + "None: Lewy, Mr. Ervin G
shap: -0.012
PassengerClass: 1", + "None: Williams, Mr. Howard Hugh \"Harry\"
shap: 0.014
PassengerClass: 3", + "None: Sage, Mr. George John Jr
shap: 0.017
PassengerClass: 3", + "None: Nysveen, Mr. Johan Hansen
shap: 0.012
PassengerClass: 3", + "None: Denkoff, Mr. Mitto
shap: 0.014
PassengerClass: 3", + "None: Dimic, Mr. Jovan
shap: 0.015
PassengerClass: 3", + "None: del Carlo, Mr. Sebastiano
shap: -0.017
PassengerClass: 2", + "None: Beavan, Mr. William Thomas
shap: 0.014
PassengerClass: 3", + "None: Widener, Mr. Harry Elkins
shap: -0.009
PassengerClass: 1", + "None: Gustafsson, Mr. Karl Gideon
shap: 0.014
PassengerClass: 3", + "None: Plotcharsky, Mr. Vasil
shap: 0.014
PassengerClass: 3", + "None: Goodwin, Master. Sidney Leonard
shap: 0.018
PassengerClass: 3", + "None: Sadlier, Mr. Matthew
shap: 0.011
PassengerClass: 3", + "None: Gustafsson, Mr. Johan Birger
shap: 0.014
PassengerClass: 3", + "None: Niskanen, Mr. Juha
shap: 0.014
PassengerClass: 3", + "None: Matthews, Mr. William John
shap: -0.014
PassengerClass: 2", + "None: Charters, Mr. David
shap: 0.012
PassengerClass: 3", + "None: Johannesen-Bratthammer, Mr. Bernt
shap: 0.014
PassengerClass: 3", + "None: Peuchen, Major. Arthur Godfrey
shap: -0.014
PassengerClass: 1", + "None: Anderson, Mr. Harry
shap: -0.014
PassengerClass: 1", + "None: Milling, Mr. Jacob Christian
shap: -0.014
PassengerClass: 2", + "None: Karlsson, Mr. Nils August
shap: 0.014
PassengerClass: 3", + "None: Frost, Mr. Anthony Wood \"Archie\"
shap: -0.014
PassengerClass: 2", + "None: Bishop, Mr. Dickinson H
shap: -0.013
PassengerClass: 1", + "None: Windelov, Mr. Einar
shap: 0.014
PassengerClass: 3", + "None: Shellard, Mr. Frederick William
shap: 0.015
PassengerClass: 3", + "None: Svensson, Mr. Olof
shap: 0.014
PassengerClass: 3", + "None: Penasco y Castellana, Mr. Victor de Satode
shap: -0.010
PassengerClass: 1", + "None: Bradley, Mr. George (\"George Arthur Brayton\")
shap: -0.014
PassengerClass: 1", + "None: Kassem, Mr. Fared
shap: 0.012
PassengerClass: 3", + "None: Butt, Major. Archibald Willingham
shap: -0.016
PassengerClass: 1", + "None: Beane, Mr. Edward
shap: -0.019
PassengerClass: 2", + "None: Goldsmith, Mr. Frank John
shap: 0.015
PassengerClass: 3", + "None: Morrow, Mr. Thomas Rowan
shap: 0.011
PassengerClass: 3", + "None: Harris, Mr. George
shap: -0.011
PassengerClass: 2", + "None: Patchett, Mr. George
shap: 0.016
PassengerClass: 3", + "None: Ross, Mr. John Hugo
shap: -0.010
PassengerClass: 1", + "None: Murdlin, Mr. Joseph
shap: 0.014
PassengerClass: 3", + "None: Boulos, Mr. Hanna
shap: 0.012
PassengerClass: 3", + "None: Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
shap: -0.012
PassengerClass: 1", + "None: Homer, Mr. Harry (\"Mr E Haven\")
shap: -0.013
PassengerClass: 1", + "None: Lindell, Mr. Edvard Bengtsson
shap: 0.015
PassengerClass: 3", + "None: Daniel, Mr. Robert Williams
shap: -0.015
PassengerClass: 1", + "None: Jardin, Mr. Jose Neto
shap: 0.013
PassengerClass: 3", + "None: Horgan, Mr. John
shap: 0.011
PassengerClass: 3", + "None: Yasbeck, Mr. Antoni
shap: 0.015
PassengerClass: 3", + "None: Bostandyeff, Mr. Guentcho
shap: 0.014
PassengerClass: 3", + "None: Lundahl, Mr. Johan Svensson
shap: 0.015
PassengerClass: 3", + "None: Stahelin-Maeglin, Dr. Max
shap: -0.012
PassengerClass: 1", + "None: Willey, Mr. Edward
shap: 0.013
PassengerClass: 3", + "None: Eitemiller, Mr. George Floyd
shap: -0.014
PassengerClass: 2", + "None: Colley, Mr. Edward Pomeroy
shap: -0.015
PassengerClass: 1", + "None: Coleff, Mr. Peju
shap: 0.014
PassengerClass: 3", + "None: Davidson, Mr. Thornton
shap: -0.015
PassengerClass: 1", + "None: Hassab, Mr. Hammad
shap: -0.012
PassengerClass: 1", + "None: Goodwin, Mr. Charles Edward
shap: 0.018
PassengerClass: 3", + "None: Panula, Mr. Jaako Arnold
shap: 0.017
PassengerClass: 3", + "None: Fischer, Mr. Eberhard Thelander
shap: 0.014
PassengerClass: 3", + "None: Humblen, Mr. Adolf Mathias Nicolai Olsen
shap: 0.014
PassengerClass: 3", + "None: Hansen, Mr. Henrik Juul
shap: 0.014
PassengerClass: 3", + "None: Calderhead, Mr. Edward Pennington
shap: -0.014
PassengerClass: 1", + "None: Klaber, Mr. Herman
shap: -0.011
PassengerClass: 1", + "None: Taylor, Mr. Elmer Zebley
shap: -0.014
PassengerClass: 1", + "None: Larsson, Mr. August Viktor
shap: 0.014
PassengerClass: 3", + "None: Greenberg, Mr. Samuel
shap: -0.014
PassengerClass: 2", + "None: McEvoy, Mr. Michael
shap: 0.012
PassengerClass: 3", + "None: Johnson, Mr. Malkolm Joackim
shap: 0.014
PassengerClass: 3", + "None: Gillespie, Mr. William Henry
shap: -0.014
PassengerClass: 2", + "None: Berriman, Mr. William John
shap: -0.014
PassengerClass: 2", + "None: Troupiansky, Mr. Moses Aaron
shap: -0.014
PassengerClass: 2", + "None: Williams, Mr. Leslie
shap: 0.016
PassengerClass: 3", + "None: Ivanoff, Mr. Kanio
shap: 0.014
PassengerClass: 3", + "None: McNamee, Mr. Neal
shap: 0.015
PassengerClass: 3", + "None: Connaghton, Mr. Michael
shap: 0.013
PassengerClass: 3", + "None: Carlsson, Mr. August Sigfrid
shap: 0.014
PassengerClass: 3", + "None: Eklund, Mr. Hans Linus
shap: 0.014
PassengerClass: 3", + "None: Moran, Mr. Daniel J
shap: 0.014
PassengerClass: 3", + "None: Lievens, Mr. Rene Aime
shap: 0.014
PassengerClass: 3", + "None: Johnston, Mr. Andrew G
shap: 0.017
PassengerClass: 3", + "None: Ali, Mr. William
shap: 0.014
PassengerClass: 3", + "None: Guggenheim, Mr. Benjamin
shap: -0.016
PassengerClass: 1", + "None: Carter, Master. William Thornton II
shap: -0.012
PassengerClass: 1", + "None: Thomas, Master. Assad Alexander
shap: 0.011
PassengerClass: 3", + "None: Johansson, Mr. Karl Johan
shap: 0.014
PassengerClass: 3", + "None: Slemen, Mr. Richard James
shap: -0.014
PassengerClass: 2", + "None: Tomlin, Mr. Ernest Portage
shap: 0.014
PassengerClass: 3", + "None: McCormack, Mr. Thomas Joseph
shap: 0.011
PassengerClass: 3", + "None: Richards, Master. George Sibley
shap: -0.012
PassengerClass: 2", + "None: Mudd, Mr. Thomas Charles
shap: -0.014
PassengerClass: 2", + "None: Lemberopolous, Mr. Peter L
shap: 0.012
PassengerClass: 3", + "None: Sage, Mr. Douglas Bullen
shap: 0.017
PassengerClass: 3", + "None: Razi, Mr. Raihed
shap: 0.012
PassengerClass: 3", + "None: Johnson, Master. Harold Theodor
shap: 0.014
PassengerClass: 3", + "None: Carlsson, Mr. Frans Olof
shap: -0.012
PassengerClass: 1", + "None: Gustafsson, Mr. Alfred Ossian
shap: 0.014
PassengerClass: 3", + "None: Montvila, Rev. Juozas
shap: -0.014
PassengerClass: 2" + ], + "type": "scattergl", + "x": [ + 0.97591647109245, + -0.7022168454802746, + 0.21343731149453765, + -0.34355763185230026, + -1.860045208829039, + 0.34794541360319137, + 0.3810542287900975, + -0.22619391460408592, + -0.7237994481243365, + 1.2567072562913788, + 0.6763265420808363, + -1.1370720205884162, + 2.0151906046530774, + -0.2943030895625705, + 0.3723667545070033, + -0.9589665059947073, + -0.1472568372235263, + -0.938843637447275, + 0.9398824383670554, + -1.0935250622777724, + 0.09106675242784594, + 1.6067260151087344, + 1.8808524296931526, + -0.5049602051166988, + 0.49037234830605825, + -0.6704105124078708, + 1.0741102070819548, + -1.2179956790286406, + 1.6696922851341376, + 0.9860010326412543, + -1.3661989046960743, + 1.4547852338025418, + 2.0321967347387533, + -0.6781862060621653, + -0.6808098544322536, + 0.04043558827444732, + 0.25345812156741604, + 0.6936229606433107, + 1.6687876011860783, + 0.3213686105508201, + 0.8693180189178238, + 0.4134902321703798, + 0.6377931676493933, + 1.1136994738052908, + -0.6327003850408986, + -0.015890197107166087, + -0.6678266119362509, + 0.1923218385829113, + -0.9442353771112267, + -0.17159924524870163, + -1.1499970115243152, + 1.219715510932803, + -0.038312841364693324, + -1.0191423526046854, + -0.8849561329922412, + -2.0259253773743273, + 0.38968952888817315, + -1.6352324369944136, + 0.867136826058129, + 0.2747920331665139, + 0.42987614591545026, + 0.1350774016720287, + 0.695265614703945, + 0.07256335096230099, + -0.1357687519531459, + 0.6623046574104915, + -1.207473459865571, + 1.135598106592781, + 0.8865255359756047, + -0.323817111357779, + -1.5353239061655344, + -0.675118071319806, + 0.4754958077257283, + -0.6651282314793553, + 0.24574688627584262, + -1.1593058632157802, + -0.8807520339898407, + -0.7415537565829454, + 0.7898506819630803, + -0.20521836678337077, + -0.2255367066374959, + -1.4191341509406137, + 0.2516685392994954, + 0.8126229973276391, + 0.6368711593240374, + -0.8244468079336451, + -1.1394788034457646, + 0.4596408557962778, + -0.5137177417607622, + 2.948496656299297, + 0.19525231426841014, + 1.2980493013672139, + 1.0107664964029353, + -0.17545272600250283, + 0.16984673439029566, + -0.41027371176373156, + -0.40221969370373406, + -2.8897088526275074, + -2.045112441054851, + 2.1851884788896507, + 1.3864384178164635, + -0.021037415367459473, + -0.6123035174623662, + -0.6360164128753539, + 0.23230792163455752, + 1.3427178368299568, + -0.030353926758160628, + -0.5233331362362083, + -0.42541981296504083, + 0.03210709015234826, + -0.2033646268811396, + -0.9635620807621158, + 1.4653972987822705, + 0.7444273345883173, + 0.9231121677703344, + 0.8447943344973553, + 0.7573129482696761, + 0.3871363583398681, + 0.7663228043589747, + 0.32689651112432094, + -0.5581446584870474, + 0.0258361536785848, + 0.5870523112366384, + -0.503990130332047, + -1.3206170601175533, + -1.7684603167450157, + 0.09065861754235345, + 0.18334898700667693, + 0.29304972619261294, + 0.29240827302523564, + 0.6960915130638912, + -0.31048846130196933, + 0.3409798179158945, + 0.39560385597595316, + -0.6399481604336541, + -1.4070587504934504, + -0.5813978945361281 ], - "matches": "x22", - "range": [ - -0.13, - 0.18 + "xaxis": "x4", + "y": [ + 0.014726265984533853, + 0.014064894109592586, + -0.013380147719862054, + 0.011852711776742159, + -0.014307523859391448, + 0.017660124925180293, + 0.013540383137869576, + -0.01818336287703559, + 0.017277748485648066, + 0.014176899037905134, + 0.014064894109592586, + -0.015940205508507884, + 0.013641475212718544, + -0.012963331728179433, + 0.01431146506441924, + 0.014064894109592586, + 0.014064894109592586, + -0.015322758324148865, + 0.013641475212718544, + 0.01370513334591315, + -0.01132235962345457, + -0.013532653014579291, + 0.014646968319665981, + 0.016078742227549042, + -0.015503765664379183, + 0.014064894109592586, + 0.012762604858136215, + -0.01258111148186442, + 0.014095609065981212, + 0.015496433647809298, + -0.010335085350411288, + 0.013695738784225059, + 0.014852925605762226, + 0.013641475212718544, + -0.01405067913787044, + 0.013299856027943004, + -0.012066539668291906, + 0.011186565125150124, + 0.01783734368282772, + -0.011304741315950693, + -0.009170656097926257, + -0.012027422316326291, + 0.013641475212718544, + 0.017279086505592605, + 0.01246886287046238, + 0.013641475212718544, + 0.01464463835428751, + -0.017199447004241426, + 0.014064894109592586, + -0.009199333781424915, + 0.014070747487493354, + 0.013641475212718544, + 0.01787860135093924, + 0.010839092562473816, + 0.013523560107538447, + 0.01432124190971755, + -0.014439906550976343, + 0.011845282791230868, + 0.013641475212718544, + -0.01422028519644574, + -0.014000897824696544, + -0.01365098288591529, + 0.013723274924817046, + -0.014181076082432919, + -0.0134506367573504, + 0.013723274924817046, + 0.015170264852550188, + 0.01404056339023197, + -0.00971710509066603, + -0.014066894414318583, + 0.011511092591966619, + -0.016226355156505445, + -0.01883160434523241, + 0.015255821057762558, + 0.011186565125150124, + -0.01143567449809071, + 0.015564092674518087, + -0.010017753841262201, + 0.013641475212718544, + 0.011511092591966619, + -0.011625655326041947, + -0.012682113486094214, + 0.01516153743476797, + -0.015057909932712589, + 0.013299856027943004, + 0.011186565125150124, + 0.014603402031971888, + 0.014193722068236263, + 0.014508100999755313, + -0.011740345005806714, + 0.013299856027943004, + -0.01425560805212199, + -0.014718862143523075, + 0.013834715922951199, + -0.014873895940483894, + -0.011615805531298621, + 0.017684846426351077, + 0.017101354528880196, + 0.014020529653934365, + 0.014300547334952458, + 0.014199961687879393, + -0.013635255697216749, + -0.011142064842442003, + -0.014278856387803442, + 0.014095609065981212, + -0.013500109921448048, + 0.01167300460951887, + 0.014182188485627505, + -0.01405067913787044, + -0.01425560805212199, + -0.01425560805212199, + 0.015671218505862932, + 0.013641475212718544, + 0.01483648040006576, + 0.012944119399632907, + 0.014176899037905134, + 0.013710986723813916, + 0.013602393911702444, + 0.013959273418308049, + 0.016579191690639202, + 0.013798116722544267, + -0.015667476434144272, + -0.011893934227334993, + 0.010748923549827694, + 0.014157379053420724, + -0.013717932423115203, + 0.01415473109675133, + 0.011186565125150124, + -0.01207142107523838, + -0.014348289108469643, + 0.012379577906613044, + 0.017279086505592605, + 0.011511092591966619, + 0.014284330355963427, + -0.012488420514215892, + 0.013983604137668665, + -0.014447759760950977 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "yaxis": "y4" + } + ], + "layout": { + "hovermode": "closest", + "template": { + "data": { + "scatter": [ + { + "type": "scatter" + } + ] + } }, - "xaxis20": { - "anchor": "y20", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -0.13, - 0.18 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "title": { + "text": "Interaction plot for Sex and PassengerClass" }, - "xaxis21": { - "anchor": "y21", + "xaxis": { + "anchor": "y", "domain": [ 0, - 1 - ], - "matches": "x22", - "range": [ - -0.13, - 0.18 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + 0.31875 + ] }, - "xaxis22": { - "anchor": "y22", + "xaxis2": { + "anchor": "y2", "domain": [ - 0, - 1 - ], - "range": [ - -0.13, - 0.18 + 0.36874999999999997, + 0.475 ], "showgrid": false, + "visible": false, "zeroline": false }, "xaxis3": { "anchor": "y3", "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -0.13, - 0.18 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + 0.525, + 0.84375 + ] }, "xaxis4": { "anchor": "y4", "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -0.13, - 0.18 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis5": { - "anchor": "y5", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -0.13, - 0.18 + 0.8937499999999999, + 0.9999999999999999 ], "showgrid": false, - "showticklabels": false, + "visible": false, "zeroline": false }, - "xaxis6": { - "anchor": "y6", + "yaxis": { + "anchor": "x", "domain": [ 0, 1 ], - "matches": "x22", "range": [ - -0.13, - 0.18 + -0.03594345035067162, + 0.0382374815642048 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "title": { + "text": "SHAP value" + } }, - "xaxis7": { - "anchor": "y7", + "yaxis2": { + "anchor": "x2", "domain": [ 0, 1 ], - "matches": "x22", + "matches": "y", "range": [ - -0.13, - 0.18 + -0.03594345035067162, + 0.0382374815642048 ], "showgrid": false, "showticklabels": false, "zeroline": false }, - "xaxis8": { - "anchor": "y8", + "yaxis3": { + "anchor": "x3", "domain": [ 0, 1 ], - "matches": "x22", + "matches": "y", "range": [ - -0.13, - 0.18 + -0.03594345035067162, + 0.0382374815642048 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "showticklabels": false }, - "xaxis9": { - "anchor": "y9", + "yaxis4": { + "anchor": "x4", "domain": [ 0, 1 ], - "matches": "x22", + "matches": "y", "range": [ - -0.13, - 0.18 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis": { - "anchor": "x", - "domain": [ - 0.9762396694214877, - 1 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis10": { - "anchor": "x10", - "domain": [ - 0.5578512396694215, - 0.5816115702479339 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis11": { - "anchor": "x11", - "domain": [ - 0.5113636363636364, - 0.5351239669421487 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis12": { - "anchor": "x12", - "domain": [ - 0.4648760330578513, - 0.4886363636363637 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis13": { - "anchor": "x13", - "domain": [ - 0.41838842975206614, - 0.44214876033057854 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis14": { - "anchor": "x14", - "domain": [ - 0.371900826446281, - 0.3956611570247934 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis15": { - "anchor": "x15", - "domain": [ - 0.32541322314049587, - 0.34917355371900827 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis16": { - "anchor": "x16", - "domain": [ - 0.27892561983471076, - 0.30268595041322316 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis17": { - "anchor": "x17", - "domain": [ - 0.23243801652892565, - 0.25619834710743805 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis18": { - "anchor": "x18", - "domain": [ - 0.1859504132231405, - 0.2097107438016529 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis19": { - "anchor": "x19", - "domain": [ - 0.13946280991735538, - 0.16322314049586778 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis2": { - "anchor": "x2", - "domain": [ - 0.9297520661157026, - 0.953512396694215 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis20": { - "anchor": "x20", - "domain": [ - 0.09297520661157024, - 0.11673553719008264 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis21": { - "anchor": "x21", - "domain": [ - 0.04648760330578512, - 0.07024793388429752 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis22": { - "anchor": "x22", - "domain": [ - 0, - 0.023760330578512397 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis3": { - "anchor": "x3", - "domain": [ - 0.8832644628099173, - 0.9070247933884297 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis4": { - "anchor": "x4", - "domain": [ - 0.8367768595041323, - 0.8605371900826446 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis5": { - "anchor": "x5", - "domain": [ - 0.7902892561983471, - 0.8140495867768595 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis6": { - "anchor": "x6", - "domain": [ - 0.743801652892562, - 0.7675619834710743 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis7": { - "anchor": "x7", - "domain": [ - 0.6973140495867769, - 0.7210743801652892 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis8": { - "anchor": "x8", - "domain": [ - 0.6508264462809917, - 0.6745867768595041 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis9": { - "anchor": "x9", - "domain": [ - 0.6043388429752066, - 0.6280991735537189 + -0.03594345035067162, + 0.0382374815642048 ], "showgrid": false, "showticklabels": false, @@ -27658,9 +20568,9 @@ } }, "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_interactions_importance('Sex', cats=True, topx=5)" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:40:18.188727Z", - "start_time": "2020-10-12T08:40:18.175823Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ { "hoverinfo": "text", - "orientation": "h", - "type": "bar", + "marker": { + "opacity": 0.6, + "showscale": false, + "size": 7 + }, + "mode": "markers", + "name": "Sex_male", + "opacity": 0.8, + "showlegend": true, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
PassengerClass=3
Sex=Sex_male
SHAP=0.015", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Palsson, Master. Gosta Leonard
PassengerClass=1
Sex=Sex_male
SHAP=-0.013", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
PassengerClass=3
Sex=Sex_male
SHAP=0.012", + "None=Nasser, Mrs. Nicholas (Adele Achem)
PassengerClass=1
Sex=Sex_male
SHAP=-0.014", + "None=Saundercock, Mr. William Henry
PassengerClass=3
Sex=Sex_male
SHAP=0.018", + "None=Vestrom, Miss. Hulda Amanda Adolfina
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
PassengerClass=2
Sex=Sex_male
SHAP=-0.018", + "None=Glynn, Miss. Mary Agatha
PassengerClass=3
Sex=Sex_male
SHAP=0.017", + "None=Meyer, Mr. Edgar Joseph
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Kraeff, Mr. Theodor
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Devaney, Miss. Margaret Delia
PassengerClass=1
Sex=Sex_male
SHAP=-0.016", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Rugg, Miss. Emily
PassengerClass=1
Sex=Sex_male
SHAP=-0.013", + "None=Harris, Mr. Henry Birkhardt
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Skoog, Master. Harald
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Kink, Mr. Vincenz
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Hood, Mr. Ambrose Jr
PassengerClass=2
Sex=Sex_male
SHAP=-0.015", + "None=Ilett, Miss. Bertha
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Ford, Mr. William Neal
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Christmann, Mr. Emil
PassengerClass=2
Sex=Sex_male
SHAP=-0.011", + "None=Andreasson, Mr. Paul Edvin
PassengerClass=2
Sex=Sex_male
SHAP=-0.014", + "None=Chaffee, Mr. Herbert Fuller
PassengerClass=3
Sex=Sex_male
SHAP=0.015", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
PassengerClass=3
Sex=Sex_male
SHAP=0.016", + "None=White, Mr. Richard Frasar
PassengerClass=1
Sex=Sex_male
SHAP=-0.016", + "None=Rekic, Mr. Tido
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Moran, Miss. Bertha
PassengerClass=3
Sex=Sex_male
SHAP=0.013", + "None=Barton, Mr. David John
PassengerClass=1
Sex=Sex_male
SHAP=-0.013", + "None=Jussila, Miss. Katriina
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Pekoniemi, Mr. Edvard
PassengerClass=3
Sex=Sex_male
SHAP=0.015", + "None=Turpin, Mr. William John Robert
PassengerClass=1
Sex=Sex_male
SHAP=-0.010", + "None=Moore, Mr. Leonard Charles
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Osen, Mr. Olaf Elon
PassengerClass=3
Sex=Sex_male
SHAP=0.015", + "None=Ford, Miss. Robina Maggie \"Ruby\"
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
PassengerClass=2
Sex=Sex_male
SHAP=-0.014", + "None=Bateman, Rev. Robert James
PassengerClass=3
Sex=Sex_male
SHAP=0.013", + "None=Meo, Mr. Alfonzo
PassengerClass=1
Sex=Sex_male
SHAP=-0.012", + "None=Cribb, Mr. John Hatfield
PassengerClass=3
Sex=Sex_male
SHAP=0.011", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
PassengerClass=3
Sex=Sex_male
SHAP=0.018", + "None=Van der hoef, Mr. Wyckoff
PassengerClass=1
Sex=Sex_male
SHAP=-0.011", + "None=Sivola, Mr. Antti Wilhelm
PassengerClass=2
Sex=Sex_male
SHAP=-0.009", + "None=Klasen, Mr. Klas Albin
PassengerClass=1
Sex=Sex_male
SHAP=-0.012", + "None=Rood, Mr. Hugh Roscoe
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
PassengerClass=3
Sex=Sex_male
SHAP=0.017", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
PassengerClass=3
Sex=Sex_male
SHAP=0.012", + "None=Vande Walle, Mr. Nestor Cyriel
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Backstrom, Mr. Karl Alfred
PassengerClass=3
Sex=Sex_male
SHAP=0.015", + "None=Blank, Mr. Henry
PassengerClass=2
Sex=Sex_male
SHAP=-0.017", + "None=Ali, Mr. Ahmed
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Green, Mr. George Henry
PassengerClass=1
Sex=Sex_male
SHAP=-0.009", + "None=Nenkoff, Mr. Christo
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Asplund, Miss. Lillian Gertrud
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Harknett, Miss. Alice Phoebe
PassengerClass=3
Sex=Sex_male
SHAP=0.018", + "None=Hunt, Mr. George Henry
PassengerClass=3
Sex=Sex_male
SHAP=0.011", + "None=Reed, Mr. James George
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Stead, Mr. William Thomas
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Thorne, Mrs. Gertrude Maybelle
PassengerClass=2
Sex=Sex_male
SHAP=-0.014", + "None=Parrish, Mrs. (Lutie Davis)
PassengerClass=3
Sex=Sex_male
SHAP=0.012", + "None=Smith, Mr. Thomas
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Asplund, Master. Edvin Rojj Felix
PassengerClass=1
Sex=Sex_male
SHAP=-0.014", + "None=Healy, Miss. Hanora \"Nora\"
PassengerClass=1
Sex=Sex_male
SHAP=-0.014", + "None=Andrews, Miss. Kornelia Theodosia
PassengerClass=2
Sex=Sex_male
SHAP=-0.014", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Smith, Mr. Richard William
PassengerClass=2
Sex=Sex_male
SHAP=-0.014", + "None=Connolly, Miss. Kate
PassengerClass=1
Sex=Sex_male
SHAP=-0.013", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Levy, Mr. Rene Jacques
PassengerClass=3
Sex=Sex_male
SHAP=0.015", + "None=Lewy, Mr. Ervin G
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Williams, Mr. Howard Hugh \"Harry\"
PassengerClass=1
Sex=Sex_male
SHAP=-0.010", + "None=Sage, Mr. George John Jr
PassengerClass=1
Sex=Sex_male
SHAP=-0.014", + "None=Nysveen, Mr. Johan Hansen
PassengerClass=3
Sex=Sex_male
SHAP=0.012", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
PassengerClass=1
Sex=Sex_male
SHAP=-0.016", + "None=Denkoff, Mr. Mitto
PassengerClass=2
Sex=Sex_male
SHAP=-0.019", + "None=Burns, Miss. Elizabeth Margaret
PassengerClass=3
Sex=Sex_male
SHAP=0.015", + "None=Dimic, Mr. Jovan
PassengerClass=3
Sex=Sex_male
SHAP=0.011", + "None=del Carlo, Mr. Sebastiano
PassengerClass=2
Sex=Sex_male
SHAP=-0.011", + "None=Beavan, Mr. William Thomas
PassengerClass=3
Sex=Sex_male
SHAP=0.016", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
PassengerClass=1
Sex=Sex_male
SHAP=-0.010", + "None=Widener, Mr. Harry Elkins
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Gustafsson, Mr. Karl Gideon
PassengerClass=3
Sex=Sex_male
SHAP=0.012", + "None=Plotcharsky, Mr. Vasil
PassengerClass=1
Sex=Sex_male
SHAP=-0.012", + "None=Goodwin, Master. Sidney Leonard
PassengerClass=1
Sex=Sex_male
SHAP=-0.013", + "None=Sadlier, Mr. Matthew
PassengerClass=3
Sex=Sex_male
SHAP=0.015", + "None=Gustafsson, Mr. Johan Birger
PassengerClass=1
Sex=Sex_male
SHAP=-0.015", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
PassengerClass=3
Sex=Sex_male
SHAP=0.013", + "None=Niskanen, Mr. Juha
PassengerClass=3
Sex=Sex_male
SHAP=0.011", + "None=Minahan, Miss. Daisy E
PassengerClass=3
Sex=Sex_male
SHAP=0.015", + "None=Matthews, Mr. William John
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Charters, Mr. David
PassengerClass=3
Sex=Sex_male
SHAP=0.015", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
PassengerClass=1
Sex=Sex_male
SHAP=-0.012", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
PassengerClass=3
Sex=Sex_male
SHAP=0.013", + "None=Johannesen-Bratthammer, Mr. Bernt
PassengerClass=2
Sex=Sex_male
SHAP=-0.014", + "None=Peuchen, Major. Arthur Godfrey
PassengerClass=1
Sex=Sex_male
SHAP=-0.015", + "None=Anderson, Mr. Harry
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Milling, Mr. Jacob Christian
PassengerClass=1
Sex=Sex_male
SHAP=-0.015", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
PassengerClass=1
Sex=Sex_male
SHAP=-0.012", + "None=Karlsson, Mr. Nils August
PassengerClass=3
Sex=Sex_male
SHAP=0.018", + "None=Frost, Mr. Anthony Wood \"Archie\"
PassengerClass=3
Sex=Sex_male
SHAP=0.017", + "None=Bishop, Mr. Dickinson H
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Windelov, Mr. Einar
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Shellard, Mr. Frederick William
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Svensson, Mr. Olof
PassengerClass=1
Sex=Sex_male
SHAP=-0.014", + "None=O'Sullivan, Miss. Bridget Mary
PassengerClass=1
Sex=Sex_male
SHAP=-0.011", + "None=Laitinen, Miss. Kristina Sofia
PassengerClass=1
Sex=Sex_male
SHAP=-0.014", + "None=Penasco y Castellana, Mr. Victor de Satode
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
PassengerClass=2
Sex=Sex_male
SHAP=-0.014", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
PassengerClass=3
Sex=Sex_male
SHAP=0.012", + "None=Kassem, Mr. Fared
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Cacic, Miss. Marija
PassengerClass=2
Sex=Sex_male
SHAP=-0.014", + "None=Hart, Miss. Eva Miriam
PassengerClass=2
Sex=Sex_male
SHAP=-0.014", + "None=Butt, Major. Archibald Willingham
PassengerClass=2
Sex=Sex_male
SHAP=-0.014", + "None=Beane, Mr. Edward
PassengerClass=3
Sex=Sex_male
SHAP=0.016", + "None=Goldsmith, Mr. Frank John
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Ohman, Miss. Velin
PassengerClass=3
Sex=Sex_male
SHAP=0.015", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
PassengerClass=3
Sex=Sex_male
SHAP=0.013", + "None=Morrow, Mr. Thomas Rowan
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Harris, Mr. George
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Patchett, Mr. George
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Ross, Mr. John Hugo
PassengerClass=3
Sex=Sex_male
SHAP=0.017", + "None=Murdlin, Mr. Joseph
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Bourke, Miss. Mary
PassengerClass=1
Sex=Sex_male
SHAP=-0.016", + "None=Boulos, Mr. Hanna
PassengerClass=1
Sex=Sex_male
SHAP=-0.012", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
PassengerClass=3
Sex=Sex_male
SHAP=0.011", + "None=Homer, Mr. Harry (\"Mr E Haven\")
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Lindell, Mr. Edvard Bengtsson
PassengerClass=2
Sex=Sex_male
SHAP=-0.014", + "None=Daniel, Mr. Robert Williams
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
PassengerClass=3
Sex=Sex_male
SHAP=0.011", + "None=Shutes, Miss. Elizabeth W
PassengerClass=2
Sex=Sex_male
SHAP=-0.012", + "None=Jardin, Mr. Jose Neto
PassengerClass=2
Sex=Sex_male
SHAP=-0.014", + "None=Horgan, Mr. John
PassengerClass=3
Sex=Sex_male
SHAP=0.012", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
PassengerClass=3
Sex=Sex_male
SHAP=0.017", + "None=Yasbeck, Mr. Antoni
PassengerClass=3
Sex=Sex_male
SHAP=0.012", + "None=Bostandyeff, Mr. Guentcho
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Lundahl, Mr. Johan Svensson
PassengerClass=1
Sex=Sex_male
SHAP=-0.012", + "None=Stahelin-Maeglin, Dr. Max
PassengerClass=3
Sex=Sex_male
SHAP=0.014", + "None=Willey, Mr. Edward
PassengerClass=2
Sex=Sex_male
SHAP=-0.014" + ], + "type": "scattergl", "x": [ - 0.0032230081076955663, - 0.0035798672271593825, - 0.004159742113591533, - 0.00489886199424474, - 0.037588067009965226 + 3, + 3, + 1, + 3, + 1, + 3, + 3, + 2, + 3, + 3, + 3, + 1, + 3, + 1, + 3, + 3, + 3, + 2, + 3, + 3, + 2, + 2, + 3, + 3, + 1, + 3, + 3, + 1, + 3, + 3, + 1, + 3, + 3, + 3, + 2, + 3, + 1, + 3, + 3, + 1, + 2, + 1, + 3, + 3, + 3, + 3, + 3, + 2, + 3, + 1, + 3, + 3, + 3, + 3, + 3, + 3, + 2, + 3, + 3, + 1, + 1, + 2, + 3, + 2, + 1, + 3, + 3, + 3, + 1, + 1, + 3, + 1, + 2, + 3, + 3, + 2, + 3, + 1, + 3, + 3, + 1, + 1, + 3, + 1, + 3, + 3, + 3, + 3, + 3, + 1, + 3, + 2, + 1, + 3, + 1, + 1, + 3, + 3, + 3, + 3, + 3, + 1, + 1, + 1, + 3, + 2, + 3, + 3, + 2, + 2, + 2, + 3, + 3, + 3, + 3, + 3, + 3, + 3, + 3, + 3, + 3, + 1, + 1, + 3, + 3, + 2, + 3, + 3, + 2, + 2, + 3, + 3, + 3, + 3, + 1, + 3, + 2 ], "y": [ - "5. Sex_male", - "4. No_of_relatives_on_board", - "3. Deck_Unkown", - "2. PassengerClass", - "1. Fare" + 0.014726265984533856, + 0.014064894109592586, + -0.013380147719862056, + 0.011852711776742159, + -0.014307523859391446, + 0.017660124925180296, + 0.013540383137869573, + -0.01818336287703559, + 0.017277748485648066, + 0.01417689903790513, + 0.014064894109592586, + -0.015940205508507877, + 0.01364147521271854, + -0.012963331728179438, + 0.01431146506441924, + 0.014064894109592586, + 0.014064894109592586, + -0.015322758324148865, + 0.01364147521271854, + 0.013705133345913147, + -0.01132235962345457, + -0.013532653014579288, + 0.014646968319665981, + 0.016078742227549046, + -0.015503765664379183, + 0.014064894109592586, + 0.012762604858136212, + -0.012581111481864422, + 0.014095609065981209, + 0.015496433647809294, + -0.010335085350411286, + 0.013695738784225059, + 0.014852925605762228, + 0.01364147521271854, + -0.01405067913787044, + 0.013299856027943001, + -0.012066539668291904, + 0.011186565125150122, + 0.017837343682827723, + -0.01130474131595069, + -0.009170656097926258, + -0.012027422316326296, + 0.01364147521271854, + 0.01727908650559261, + 0.012468862870462382, + 0.01364147521271854, + 0.014644638354287512, + -0.017199447004241426, + 0.014064894109592586, + -0.009199333781424918, + 0.014070747487493353, + 0.01364147521271854, + 0.017878601350939244, + 0.010839092562473816, + 0.013523560107538444, + 0.01432124190971755, + -0.01443990655097634, + 0.011845282791230866, + 0.01364147521271854, + -0.014220285196445744, + -0.014000897824696542, + -0.013650982885915292, + 0.013723274924817046, + -0.014181076082432922, + -0.013450636757350396, + 0.013723274924817046, + 0.015170264852550183, + 0.01404056339023197, + -0.00971710509066603, + -0.014066894414318585, + 0.011511092591966619, + -0.016226355156505445, + -0.018831604345232414, + 0.015255821057762554, + 0.011186565125150122, + -0.011435674498090711, + 0.015564092674518082, + -0.0100177538412622, + 0.01364147521271854, + 0.011511092591966619, + -0.011625655326041946, + -0.012682113486094217, + 0.015161537434767969, + -0.015057909932712587, + 0.013299856027943001, + 0.011186565125150122, + 0.014603402031971885, + 0.01419372206823626, + 0.014508100999755316, + -0.011740345005806712, + 0.013299856027943001, + -0.01425560805212199, + -0.014718862143523073, + 0.013834715922951197, + -0.014873895940483894, + -0.011615805531298627, + 0.017684846426351077, + 0.017101354528880196, + 0.014020529653934365, + 0.014300547334952455, + 0.01419996168787939, + -0.013635255697216749, + -0.011142064842442002, + -0.014278856387803438, + 0.014095609065981209, + -0.013500109921448046, + 0.01167300460951887, + 0.014182188485627505, + -0.01405067913787044, + -0.01425560805212199, + -0.01425560805212199, + 0.01567121850586293, + 0.01364147521271854, + 0.014836480400065752, + 0.012944119399632907, + 0.01417689903790513, + 0.013710986723813916, + 0.013602393911702442, + 0.013959273418308049, + 0.0165791916906392, + 0.013798116722544267, + -0.01566747643414427, + -0.01189393422733499, + 0.010748923549827698, + 0.01415737905342072, + -0.013717932423115203, + 0.014154731096751326, + 0.011186565125150122, + -0.012071421075238384, + -0.014348289108469643, + 0.012379577906613048, + 0.01727908650559261, + 0.011511092591966619, + 0.014284330355963427, + -0.012488420514215892, + 0.013983604137668665, + -0.014447759760950977 ] } ], "layout": { - "height": 300, - "margin": { - "b": 50, - "l": 168, - "pad": 4, - "r": 50, - "t": 50 - }, + "hovermode": "closest", + "paper_bgcolor": "#fff", "plot_bgcolor": "#fff", - "showlegend": false, + "showlegend": true, "template": { "data": { "scatter": [ @@ -27881,23 +21274,24 @@ } }, "title": { - "text": "Average interaction shap values for Fare" + "text": "Interaction plot for PassengerClass and Sex" }, "xaxis": { - "automargin": true, "title": { - "text": "" + "text": "PassengerClass" } }, "yaxis": { - "automargin": true + "title": { + "text": "SHAP value" + } } } }, "text/html": [ - "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_interaction(\"Fare\", \"Age\", highlight_index=name)" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T15:59:13.538154Z", + "start_time": "2021-01-20T15:59:13.517489Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ { "hoverinfo": "text", "marker": { @@ -31072,9 +22486,8 @@ 13 ], "colorbar": { - "showticklabels": false, "title": { - "text": "feature value
(red is high)" + "text": "Fare" } }, "colorscale": [ @@ -31087,12505 +22500,3263 @@ "rgb(255,0,0)" ] ], - "opacity": 0.3, + "opacity": 0.6, "showscale": true, - "size": 5 + "size": 7 }, "mode": "markers", - "name": "Fare", - "opacity": 0.8, - "showlegend": false, "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Fare=71.2833
shap=0.001", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Fare=53.1
shap=0.002", - "index=Palsson, Master. Gosta Leonard
Fare=21.075
shap=-0.001", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Fare=11.1333
shap=-0.005", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Fare=30.0708
shap=-0.004", - "index=Saundercock, Mr. William Henry
Fare=8.05
shap=0.008", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Fare=7.8542
shap=0.001", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Fare=31.3875
shap=-0.011", - "index=Glynn, Miss. Mary Agatha
Fare=7.75
shap=0.007", - "index=Meyer, Mr. Edgar Joseph
Fare=82.1708
shap=-0.009", - "index=Kraeff, Mr. Theodor
Fare=7.8958
shap=0.003", - "index=Devaney, Miss. Margaret Delia
Fare=7.8792
shap=0.008", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Fare=17.8
shap=0.005", - "index=Rugg, Miss. Emily
Fare=10.5
shap=-0.011", - "index=Harris, Mr. Henry Birkhardt
Fare=83.475
shap=-0.009", - "index=Skoog, Master. Harald
Fare=27.9
shap=0.002", - "index=Kink, Mr. Vincenz
Fare=8.6625
shap=0.009", - "index=Hood, Mr. Ambrose Jr
Fare=73.5
shap=-0.006", - "index=Ilett, Miss. Bertha
Fare=10.5
shap=-0.011", - "index=Ford, Mr. William Neal
Fare=34.375
shap=0.004", - "index=Christmann, Mr. Emil
Fare=8.05
shap=0.009", - "index=Andreasson, Mr. Paul Edvin
Fare=7.8542
shap=0.006", - "index=Chaffee, Mr. Herbert Fuller
Fare=61.175
shap=-0.011", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Fare=7.8958
shap=0.005", - "index=White, Mr. Richard Frasar
Fare=77.2875
shap=-0.008", - "index=Rekic, Mr. Tido
Fare=7.8958
shap=0.007", - "index=Moran, Miss. Bertha
Fare=24.15
shap=-0.011", - "index=Barton, Mr. David John
Fare=8.05
shap=0.008", - "index=Jussila, Miss. Katriina
Fare=9.825
shap=-0.013", - "index=Pekoniemi, Mr. Edvard
Fare=7.925
shap=0.007", - "index=Turpin, Mr. William John Robert
Fare=21.0
shap=-0.007", - "index=Moore, Mr. Leonard Charles
Fare=8.05
shap=0.007", - "index=Osen, Mr. Olaf Elon
Fare=9.2167
shap=0.008", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Fare=34.375
shap=-0.011", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Fare=26.0
shap=-0.0", - "index=Bateman, Rev. Robert James
Fare=12.525
shap=-0.002", - "index=Meo, Mr. Alfonzo
Fare=8.05
shap=0.008", - "index=Cribb, Mr. John Hatfield
Fare=16.1
shap=-0.002", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Fare=55.0
shap=0.008", - "index=Van der hoef, Mr. Wyckoff
Fare=33.5
shap=0.001", - "index=Sivola, Mr. Antti Wilhelm
Fare=7.925
shap=0.007", - "index=Klasen, Mr. Klas Albin
Fare=7.8542
shap=0.009", - "index=Rood, Mr. Hugh Roscoe
Fare=50.0
shap=-0.006", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Fare=7.8542
shap=-0.004", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Fare=27.7208
shap=-0.004", - "index=Vande Walle, Mr. Nestor Cyriel
Fare=9.5
shap=0.009", - "index=Backstrom, Mr. Karl Alfred
Fare=15.85
shap=-0.004", - "index=Blank, Mr. Henry
Fare=31.0
shap=0.004", - "index=Ali, Mr. Ahmed
Fare=7.05
shap=0.006", - "index=Green, Mr. George Henry
Fare=8.05
shap=0.008", - "index=Nenkoff, Mr. Christo
Fare=7.8958
shap=0.005", - "index=Asplund, Miss. Lillian Gertrud
Fare=31.3875
shap=-0.009", - "index=Harknett, Miss. Alice Phoebe
Fare=7.55
shap=0.007", - "index=Hunt, Mr. George Henry
Fare=12.275
shap=-0.002", - "index=Reed, Mr. James George
Fare=7.25
shap=0.004", - "index=Stead, Mr. William Thomas
Fare=26.55
shap=0.006", - "index=Thorne, Mrs. Gertrude Maybelle
Fare=79.2
shap=-0.014", - "index=Parrish, Mrs. (Lutie Davis)
Fare=26.0
shap=0.002", - "index=Smith, Mr. Thomas
Fare=7.75
shap=0.0", - "index=Asplund, Master. Edvin Rojj Felix
Fare=31.3875
shap=0.004", - "index=Healy, Miss. Hanora \"Nora\"
Fare=7.75
shap=0.007", - "index=Andrews, Miss. Kornelia Theodosia
Fare=77.9583
shap=-0.004", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Fare=20.25
shap=-0.002", - "index=Smith, Mr. Richard William
Fare=26.0
shap=0.002", - "index=Connolly, Miss. Kate
Fare=7.75
shap=0.004", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Fare=91.0792
shap=0.0", - "index=Levy, Mr. Rene Jacques
Fare=12.875
shap=0.001", - "index=Lewy, Mr. Ervin G
Fare=27.7208
shap=-0.0", - "index=Williams, Mr. Howard Hugh \"Harry\"
Fare=8.05
shap=0.007", - "index=Sage, Mr. George John Jr
Fare=69.55
shap=0.003", - "index=Nysveen, Mr. Johan Hansen
Fare=6.2375
shap=0.005", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Fare=133.65
shap=-0.013", - "index=Denkoff, Mr. Mitto
Fare=7.8958
shap=0.005", - "index=Burns, Miss. Elizabeth Margaret
Fare=134.5
shap=0.002", - "index=Dimic, Mr. Jovan
Fare=8.6625
shap=0.008", - "index=del Carlo, Mr. Sebastiano
Fare=27.7208
shap=-0.002", - "index=Beavan, Mr. William Thomas
Fare=8.05
shap=0.008", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Fare=82.1708
shap=-0.01", - "index=Widener, Mr. Harry Elkins
Fare=211.5
shap=-0.009", - "index=Gustafsson, Mr. Karl Gideon
Fare=7.775
shap=0.006", - "index=Plotcharsky, Mr. Vasil
Fare=7.8958
shap=0.005", - "index=Goodwin, Master. Sidney Leonard
Fare=46.9
shap=0.003", - "index=Sadlier, Mr. Matthew
Fare=7.7292
shap=0.0", - "index=Gustafsson, Mr. Johan Birger
Fare=7.925
shap=0.008", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Fare=16.7
shap=-0.001", - "index=Niskanen, Mr. Juha
Fare=7.925
shap=0.007", - "index=Minahan, Miss. Daisy E
Fare=90.0
shap=-0.003", - "index=Matthews, Mr. William John
Fare=13.0
shap=-0.002", - "index=Charters, Mr. David
Fare=7.7333
shap=0.002", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Fare=26.0
shap=-0.001", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Fare=26.25
shap=0.002", - "index=Johannesen-Bratthammer, Mr. Bernt
Fare=8.1125
shap=0.007", - "index=Peuchen, Major. Arthur Godfrey
Fare=30.5
shap=0.006", - "index=Anderson, Mr. Harry
Fare=26.55
shap=0.002", - "index=Milling, Mr. Jacob Christian
Fare=13.0
shap=-0.002", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Fare=27.75
shap=0.002", - "index=Karlsson, Mr. Nils August
Fare=7.5208
shap=0.005", - "index=Frost, Mr. Anthony Wood \"Archie\"
Fare=0.0
shap=0.01", - "index=Bishop, Mr. Dickinson H
Fare=91.0792
shap=-0.008", - "index=Windelov, Mr. Einar
Fare=7.25
shap=0.005", - "index=Shellard, Mr. Frederick William
Fare=15.1
shap=-0.003", - "index=Svensson, Mr. Olof
Fare=7.7958
shap=0.006", - "index=O'Sullivan, Miss. Bridget Mary
Fare=7.6292
shap=0.011", - "index=Laitinen, Miss. Kristina Sofia
Fare=9.5875
shap=-0.011", - "index=Penasco y Castellana, Mr. Victor de Satode
Fare=108.9
shap=-0.011", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Fare=26.55
shap=0.0", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Fare=26.0
shap=0.002", - "index=Kassem, Mr. Fared
Fare=7.2292
shap=0.004", - "index=Cacic, Miss. Marija
Fare=8.6625
shap=-0.008", - "index=Hart, Miss. Eva Miriam
Fare=26.25
shap=0.001", - "index=Butt, Major. Archibald Willingham
Fare=26.55
shap=0.001", - "index=Beane, Mr. Edward
Fare=26.0
shap=-0.005", - "index=Goldsmith, Mr. Frank John
Fare=20.525
shap=-0.002", - "index=Ohman, Miss. Velin
Fare=7.775
shap=-0.001", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Fare=79.65
shap=0.009", - "index=Morrow, Mr. Thomas Rowan
Fare=7.75
shap=0.0", - "index=Harris, Mr. George
Fare=10.5
shap=0.012", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Fare=51.4792
shap=0.008", - "index=Patchett, Mr. George
Fare=14.5
shap=-0.004", - "index=Ross, Mr. John Hugo
Fare=40.125
shap=0.002", - "index=Murdlin, Mr. Joseph
Fare=8.05
shap=0.007", - "index=Bourke, Miss. Mary
Fare=7.75
shap=-0.003", - "index=Boulos, Mr. Hanna
Fare=7.225
shap=0.004", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Fare=56.9292
shap=-0.009", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Fare=26.55
shap=0.001", - "index=Lindell, Mr. Edvard Bengtsson
Fare=15.55
shap=-0.004", - "index=Daniel, Mr. Robert Williams
Fare=30.5
shap=-0.001", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Fare=41.5792
shap=0.001", - "index=Shutes, Miss. Elizabeth W
Fare=153.4625
shap=-0.001", - "index=Jardin, Mr. Jose Neto
Fare=7.05
shap=0.004", - "index=Horgan, Mr. John
Fare=7.75
shap=0.0", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Fare=16.1
shap=0.006", - "index=Yasbeck, Mr. Antoni
Fare=14.4542
shap=0.001", - "index=Bostandyeff, Mr. Guentcho
Fare=7.8958
shap=0.007", - "index=Lundahl, Mr. Johan Svensson
Fare=7.0542
shap=0.006", - "index=Stahelin-Maeglin, Dr. Max
Fare=30.5
shap=0.002", - "index=Willey, Mr. Edward
Fare=7.55
shap=0.004", - "index=Stanley, Miss. Amy Zillah Elsie
Fare=7.55
shap=0.004", - "index=Hegarty, Miss. Hanora \"Nora\"
Fare=6.75
shap=0.009", - "index=Eitemiller, Mr. George Floyd
Fare=13.0
shap=-0.002", - "index=Colley, Mr. Edward Pomeroy
Fare=25.5875
shap=0.002", - "index=Coleff, Mr. Peju
Fare=7.4958
shap=0.006", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Fare=39.0
shap=0.0", - "index=Davidson, Mr. Thornton
Fare=52.0
shap=-0.009", - "index=Turja, Miss. Anna Sofia
Fare=9.8417
shap=-0.012", - "index=Hassab, Mr. Hammad
Fare=76.7292
shap=-0.007", - "index=Goodwin, Mr. Charles Edward
Fare=46.9
shap=0.004", - "index=Panula, Mr. Jaako Arnold
Fare=39.6875
shap=0.004", - "index=Fischer, Mr. Eberhard Thelander
Fare=7.7958
shap=0.006", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Fare=7.65
shap=0.003", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Fare=227.525
shap=0.004", - "index=Hansen, Mr. Henrik Juul
Fare=7.8542
shap=0.007", - "index=Calderhead, Mr. Edward Pennington
Fare=26.2875
shap=0.002", - "index=Klaber, Mr. Herman
Fare=26.55
shap=0.007", - "index=Taylor, Mr. Elmer Zebley
Fare=52.0
shap=-0.008", - "index=Larsson, Mr. August Viktor
Fare=9.4833
shap=0.009", - "index=Greenberg, Mr. Samuel
Fare=13.0
shap=-0.002", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Fare=10.5
shap=-0.02", - "index=McEvoy, Mr. Michael
Fare=15.5
shap=-0.004", - "index=Johnson, Mr. Malkolm Joackim
Fare=7.775
shap=0.006", - "index=Gillespie, Mr. William Henry
Fare=13.0
shap=-0.002", - "index=Allen, Miss. Elisabeth Walton
Fare=211.3375
shap=-0.008", - "index=Berriman, Mr. William John
Fare=13.0
shap=-0.002", - "index=Troupiansky, Mr. Moses Aaron
Fare=13.0
shap=-0.002", - "index=Williams, Mr. Leslie
Fare=16.1
shap=-0.004", - "index=Ivanoff, Mr. Kanio
Fare=7.8958
shap=0.005", - "index=McNamee, Mr. Neal
Fare=16.1
shap=-0.005", - "index=Connaghton, Mr. Michael
Fare=7.75
shap=0.003", - "index=Carlsson, Mr. August Sigfrid
Fare=7.7958
shap=0.007", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Fare=86.5
shap=-0.004", - "index=Eklund, Mr. Hans Linus
Fare=7.775
shap=0.006", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Fare=77.9583
shap=-0.003", - "index=Moran, Mr. Daniel J
Fare=24.15
shap=0.005", - "index=Lievens, Mr. Rene Aime
Fare=9.5
shap=0.009", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Fare=211.3375
shap=-0.005", - "index=Ayoub, Miss. Banoura
Fare=7.2292
shap=0.009", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Fare=57.0
shap=-0.001", - "index=Johnston, Mr. Andrew G
Fare=23.45
shap=0.0", - "index=Ali, Mr. William
Fare=7.05
shap=0.006", - "index=Sjoblom, Miss. Anna Sofia
Fare=7.4958
shap=0.004", - "index=Guggenheim, Mr. Benjamin
Fare=79.2
shap=-0.007", - "index=Leader, Dr. Alice (Farnham)
Fare=25.9292
shap=-0.002", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Fare=26.25
shap=0.003", - "index=Carter, Master. William Thornton II
Fare=120.0
shap=-0.003", - "index=Thomas, Master. Assad Alexander
Fare=8.5167
shap=0.009", - "index=Johansson, Mr. Karl Johan
Fare=7.775
shap=0.007", - "index=Slemen, Mr. Richard James
Fare=10.5
shap=0.012", - "index=Tomlin, Mr. Ernest Portage
Fare=8.05
shap=0.009", - "index=McCormack, Mr. Thomas Joseph
Fare=7.75
shap=0.0", - "index=Richards, Master. George Sibley
Fare=18.75
shap=-0.001", - "index=Mudd, Mr. Thomas Charles
Fare=10.5
shap=0.012", - "index=Lemberopolous, Mr. Peter L
Fare=6.4375
shap=0.005", - "index=Sage, Mr. Douglas Bullen
Fare=69.55
shap=0.003", - "index=Boulos, Miss. Nourelain
Fare=15.2458
shap=-0.012", - "index=Aks, Mrs. Sam (Leah Rosen)
Fare=9.35
shap=-0.012", - "index=Razi, Mr. Raihed
Fare=7.2292
shap=0.004", - "index=Johnson, Master. Harold Theodor
Fare=11.1333
shap=0.003", - "index=Carlsson, Mr. Frans Olof
Fare=5.0
shap=0.009", - "index=Gustafsson, Mr. Alfred Ossian
Fare=9.8458
shap=0.01", - "index=Montvila, Rev. Juozas
Fare=13.0
shap=-0.002" - ], - "type": "scatter", - "x": [ - 0.0010857669208094046, - 0.0015169150467817141, - -0.0012656739807247316, - -0.005137319908074989, - -0.003889825585038099, - 0.008492391217413693, - 0.0005873222331277206, - -0.011431835549817481, - 0.0068342883808409395, - -0.009129829907379915, - 0.002580847287546678, - 0.007564904210528971, - 0.004714354338429688, - -0.010810404556460186, - -0.009285580462963672, - 0.0019017397152173783, - 0.008935280804977262, - -0.006146740947648275, - -0.010549757497162384, - 0.004354459672080469, - 0.008706602839888408, - 0.005999708266187195, - -0.011127217223780727, - 0.005318674825194903, - -0.007535991092689929, - 0.007118591942282443, - -0.011275393782754842, - 0.008492391217413693, - -0.01285468256111639, - 0.00730712597131016, - -0.006870435911908631, - 0.006876936350318988, - 0.008290255355946328, - -0.010916262781575396, - -0.00043571364423725264, - -0.0017151225926385501, - 0.0078607713409878, - -0.001904387816612018, - 0.00752057345694169, - 0.001075286697173738, - 0.00730712597131016, - 0.0091167871356563, - -0.006089243346098252, - -0.003592922961849679, - -0.003906308178369498, - 0.00893604257837691, - -0.0038429189655317213, - 0.0035459795695081285, - 0.005704248529427547, - 0.008042197927738576, - 0.005318674825194903, - -0.009012620168711174, - 0.00673132597399467, - -0.0017757518550734317, - 0.003865600709997389, - 0.0061717997376007135, - -0.013977796048033982, - 0.0023124926155745247, - 0.00040568689357842484, - 0.00365909354214168, - 0.0068342883808409395, - -0.004167375893603773, - -0.0023896598422970565, - 0.0017879175826835498, - 0.004277370829880674, - 0.00025331007808512655, - 0.0008697867776650035, - -8.397662781634233e-05, - 0.006876936350318988, - 0.0029180401487490545, - 0.005401144632089469, - -0.012954251478768497, - 0.005318674825194903, - 0.0024009992304809885, - 0.008272886480067885, - -0.0020279206349449346, - 0.008492391217413693, - -0.010206151930895047, - -0.009217942362506195, - 0.006126061560171363, - 0.005318674825194903, - 0.003204650249353993, - 0.0002441636945552265, - 0.008086282538159871, - -0.0007923380740913709, - 0.0073857226742510326, - -0.0030251541613381624, - -0.001680860311387964, - 0.0018283507762318252, - -0.0011890427653914418, - 0.0024385059501448687, - 0.006876936350318988, - 0.006339669946471869, - 0.001923948044353287, - -0.0015339933658550043, - 0.002366064119441177, - 0.005481055577092091, - 0.009616242536485815, - -0.00833137065201283, - 0.005481055577092091, - -0.002767190969558631, - 0.006222901218522651, - 0.011252830892678867, - -0.010735814913912334, - -0.010541462741069756, - 0.0003164017620282558, - 0.0020670405044859582, - 0.003542417146306742, - -0.007543096144580485, - 0.0014160426363356267, - 0.0009838786105983222, - -0.004871501402785947, - -0.0016148356618404293, - -0.0008823103349346491, - 0.008734232433405632, - 0.00040568689357842484, - 0.01174797111175492, - 0.007898168457182081, - -0.003837001329111698, - 0.00236043819129737, - 0.006876936350318988, - -0.0025235947626364432, - 0.003542417146306742, - -0.009065162326948288, - 0.0007299307073515826, - -0.0037677690792385643, - -0.001083620198394526, - 0.0006727348111562324, - -0.0009514271656054791, - 0.003865600709997389, - 0.00040568689357842484, - 0.005685105301584492, - 0.0014040833106174658, - 0.0068120743354781795, - 0.005576219286017129, - 0.0015015876177388564, - 0.003865600709997389, - 0.004204322904319399, - 0.008677530269789947, - -0.002281558430927062, - 0.002169999849129905, - 0.00576842076675632, - 2.8568603903606675e-05, - -0.008951065196731571, - -0.012455452408994552, - -0.007036773503040416, - 0.0036222565258407402, - 0.003516769614954738, - 0.006018482467305825, - 0.00339005139019142, - 0.0043191064427576045, - 0.0074722350596016646, - 0.0019355154577310298, - 0.0073930702270988725, - -0.008410188021258968, - 0.009025481862862634, - -0.0017154199526057809, - -0.01968418050521943, - -0.0038220969648696665, - 0.006436110239185744, - -0.0015946226282898854, - -0.007694134547813997, - -0.002281558430927062, - -0.002281558430927062, - -0.003570991512413771, - 0.005318674825194903, - -0.004862963837638657, - 0.002922200411099715, - 0.006676094829560256, - -0.0043702538436899505, - 0.0059239256987039975, - -0.0032906496748363306, - 0.004767874163766959, - 0.008945023908237652, - -0.005411552361200785, - 0.008557400576302715, - -0.0014706737930776448, - 0.00019577912575290167, - 0.005704248529427547, - 0.004136072050235045, - -0.006546651684746322, - -0.002378947649856332, - 0.0031239891252559495, - -0.002907612686509317, - 0.008512226854169302, - 0.0067861823736607655, - 0.012312705363086877, - 0.008592352409425113, - 0.00040568689357842484, - -0.0010276477601161124, - 0.012062076212146612, - 0.0051912929826143225, - 0.0029180401487490545, - -0.012118641171377068, - -0.012185617957737621, - 0.003542417146306742, - 0.0028094979192292103, - 0.008513170938614822, - 0.009695100154462143, - -0.001922518899787901 - ], - "xaxis": "x5", - "y": [ - 0.3967529016287825, - 0.7561438599396707, - 0.7519253244113063, - 0.975044558979953, - 0.11620365298805346, - 0.24672268634818595, - 0.11093501722458987, - 0.5668684691295023, - 0.7961373386212667, - 0.5899978569202604, - 0.06260002311146473, - 0.18039766601508145, - 0.5732828260422422, - 0.5199363150309774, - 0.12673170845024162, - 0.9963561377188089, - 0.8976553716236672, - 0.2582438419812638, - 0.5521771800456594, - 0.529014537374915, - 0.43301897691714153, - 0.9441849119148369, - 0.6312741257369963, - 0.004221256567703113, - 0.15041014876063186, - 0.6207932160793008, - 0.6468059336482159, - 0.6242634283041828, - 0.40486041259044425, - 0.43081359051586643, - 0.9582353454737813, - 0.45676915373078353, - 0.7881850109407752, - 0.06125754705565656, - 0.6215609100054535, - 0.9185218122893684, - 0.2977895573810252, - 0.913138876920899, - 0.25111097728842957, - 0.8101986851721971, - 0.8129822480094834, - 0.10779072944859791, - 0.49378078242182233, - 0.9152738936617953, - 0.8042631723969846, - 0.737319377396859, - 0.47033128327621887, - 0.3667036313422213, - 0.3759628516921669, - 0.6503989216713737, - 0.02688217277130911, - 0.804124747625039, - 0.33786750245263253, - 0.45382274652555044, - 0.532341923300277, - 0.02557685616040095, - 0.1106922871396161, - 0.4915732283881922, - 0.15179647485639158, - 0.43527929497913, - 0.10259856505752307, - 0.5221946091966249, - 0.257447759271501, - 0.27437666085063495, - 0.8430603157282243, - 0.7996296939615181, - 0.7480140617890123, - 0.7791150185904601, - 0.6784641056751167, - 0.672995418310517, - 0.2299709398863652, - 0.8769035674450418, - 0.7872586059631341, - 0.941459524143505, - 0.05214163219958501, - 0.07781177397641781, - 0.746757066609509, - 0.46365255064743216, - 0.12915397003375995, - 0.8234570352146371, - 0.24098693460267295, - 0.6662571051412706, - 0.10386522172910106, - 0.7035902911436127, - 0.7138261846644189, - 0.9063268972505386, - 0.36069883355746346, - 0.6259613459125603, - 0.6339383780908372, - 0.5051041025002686, - 0.8337935158597154, - 0.3393270523426053, - 0.2668458383205049, - 0.2081268584665712, - 0.7836342742500108, - 0.9003667748200213, - 0.9642859334711302, - 0.10698339060079132, - 0.18635525154292987, - 0.6094847774597809, - 0.838378946306963, - 0.16756653160449164, - 0.4873481889413187, - 0.20623308859025724, - 0.03967536124105164, - 0.7257651366747888, - 0.006160871892298747, - 0.4882998909010001, - 0.745732577633064, - 0.4735273736006176, - 0.5114160367583329, - 0.6964610430994546, - 0.06771912968078608, - 0.09279329975894801, - 0.345665977061655, - 0.5257933303354232, - 0.785687461590757, - 0.7383768823774719, - 0.4977880855714677, - 0.39191597220015517, - 0.6458731020356991, - 0.3319989932066171, - 0.4880130545067606, - 0.7053150453955672, - 0.8429689162947889, - 0.3048036020692806, - 0.4567805624262017, - 0.18680177897190675, - 0.9803772024834072, - 0.1495811749198831, - 0.17616658217753778, - 0.0818451797419395, - 0.681527893797118, - 0.7070271459645474, - 0.4672716636291051, - 0.8807665626786557, - 0.5784329604041187, - 0.7421802628344993, - 0.3223657863115812, - 0.7547564190040723, - 0.0382531469350057, - 0.5077619103985953, - 0.12089049781202821, - 0.8595732637475806, - 0.08101931298441556, - 0.9006041695983199, - 0.9890561121970147, - 0.3816277379835955, - 0.4071062958189333, - 0.665879169988526, - 0.5699728580685182, - 0.678178601420684, - 0.7000102819263906, - 0.5622043456315174, - 0.715163958950819, - 0.2614136461503147, - 0.9483234386213899, - 0.0538898218367877, - 0.9283702699592153, - 0.8629703838722169, - 0.976376034842077, - 0.46818268453704337, - 0.006697344406648709, - 0.7095212940183645, - 0.48931099422769664, - 0.796390215445334, - 0.07498643576625064, - 0.9843723720463078, - 0.14922115950434833, - 0.8494349682015011, - 0.5085939421941755, - 0.8811039808661929, - 0.2748636907063675, - 0.8565147217816496, - 0.13790156051528146, - 0.5232775428171741, - 0.11352091146454601, - 0.26810785149771754, - 0.2498029997841832, - 0.9945913806721595, - 0.7173568773434498, - 0.2729845158952877, - 0.2849069912704867, - 0.0483122766253381, - 0.26330013519229034, - 0.13790428201504534, - 0.19217037921735858, - 0.263979471660746, - 0.11997604634040471, - 0.9786215847415373, - 0.3519363013157839, - 0.9405367603627228, - 0.7493048523926752, - 0.13694020374413018, - 0.9165277011525572, - 0.16410781344658087, - 0.36940416526188846, - 0.7709044324179157, - 0.31618884396009406, - 0.06835493179111485 - ], - "yaxis": "y5" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 0, - 0, - 1, - 2, - 0, - 0, - 0, - 5, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 3, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 2, - 0, - 0, - 1, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 2, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 2, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 2, - 1, - 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, - 1, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 1, - 2, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 2, - 1, - 1, - 0, - 1, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
Fare=71.2833
SHAP=0.004", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
Fare=53.1
SHAP=0.001", + "None=Palsson, Master. Gosta Leonard
Age=2.0
Fare=21.075
SHAP=0.003", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=27.0
Fare=11.1333
SHAP=-0.001", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
Fare=30.0708
SHAP=0.001", + "None=Saundercock, Mr. William Henry
Age=20.0
Fare=8.05
SHAP=0.000", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Age=14.0
Fare=7.8542
SHAP=0.001", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=38.0
Fare=31.3875
SHAP=0.002", + "None=Glynn, Miss. Mary Agatha
Age=-999.0
Fare=7.75
SHAP=-0.000", + "None=Meyer, Mr. Edgar Joseph
Age=28.0
Fare=82.1708
SHAP=-0.004", + "None=Kraeff, Mr. Theodor
Age=-999.0
Fare=7.8958
SHAP=-0.002", + "None=Devaney, Miss. Margaret Delia
Age=19.0
Fare=7.8792
SHAP=-0.000", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=18.0
Fare=17.8
SHAP=-0.002", + "None=Rugg, Miss. Emily
Age=21.0
Fare=10.5
SHAP=-0.001", + "None=Harris, Mr. Henry Birkhardt
Age=45.0
Fare=83.475
SHAP=0.001", + "None=Skoog, Master. Harald
Age=4.0
Fare=27.9
SHAP=0.001", + "None=Kink, Mr. Vincenz
Age=26.0
Fare=8.6625
SHAP=0.000", + "None=Hood, Mr. Ambrose Jr
Age=21.0
Fare=73.5
SHAP=0.000", + "None=Ilett, Miss. Bertha
Age=17.0
Fare=10.5
SHAP=-0.001", + "None=Ford, Mr. William Neal
Age=16.0
Fare=34.375
SHAP=-0.000", + "None=Christmann, Mr. Emil
Age=29.0
Fare=8.05
SHAP=0.000", + "None=Andreasson, Mr. Paul Edvin
Age=20.0
Fare=7.8542
SHAP=0.000", + "None=Chaffee, Mr. Herbert Fuller
Age=46.0
Fare=61.175
SHAP=0.003", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Age=-999.0
Fare=7.8958
SHAP=-0.004", + "None=White, Mr. Richard Frasar
Age=21.0
Fare=77.2875
SHAP=0.001", + "None=Rekic, Mr. Tido
Age=38.0
Fare=7.8958
SHAP=-0.001", + "None=Moran, Miss. Bertha
Age=-999.0
Fare=24.15
SHAP=0.000", + "None=Barton, Mr. David John
Age=22.0
Fare=8.05
SHAP=-0.001", + "None=Jussila, Miss. Katriina
Age=20.0
Fare=9.825
SHAP=-0.002", + "None=Pekoniemi, Mr. Edvard
Age=21.0
Fare=7.925
SHAP=-0.001", + "None=Turpin, Mr. William John Robert
Age=29.0
Fare=21.0
SHAP=-0.003", + "None=Moore, Mr. Leonard Charles
Age=-999.0
Fare=8.05
SHAP=-0.004", + "None=Osen, Mr. Olaf Elon
Age=16.0
Fare=9.2167
SHAP=-0.000", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Age=9.0
Fare=34.375
SHAP=-0.001", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=36.5
Fare=26.0
SHAP=-0.000", + "None=Bateman, Rev. Robert James
Age=51.0
Fare=12.525
SHAP=-0.001", + "None=Meo, Mr. Alfonzo
Age=55.5
Fare=8.05
SHAP=0.002", + "None=Cribb, Mr. John Hatfield
Age=44.0
Fare=16.1
SHAP=-0.003", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Age=-999.0
Fare=55.0
SHAP=0.001", + "None=Van der hoef, Mr. Wyckoff
Age=61.0
Fare=33.5
SHAP=-0.005", + "None=Sivola, Mr. Antti Wilhelm
Age=21.0
Fare=7.925
SHAP=-0.001", + "None=Klasen, Mr. Klas Albin
Age=18.0
Fare=7.8542
SHAP=-0.004", + "None=Rood, Mr. Hugh Roscoe
Age=-999.0
Fare=50.0
SHAP=0.004", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=19.0
Fare=7.8542
SHAP=-0.001", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Age=44.0
Fare=27.7208
SHAP=-0.003", + "None=Vande Walle, Mr. Nestor Cyriel
Age=28.0
Fare=9.5
SHAP=0.000", + "None=Backstrom, Mr. Karl Alfred
Age=32.0
Fare=15.85
SHAP=-0.003", + "None=Blank, Mr. Henry
Age=40.0
Fare=31.0
SHAP=0.000", + "None=Ali, Mr. Ahmed
Age=24.0
Fare=7.05
SHAP=-0.001", + "None=Green, Mr. George Henry
Age=51.0
Fare=8.05
SHAP=0.002", + "None=Nenkoff, Mr. Christo
Age=-999.0
Fare=7.8958
SHAP=-0.004", + "None=Asplund, Miss. Lillian Gertrud
Age=5.0
Fare=31.3875
SHAP=-0.000", + "None=Harknett, Miss. Alice Phoebe
Age=-999.0
Fare=7.55
SHAP=-0.001", + "None=Hunt, Mr. George Henry
Age=33.0
Fare=12.275
SHAP=-0.002", + "None=Reed, Mr. James George
Age=-999.0
Fare=7.25
SHAP=-0.004", + "None=Stead, Mr. William Thomas
Age=62.0
Fare=26.55
SHAP=-0.002", + "None=Thorne, Mrs. Gertrude Maybelle
Age=-999.0
Fare=79.2
SHAP=-0.002", + "None=Parrish, Mrs. (Lutie Davis)
Age=50.0
Fare=26.0
SHAP=0.001", + "None=Smith, Mr. Thomas
Age=-999.0
Fare=7.75
SHAP=-0.002", + "None=Asplund, Master. Edvin Rojj Felix
Age=3.0
Fare=31.3875
SHAP=-0.001", + "None=Healy, Miss. Hanora \"Nora\"
Age=-999.0
Fare=7.75
SHAP=-0.000", + "None=Andrews, Miss. Kornelia Theodosia
Age=63.0
Fare=77.9583
SHAP=-0.001", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Age=35.0
Fare=20.25
SHAP=0.001", + "None=Smith, Mr. Richard William
Age=-999.0
Fare=26.0
SHAP=0.003", + "None=Connolly, Miss. Kate
Age=22.0
Fare=7.75
SHAP=-0.001", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Age=19.0
Fare=91.0792
SHAP=-0.000", + "None=Levy, Mr. Rene Jacques
Age=36.0
Fare=12.875
SHAP=-0.003", + "None=Lewy, Mr. Ervin G
Age=-999.0
Fare=27.7208
SHAP=0.004", + "None=Williams, Mr. Howard Hugh \"Harry\"
Age=-999.0
Fare=8.05
SHAP=-0.004", + "None=Sage, Mr. George John Jr
Age=-999.0
Fare=69.55
SHAP=0.000", + "None=Nysveen, Mr. Johan Hansen
Age=61.0
Fare=6.2375
SHAP=0.004", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=-999.0
Fare=133.65
SHAP=0.002", + "None=Denkoff, Mr. Mitto
Age=-999.0
Fare=7.8958
SHAP=-0.004", + "None=Burns, Miss. Elizabeth Margaret
Age=41.0
Fare=134.5
SHAP=0.007", + "None=Dimic, Mr. Jovan
Age=42.0
Fare=8.6625
SHAP=0.000", + "None=del Carlo, Mr. Sebastiano
Age=29.0
Fare=27.7208
SHAP=-0.001", + "None=Beavan, Mr. William Thomas
Age=19.0
Fare=8.05
SHAP=0.000", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=-999.0
Fare=82.1708
SHAP=-0.002", + "None=Widener, Mr. Harry Elkins
Age=27.0
Fare=211.5
SHAP=0.002", + "None=Gustafsson, Mr. Karl Gideon
Age=19.0
Fare=7.775
SHAP=0.000", + "None=Plotcharsky, Mr. Vasil
Age=-999.0
Fare=7.8958
SHAP=-0.004", + "None=Goodwin, Master. Sidney Leonard
Age=1.0
Fare=46.9
SHAP=-0.001", + "None=Sadlier, Mr. Matthew
Age=-999.0
Fare=7.7292
SHAP=-0.002", + "None=Gustafsson, Mr. Johan Birger
Age=28.0
Fare=7.925
SHAP=-0.000", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=24.0
Fare=16.7
SHAP=-0.003", + "None=Niskanen, Mr. Juha
Age=39.0
Fare=7.925
SHAP=0.006", + "None=Minahan, Miss. Daisy E
Age=33.0
Fare=90.0
SHAP=0.001", + "None=Matthews, Mr. William John
Age=30.0
Fare=13.0
SHAP=-0.002", + "None=Charters, Mr. David
Age=21.0
Fare=7.7333
SHAP=-0.000", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=19.0
Fare=26.0
SHAP=-0.000", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=45.0
Fare=26.25
SHAP=-0.000", + "None=Johannesen-Bratthammer, Mr. Bernt
Age=-999.0
Fare=8.1125
SHAP=-0.004", + "None=Peuchen, Major. Arthur Godfrey
Age=52.0
Fare=30.5
SHAP=0.001", + "None=Anderson, Mr. Harry
Age=48.0
Fare=26.55
SHAP=0.001", + "None=Milling, Mr. Jacob Christian
Age=48.0
Fare=13.0
SHAP=-0.002", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=33.0
Fare=27.75
SHAP=0.001", + "None=Karlsson, Mr. Nils August
Age=22.0
Fare=7.5208
SHAP=-0.000", + "None=Frost, Mr. Anthony Wood \"Archie\"
Age=-999.0
Fare=0.0
SHAP=-0.005", + "None=Bishop, Mr. Dickinson H
Age=25.0
Fare=91.0792
SHAP=-0.000", + "None=Windelov, Mr. Einar
Age=21.0
Fare=7.25
SHAP=-0.000", + "None=Shellard, Mr. Frederick William
Age=-999.0
Fare=15.1
SHAP=0.003", + "None=Svensson, Mr. Olof
Age=24.0
Fare=7.7958
SHAP=-0.001", + "None=O'Sullivan, Miss. Bridget Mary
Age=-999.0
Fare=7.6292
SHAP=-0.000", + "None=Laitinen, Miss. Kristina Sofia
Age=37.0
Fare=9.5875
SHAP=0.000", + "None=Penasco y Castellana, Mr. Victor de Satode
Age=18.0
Fare=108.9
SHAP=0.007", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Age=-999.0
Fare=26.55
SHAP=0.004", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=36.0
Fare=26.0
SHAP=0.002", + "None=Kassem, Mr. Fared
Age=-999.0
Fare=7.2292
SHAP=-0.002", + "None=Cacic, Miss. Marija
Age=30.0
Fare=8.6625
SHAP=-0.001", + "None=Hart, Miss. Eva Miriam
Age=7.0
Fare=26.25
SHAP=0.002", + "None=Butt, Major. Archibald Willingham
Age=45.0
Fare=26.55
SHAP=-0.000", + "None=Beane, Mr. Edward
Age=32.0
Fare=26.0
SHAP=0.000", + "None=Goldsmith, Mr. Frank John
Age=33.0
Fare=20.525
SHAP=-0.001", + "None=Ohman, Miss. Velin
Age=22.0
Fare=7.775
SHAP=-0.001", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=39.0
Fare=79.65
SHAP=0.004", + "None=Morrow, Mr. Thomas Rowan
Age=-999.0
Fare=7.75
SHAP=-0.002", + "None=Harris, Mr. George
Age=62.0
Fare=10.5
SHAP=0.003", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=53.0
Fare=51.4792
SHAP=0.004", + "None=Patchett, Mr. George
Age=19.0
Fare=14.5
SHAP=-0.002", + "None=Ross, Mr. John Hugo
Age=36.0
Fare=40.125
SHAP=0.003", + "None=Murdlin, Mr. Joseph
Age=-999.0
Fare=8.05
SHAP=-0.004", + "None=Bourke, Miss. Mary
Age=-999.0
Fare=7.75
SHAP=0.001", + "None=Boulos, Mr. Hanna
Age=-999.0
Fare=7.225
SHAP=-0.002", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=49.0
Fare=56.9292
SHAP=0.005", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Age=35.0
Fare=26.55
SHAP=0.003", + "None=Lindell, Mr. Edvard Bengtsson
Age=36.0
Fare=15.55
SHAP=-0.002", + "None=Daniel, Mr. Robert Williams
Age=27.0
Fare=30.5
SHAP=-0.000", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=22.0
Fare=41.5792
SHAP=0.000", + "None=Shutes, Miss. Elizabeth W
Age=40.0
Fare=153.4625
SHAP=0.001", + "None=Jardin, Mr. Jose Neto
Age=-999.0
Fare=7.05
SHAP=-0.004", + "None=Horgan, Mr. John
Age=-999.0
Fare=7.75
SHAP=-0.002", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=26.0
Fare=16.1
SHAP=-0.002", + "None=Yasbeck, Mr. Antoni
Age=27.0
Fare=14.4542
SHAP=-0.002", + "None=Bostandyeff, Mr. Guentcho
Age=26.0
Fare=7.8958
SHAP=0.000", + "None=Lundahl, Mr. Johan Svensson
Age=51.0
Fare=7.0542
SHAP=-0.001", + "None=Stahelin-Maeglin, Dr. Max
Age=32.0
Fare=30.5
SHAP=0.001", + "None=Willey, Mr. Edward
Age=-999.0
Fare=7.55
SHAP=-0.004", + "None=Stanley, Miss. Amy Zillah Elsie
Age=23.0
Fare=7.55
SHAP=-0.001", + "None=Hegarty, Miss. Hanora \"Nora\"
Age=18.0
Fare=6.75
SHAP=-0.000", + "None=Eitemiller, Mr. George Floyd
Age=23.0
Fare=13.0
SHAP=-0.002", + "None=Colley, Mr. Edward Pomeroy
Age=47.0
Fare=25.5875
SHAP=-0.003", + "None=Coleff, Mr. Peju
Age=36.0
Fare=7.4958
SHAP=-0.002", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Age=40.0
Fare=39.0
SHAP=0.002", + "None=Davidson, Mr. Thornton
Age=31.0
Fare=52.0
SHAP=-0.001", + "None=Turja, Miss. Anna Sofia
Age=18.0
Fare=9.8417
SHAP=-0.002", + "None=Hassab, Mr. Hammad
Age=27.0
Fare=76.7292
SHAP=-0.005", + "None=Goodwin, Mr. Charles Edward
Age=14.0
Fare=46.9
SHAP=0.001", + "None=Panula, Mr. Jaako Arnold
Age=14.0
Fare=39.6875
SHAP=-0.000", + "None=Fischer, Mr. Eberhard Thelander
Age=18.0
Fare=7.7958
SHAP=0.000", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
Age=42.0
Fare=7.65
SHAP=0.002", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Age=18.0
Fare=227.525
SHAP=0.002", + "None=Hansen, Mr. Henrik Juul
Age=26.0
Fare=7.8542
SHAP=0.000", + "None=Calderhead, Mr. Edward Pennington
Age=42.0
Fare=26.2875
SHAP=-0.002", + "None=Klaber, Mr. Herman
Age=-999.0
Fare=26.55
SHAP=0.005", + "None=Taylor, Mr. Elmer Zebley
Age=48.0
Fare=52.0
SHAP=-0.001", + "None=Larsson, Mr. August Viktor
Age=29.0
Fare=9.4833
SHAP=-0.000", + "None=Greenberg, Mr. Samuel
Age=52.0
Fare=13.0
SHAP=-0.002", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
Age=27.0
Fare=10.5
SHAP=-0.001", + "None=McEvoy, Mr. Michael
Age=-999.0
Fare=15.5
SHAP=0.002", + "None=Johnson, Mr. Malkolm Joackim
Age=33.0
Fare=7.775
SHAP=-0.001", + "None=Gillespie, Mr. William Henry
Age=34.0
Fare=13.0
SHAP=-0.002", + "None=Allen, Miss. Elisabeth Walton
Age=29.0
Fare=211.3375
SHAP=-0.000", + "None=Berriman, Mr. William John
Age=23.0
Fare=13.0
SHAP=-0.002", + "None=Troupiansky, Mr. Moses Aaron
Age=23.0
Fare=13.0
SHAP=-0.002", + "None=Williams, Mr. Leslie
Age=28.5
Fare=16.1
SHAP=-0.003", + "None=Ivanoff, Mr. Kanio
Age=-999.0
Fare=7.8958
SHAP=-0.004", + "None=McNamee, Mr. Neal
Age=24.0
Fare=16.1
SHAP=-0.004", + "None=Connaghton, Mr. Michael
Age=31.0
Fare=7.75
SHAP=-0.001", + "None=Carlsson, Mr. August Sigfrid
Age=28.0
Fare=7.7958
SHAP=0.000", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Age=33.0
Fare=86.5
SHAP=0.001", + "None=Eklund, Mr. Hans Linus
Age=16.0
Fare=7.775
SHAP=-0.000", + "None=Hogeboom, Mrs. John C (Anna Andrews)
Age=51.0
Fare=77.9583
SHAP=0.004", + "None=Moran, Mr. Daniel J
Age=-999.0
Fare=24.15
SHAP=-0.000", + "None=Lievens, Mr. Rene Aime
Age=24.0
Fare=9.5
SHAP=-0.001", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Age=43.0
Fare=211.3375
SHAP=0.005", + "None=Ayoub, Miss. Banoura
Age=13.0
Fare=7.2292
SHAP=0.001", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
Age=17.0
Fare=57.0
SHAP=0.002", + "None=Johnston, Mr. Andrew G
Age=-999.0
Fare=23.45
SHAP=0.004", + "None=Ali, Mr. William
Age=25.0
Fare=7.05
SHAP=0.000", + "None=Sjoblom, Miss. Anna Sofia
Age=18.0
Fare=7.4958
SHAP=-0.001", + "None=Guggenheim, Mr. Benjamin
Age=46.0
Fare=79.2
SHAP=0.010", + "None=Leader, Dr. Alice (Farnham)
Age=49.0
Fare=25.9292
SHAP=0.000", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Age=31.0
Fare=26.25
SHAP=0.001", + "None=Carter, Master. William Thornton II
Age=11.0
Fare=120.0
SHAP=0.006", + "None=Thomas, Master. Assad Alexander
Age=0.42
Fare=8.5167
SHAP=-0.001", + "None=Johansson, Mr. Karl Johan
Age=31.0
Fare=7.775
SHAP=0.000", + "None=Slemen, Mr. Richard James
Age=35.0
Fare=10.5
SHAP=-0.002", + "None=Tomlin, Mr. Ernest Portage
Age=30.5
Fare=8.05
SHAP=0.000", + "None=McCormack, Mr. Thomas Joseph
Age=-999.0
Fare=7.75
SHAP=-0.002", + "None=Richards, Master. George Sibley
Age=0.83
Fare=18.75
SHAP=0.004", + "None=Mudd, Mr. Thomas Charles
Age=16.0
Fare=10.5
SHAP=-0.002", + "None=Lemberopolous, Mr. Peter L
Age=34.5
Fare=6.4375
SHAP=-0.002", + "None=Sage, Mr. Douglas Bullen
Age=-999.0
Fare=69.55
SHAP=0.000", + "None=Boulos, Miss. Nourelain
Age=9.0
Fare=15.2458
SHAP=0.003", + "None=Aks, Mrs. Sam (Leah Rosen)
Age=18.0
Fare=9.35
SHAP=-0.002", + "None=Razi, Mr. Raihed
Age=-999.0
Fare=7.2292
SHAP=-0.002", + "None=Johnson, Master. Harold Theodor
Age=4.0
Fare=11.1333
SHAP=0.003", + "None=Carlsson, Mr. Frans Olof
Age=33.0
Fare=5.0
SHAP=-0.002", + "None=Gustafsson, Mr. Alfred Ossian
Age=20.0
Fare=9.8458
SHAP=-0.001", + "None=Montvila, Rev. Juozas
Age=27.0
Fare=13.0
SHAP=-0.002" + ], + "type": "scattergl", + "x": [ + 38, + 35, + 2, + 27, + 14, + 20, + 14, + 38, + null, + 28, + null, + 19, + 18, + 21, + 45, + 4, + 26, + 21, + 17, + 16, + 29, + 20, + 46, + null, + 21, + 38, + null, + 22, + 20, + 21, + 29, + null, + 16, + 9, + 36.5, + 51, + 55.5, + 44, + null, + 61, + 21, + 18, + null, + 19, + 44, + 28, + 32, + 40, + 24, + 51, + null, + 5, + null, + 33, + null, + 62, + null, + 50, + null, + 3, + null, + 63, + 35, + null, + 22, + 19, + 36, + null, + null, + null, + 61, + null, + null, + 41, + 42, + 29, + 19, + null, + 27, + 19, + null, + 1, + null, + 28, + 24, + 39, + 33, + 30, + 21, + 19, + 45, + null, + 52, + 48, + 48, + 33, + 22, + null, + 25, + 21, + null, + 24, + null, + 37, + 18, + null, + 36, + null, + 30, + 7, + 45, + 32, + 33, + 22, + 39, + null, + 62, + 53, + 19, + 36, + null, + null, + null, + 49, + 35, + 36, + 27, + 22, + 40, + null, + null, + 26, + 27, + 26, + 51, + 32, + null, + 23, + 18, + 23, + 47, + 36, + 40, + 31, + 18, + 27, + 14, + 14, + 18, + 42, + 18, + 26, + 42, + null, + 48, + 29, + 52, + 27, + null, + 33, + 34, + 29, + 23, + 23, + 28.5, + null, + 24, + 31, + 28, + 33, + 16, + 51, + null, + 24, + 43, + 13, + 17, + null, + 25, + 18, + 46, + 49, + 31, + 11, + 0.42, + 31, + 35, + 30.5, + null, + 0.83, + 16, + 34.5, + null, + 9, + 18, + null, + 4, + 33, + 20, + 27 + ], + "y": [ + 0.004129355400722529, + 0.0010475749426078584, + 0.0033712549826982203, + -0.0008261786894242856, + 0.0013778360474906842, + 0.00011786358251809906, + 0.0010608073020583286, + 0.002289800974663801, + -0.00022476905689946533, + -0.003544726800125662, + -0.0021834508898668586, + -0.0002639629242269732, + -0.002184962161730005, + -0.0007075382656198015, + 0.0008743313808837934, + 0.0012078606356513112, + 0.00044734280342114937, + 0.0003327039717298798, + -0.0006927774601489567, + -0.0003116701567498252, + 0.00010988897449019759, + 0.0002888294033371435, + 0.0032970989867814942, + -0.0038754677197276803, + 0.0010498448340293726, + -0.001242142250100111, + 5.451104859937223e-05, + -0.0005547155620087349, + -0.0016072418596748577, + -0.0014899251777857297, + -0.0025410659627584384, + -0.004023539767652951, + -0.0004975992046980306, + -0.0013514248965818525, + -0.0001889170288371483, + -0.0010700616102091744, + 0.0018713870990760453, + -0.0026133526598477942, + 0.0005716579935858391, + -0.004732210669890512, + -0.0014899251777857297, + -0.003582330825215242, + 0.00441345531500754, + -0.0008392739123221273, + -0.002556855266263444, + 0.00028652860235635303, + -0.002631170797861868, + 0.00015714823299148396, + -0.0006072554894156241, + 0.0017801951802353406, + -0.0038754677197276803, + -0.0002594898196039301, + -0.0014215816582763862, + -0.0018877957393779437, + -0.0038777793394446816, + -0.0022350387521525295, + -0.0019285915784258386, + 0.0014346236141723147, + -0.0015069168852207288, + -0.0006467837748868676, + -0.00022476905689946533, + -0.000815470960820948, + 0.0007883337058418223, + 0.002756530129037606, + -0.0010012689112607282, + -0.00033734636830515935, + -0.0029189635233423253, + 0.003845955275764305, + -0.004023539767652951, + 1.1594946110688072e-05, + 0.003957474435349793, + 0.0015367360930336352, + -0.0038754677197276803, + 0.007235876683757173, + 0.00014307436611532144, + -0.0010943697177539457, + 0.00011786358251809906, + -0.0015707182584539286, + 0.0018955169674614411, + 0.000286517783620142, + -0.0038754677197276803, + -0.0008641411030581134, + -0.0015069168852207284, + -1.4802767635207662e-05, + -0.0025369488030344643, + 0.00588346401444038, + 0.0013515531527871947, + -0.002121361751503162, + -0.000497906267210235, + -0.00022442123578492523, + -0.0001699957574974561, + -0.004023539767652951, + 0.0010799265604814424, + 0.0009762185990326447, + -0.0017877017390628188, + 0.0006369155255770005, + -0.00038606136090669205, + -0.005012758855172062, + -0.000399036255418352, + -0.00010446464117683203, + 0.002983524007403684, + -0.0005628733872622012, + -0.00022476905689946543, + 0.00035384613760703476, + 0.007493274892767527, + 0.0035931109362805544, + 0.0022953651939772073, + -0.0021857625095838607, + -0.0010335557759272654, + 0.002062939304118213, + -0.0002719280737577862, + 0.00019741451569997857, + -0.0014663771384964158, + -0.0013152209612883007, + 0.0035469773992185183, + -0.0015069168852207288, + 0.0028386005294504264, + 0.00437060539088405, + -0.0016184539024352567, + 0.0032710871777103722, + -0.004023539767652951, + 0.0006600498234174328, + -0.0021857625095838607, + 0.005370769048031087, + 0.002807697869626415, + -0.0020437425368399547, + -0.00014816074102413733, + 0.00023625793560363165, + 0.0007295376440156866, + -0.003933141635253862, + -0.0015069168852207288, + -0.002042589044018454, + -0.0016156562518417925, + 0.0003414428449647906, + -0.0009080557332455902, + 0.0012329907723638818, + -0.0038777793394446816, + -0.001327383414716881, + -0.0004545016307294322, + -0.0022165290361787758, + -0.002986756630150817, + -0.0018950300715554567, + 0.0017559776400989941, + -0.0010863669868121178, + -0.0015884970046735115, + -0.005039033132549112, + 0.0010289853468171905, + -0.0002623479069591941, + 9.200175807460724e-05, + 0.00188789257413427, + 0.0018502657114558574, + 0.00029440440276534187, + -0.0022917136999764946, + 0.0045170718710114514, + -0.0012441079628805864, + -0.00020716216884155371, + -0.001983194640205367, + -0.0013724530670579376, + 0.0021440779252403105, + -0.0008351067220093428, + -0.0018450177014817776, + -0.00045236616073809037, + -0.0022165290361787758, + -0.0022165290361787758, + -0.00348287138978777, + -0.0038754677197276803, + -0.004302575847169415, + -0.0012160442635380793, + 0.000341442844964791, + 0.000876857951037281, + -0.0003289450035959874, + 0.003551269455767974, + -0.00042741456073773813, + -0.0006177876298706389, + 0.005142147702772905, + 0.0008524968081420224, + 0.0018590958776075778, + 0.0036989612145158285, + 0.0003194257172019926, + -0.000747166718804341, + 0.009850189840842412, + 0.0004618877752821224, + 0.0009528558466143619, + 0.005754432742013341, + -0.0007935775418239218, + 0.0002680753287163556, + -0.0017847280524741888, + 8.612931424155582e-05, + -0.0015069168852207288, + 0.00392339807962962, + -0.002066374349210882, + -0.00183316518842718, + 1.1594946110688072e-05, + 0.003269605961004962, + -0.002067007096231529, + -0.0021857625095838607, + 0.003475814455330084, + -0.002151034116157063, + -0.0005149355855177063, + -0.0018414523081431394 + ] + } + ], + "layout": { + "hovermode": "closest", + "paper_bgcolor": "#fff", + "plot_bgcolor": "#fff", + "showlegend": false, + "template": { + "data": { + "scatter": [ + { + "type": "scatter" } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 + ] + } + }, + "title": { + "text": "Interaction plot for Age and Fare" + }, + "xaxis": { + "title": { + "text": "Age" + } + }, + "yaxis": { + "title": { + "text": "SHAP value" + } + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_interaction(\"Age\", \"Fare\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## partial dependence plots (pdp)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Plot average general partial dependence plot with ice lines for specific observations" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T15:59:18.202073Z", + "start_time": "2021-01-20T15:59:17.995968Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "line": { + "color": "grey", + "width": 4 }, - "mode": "markers", - "name": "No_of_parents_plus_children_on_board", - "opacity": 0.8, + "mode": "lines+markers", + "name": "average prediction
for different values of
Fare", + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 + ], + "y": [ + 32.55, + 33.58, + 33.76, + 33.47, + 34.82, + 37.6, + 37.59, + 38.02, + 46.89, + 47.09 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
No_of_parents_plus_children_on_board=0
shap=0.004", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Palsson, Master. Gosta Leonard
No_of_parents_plus_children_on_board=1
shap=0.004", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
No_of_parents_plus_children_on_board=2
shap=-0.028", - "index=Nasser, Mrs. Nicholas (Adele Achem)
No_of_parents_plus_children_on_board=0
shap=0.005", - "index=Saundercock, Mr. William Henry
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Vestrom, Miss. Hulda Amanda Adolfina
No_of_parents_plus_children_on_board=0
shap=0.006", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
No_of_parents_plus_children_on_board=5
shap=-0.038", - "index=Glynn, Miss. Mary Agatha
No_of_parents_plus_children_on_board=0
shap=0.008", - "index=Meyer, Mr. Edgar Joseph
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Kraeff, Mr. Theodor
No_of_parents_plus_children_on_board=0
shap=-0.004", - "index=Devaney, Miss. Margaret Delia
No_of_parents_plus_children_on_board=0
shap=0.006", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
No_of_parents_plus_children_on_board=0
shap=0.006", - "index=Rugg, Miss. Emily
No_of_parents_plus_children_on_board=0
shap=0.004", - "index=Harris, Mr. Henry Birkhardt
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Skoog, Master. Harald
No_of_parents_plus_children_on_board=2
shap=0.008", - "index=Kink, Mr. Vincenz
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Hood, Mr. Ambrose Jr
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Ilett, Miss. Bertha
No_of_parents_plus_children_on_board=0
shap=0.005", - "index=Ford, Mr. William Neal
No_of_parents_plus_children_on_board=3
shap=0.009", - "index=Christmann, Mr. Emil
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Andreasson, Mr. Paul Edvin
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Chaffee, Mr. Herbert Fuller
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=White, Mr. Richard Frasar
No_of_parents_plus_children_on_board=1
shap=-0.001", - "index=Rekic, Mr. Tido
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Moran, Miss. Bertha
No_of_parents_plus_children_on_board=0
shap=0.007", - "index=Barton, Mr. David John
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Jussila, Miss. Katriina
No_of_parents_plus_children_on_board=0
shap=0.005", - "index=Pekoniemi, Mr. Edvard
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Turpin, Mr. William John Robert
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Moore, Mr. Leonard Charles
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Osen, Mr. Olaf Elon
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Ford, Miss. Robina Maggie \"Ruby\"
No_of_parents_plus_children_on_board=2
shap=-0.027", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
No_of_parents_plus_children_on_board=2
shap=0.01", - "index=Bateman, Rev. Robert James
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Meo, Mr. Alfonzo
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Cribb, Mr. John Hatfield
No_of_parents_plus_children_on_board=1
shap=0.003", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
No_of_parents_plus_children_on_board=1
shap=-0.007", - "index=Van der hoef, Mr. Wyckoff
No_of_parents_plus_children_on_board=0
shap=0.0", - "index=Sivola, Mr. Antti Wilhelm
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Klasen, Mr. Klas Albin
No_of_parents_plus_children_on_board=1
shap=0.003", - "index=Rood, Mr. Hugh Roscoe
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
No_of_parents_plus_children_on_board=0
shap=0.005", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
No_of_parents_plus_children_on_board=0
shap=0.004", - "index=Vande Walle, Mr. Nestor Cyriel
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Backstrom, Mr. Karl Alfred
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Blank, Mr. Henry
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Ali, Mr. Ahmed
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Green, Mr. George Henry
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Nenkoff, Mr. Christo
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Asplund, Miss. Lillian Gertrud
No_of_parents_plus_children_on_board=2
shap=-0.021", - "index=Harknett, Miss. Alice Phoebe
No_of_parents_plus_children_on_board=0
shap=0.007", - "index=Hunt, Mr. George Henry
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Reed, Mr. James George
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Stead, Mr. William Thomas
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Thorne, Mrs. Gertrude Maybelle
No_of_parents_plus_children_on_board=0
shap=0.006", - "index=Parrish, Mrs. (Lutie Davis)
No_of_parents_plus_children_on_board=1
shap=-0.007", - "index=Smith, Mr. Thomas
No_of_parents_plus_children_on_board=0
shap=-0.004", - "index=Asplund, Master. Edvin Rojj Felix
No_of_parents_plus_children_on_board=2
shap=0.01", - "index=Healy, Miss. Hanora \"Nora\"
No_of_parents_plus_children_on_board=0
shap=0.008", - "index=Andrews, Miss. Kornelia Theodosia
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
No_of_parents_plus_children_on_board=1
shap=-0.01", - "index=Smith, Mr. Richard William
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Connolly, Miss. Kate
No_of_parents_plus_children_on_board=0
shap=0.005", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Levy, Mr. Rene Jacques
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Lewy, Mr. Ervin G
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Williams, Mr. Howard Hugh \"Harry\"
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Sage, Mr. George John Jr
No_of_parents_plus_children_on_board=2
shap=0.008", - "index=Nysveen, Mr. Johan Hansen
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
No_of_parents_plus_children_on_board=0
shap=0.007", - "index=Denkoff, Mr. Mitto
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Burns, Miss. Elizabeth Margaret
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Dimic, Mr. Jovan
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=del Carlo, Mr. Sebastiano
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Beavan, Mr. William Thomas
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
No_of_parents_plus_children_on_board=0
shap=0.006", - "index=Widener, Mr. Harry Elkins
No_of_parents_plus_children_on_board=2
shap=0.008", - "index=Gustafsson, Mr. Karl Gideon
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Plotcharsky, Mr. Vasil
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Goodwin, Master. Sidney Leonard
No_of_parents_plus_children_on_board=2
shap=0.01", - "index=Sadlier, Mr. Matthew
No_of_parents_plus_children_on_board=0
shap=-0.004", - "index=Gustafsson, Mr. Johan Birger
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
No_of_parents_plus_children_on_board=2
shap=-0.02", - "index=Niskanen, Mr. Juha
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Minahan, Miss. Daisy E
No_of_parents_plus_children_on_board=0
shap=0.004", - "index=Matthews, Mr. William John
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Charters, Mr. David
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
No_of_parents_plus_children_on_board=1
shap=-0.006", - "index=Johannesen-Bratthammer, Mr. Bernt
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Peuchen, Major. Arthur Godfrey
No_of_parents_plus_children_on_board=0
shap=-0.0", - "index=Anderson, Mr. Harry
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Milling, Mr. Jacob Christian
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
No_of_parents_plus_children_on_board=2
shap=-0.018", - "index=Karlsson, Mr. Nils August
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Frost, Mr. Anthony Wood \"Archie\"
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Bishop, Mr. Dickinson H
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Windelov, Mr. Einar
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Shellard, Mr. Frederick William
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Svensson, Mr. Olof
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=O'Sullivan, Miss. Bridget Mary
No_of_parents_plus_children_on_board=0
shap=0.008", - "index=Laitinen, Miss. Kristina Sofia
No_of_parents_plus_children_on_board=0
shap=0.005", - "index=Penasco y Castellana, Mr. Victor de Satode
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
No_of_parents_plus_children_on_board=0
shap=0.004", - "index=Kassem, Mr. Fared
No_of_parents_plus_children_on_board=0
shap=-0.004", - "index=Cacic, Miss. Marija
No_of_parents_plus_children_on_board=0
shap=0.005", - "index=Hart, Miss. Eva Miriam
No_of_parents_plus_children_on_board=2
shap=-0.031", - "index=Butt, Major. Archibald Willingham
No_of_parents_plus_children_on_board=0
shap=-0.0", - "index=Beane, Mr. Edward
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Goldsmith, Mr. Frank John
No_of_parents_plus_children_on_board=1
shap=0.003", - "index=Ohman, Miss. Velin
No_of_parents_plus_children_on_board=0
shap=0.005", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
No_of_parents_plus_children_on_board=1
shap=-0.001", - "index=Morrow, Mr. Thomas Rowan
No_of_parents_plus_children_on_board=0
shap=-0.004", - "index=Harris, Mr. George
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Patchett, Mr. George
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Ross, Mr. John Hugo
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Murdlin, Mr. Joseph
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Bourke, Miss. Mary
No_of_parents_plus_children_on_board=2
shap=-0.043", - "index=Boulos, Mr. Hanna
No_of_parents_plus_children_on_board=0
shap=-0.004", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Homer, Mr. Harry (\"Mr E Haven\")
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Lindell, Mr. Edvard Bengtsson
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Daniel, Mr. Robert Williams
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
No_of_parents_plus_children_on_board=2
shap=-0.018", - "index=Shutes, Miss. Elizabeth W
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Jardin, Mr. Jose Neto
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Horgan, Mr. John
No_of_parents_plus_children_on_board=0
shap=-0.004", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
No_of_parents_plus_children_on_board=0
shap=0.006", - "index=Yasbeck, Mr. Antoni
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Bostandyeff, Mr. Guentcho
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Lundahl, Mr. Johan Svensson
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Stahelin-Maeglin, Dr. Max
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Willey, Mr. Edward
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Stanley, Miss. Amy Zillah Elsie
No_of_parents_plus_children_on_board=0
shap=0.005", - "index=Hegarty, Miss. Hanora \"Nora\"
No_of_parents_plus_children_on_board=0
shap=0.006", - "index=Eitemiller, Mr. George Floyd
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Colley, Mr. Edward Pomeroy
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Coleff, Mr. Peju
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
No_of_parents_plus_children_on_board=1
shap=-0.007", - "index=Davidson, Mr. Thornton
No_of_parents_plus_children_on_board=0
shap=0.001", - "index=Turja, Miss. Anna Sofia
No_of_parents_plus_children_on_board=0
shap=0.005", - "index=Hassab, Mr. Hammad
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Goodwin, Mr. Charles Edward
No_of_parents_plus_children_on_board=2
shap=0.006", - "index=Panula, Mr. Jaako Arnold
No_of_parents_plus_children_on_board=1
shap=0.001", - "index=Fischer, Mr. Eberhard Thelander
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
No_of_parents_plus_children_on_board=0
shap=-0.004", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
No_of_parents_plus_children_on_board=0
shap=0.004", - "index=Hansen, Mr. Henrik Juul
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Calderhead, Mr. Edward Pennington
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Klaber, Mr. Herman
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Taylor, Mr. Elmer Zebley
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Larsson, Mr. August Viktor
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Greenberg, Mr. Samuel
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=McEvoy, Mr. Michael
No_of_parents_plus_children_on_board=0
shap=-0.005", - "index=Johnson, Mr. Malkolm Joackim
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Gillespie, Mr. William Henry
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Allen, Miss. Elisabeth Walton
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Berriman, Mr. William John
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Troupiansky, Mr. Moses Aaron
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Williams, Mr. Leslie
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Ivanoff, Mr. Kanio
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=McNamee, Mr. Neal
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Connaghton, Mr. Michael
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Carlsson, Mr. August Sigfrid
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Eklund, Mr. Hans Linus
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Hogeboom, Mrs. John C (Anna Andrews)
No_of_parents_plus_children_on_board=0
shap=0.003", - "index=Moran, Mr. Daniel J
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Lievens, Mr. Rene Aime
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
No_of_parents_plus_children_on_board=1
shap=-0.003", - "index=Ayoub, Miss. Banoura
No_of_parents_plus_children_on_board=0
shap=0.006", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
No_of_parents_plus_children_on_board=0
shap=0.002", - "index=Johnston, Mr. Andrew G
No_of_parents_plus_children_on_board=2
shap=0.014", - "index=Ali, Mr. William
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Sjoblom, Miss. Anna Sofia
No_of_parents_plus_children_on_board=0
shap=0.005", - "index=Guggenheim, Mr. Benjamin
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Leader, Dr. Alice (Farnham)
No_of_parents_plus_children_on_board=0
shap=0.004", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
No_of_parents_plus_children_on_board=1
shap=-0.007", - "index=Carter, Master. William Thornton II
No_of_parents_plus_children_on_board=2
shap=0.007", - "index=Thomas, Master. Assad Alexander
No_of_parents_plus_children_on_board=1
shap=0.01", - "index=Johansson, Mr. Karl Johan
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Slemen, Mr. Richard James
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Tomlin, Mr. Ernest Portage
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=McCormack, Mr. Thomas Joseph
No_of_parents_plus_children_on_board=0
shap=-0.004", - "index=Richards, Master. George Sibley
No_of_parents_plus_children_on_board=1
shap=0.006", - "index=Mudd, Mr. Thomas Charles
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Lemberopolous, Mr. Peter L
No_of_parents_plus_children_on_board=0
shap=-0.003", - "index=Sage, Mr. Douglas Bullen
No_of_parents_plus_children_on_board=2
shap=0.008", - "index=Boulos, Miss. Nourelain
No_of_parents_plus_children_on_board=1
shap=-0.016", - "index=Aks, Mrs. Sam (Leah Rosen)
No_of_parents_plus_children_on_board=1
shap=-0.01", - "index=Razi, Mr. Raihed
No_of_parents_plus_children_on_board=0
shap=-0.004", - "index=Johnson, Master. Harold Theodor
No_of_parents_plus_children_on_board=1
shap=0.006", - "index=Carlsson, Mr. Frans Olof
No_of_parents_plus_children_on_board=0
shap=-0.001", - "index=Gustafsson, Mr. Alfred Ossian
No_of_parents_plus_children_on_board=0
shap=-0.002", - "index=Montvila, Rev. Juozas
No_of_parents_plus_children_on_board=0
shap=-0.001" - ], - "type": "scatter", - "x": [ - 0.0038618291695735993, - 0.0033400525821936254, - 0.004385190680000127, - -0.02825187579525828, - 0.00460281487281059, - -0.001887516613660037, - 0.0063006139174887794, - -0.037678165163307256, - 0.00757144381895683, - -0.002309509281466961, - -0.0040526251993331175, - 0.00562145928080169, - 0.006116030349784977, - 0.0036378582835984684, - -0.001730571315970695, - 0.008284753763754286, - -0.0023329051436040567, - -0.000844830007126662, - 0.004675592044076851, - 0.008841675635015221, - -0.002049293001011592, - -0.00205219904926769, - -0.001316417324196148, - -0.0033497741239964466, - -0.0012222445116602402, - -0.0026354685880786988, - 0.006876990484571053, - -0.001887516613660037, - 0.00478504582393431, - -0.00205219904926769, - -0.0011894031998391636, - -0.003185091688388793, - -0.002515234925471759, - -0.026652867375272532, - 0.00970764219899463, - -0.001400501765734701, - -0.0021231280695963493, - 0.002707842232758421, - -0.00701563058207324, - 4.112430788190657e-05, - -0.00205219904926769, - 0.003257379100589787, - -0.0025499703632164486, - 0.005070148222338073, - 0.004186238908988018, - -0.002049293001011592, - -0.0027858658931087226, - -0.0013325941807015675, - -0.0021501474998580133, - -0.002412175443353824, - -0.0033497741239964466, - -0.020535944175580672, - 0.0073389813883986965, - -0.0009827679886254815, - -0.00333368199059415, - -0.0006893755373909324, - 0.006272844814780824, - -0.0069657059016156615, - -0.00394709280964387, - 0.00995231393557234, - 0.00757144381895683, - 0.002635965102080397, - -0.010000209798675969, - -0.002483029479620932, - 0.005287924499089569, - 0.0029932601845642885, - -0.002305324183476871, - -0.002767306955706527, - -0.003185091688388793, - 0.008459156179011489, - -0.0022717183718017064, - 0.006958995720353985, - -0.0033497741239964466, - 0.0029531299230709978, - -0.0024707861524710453, - -0.0015837400944754111, - -0.001887516613660037, - 0.0062615446519258405, - 0.007785806783530411, - -0.002024192772745577, - -0.0033497741239964466, - 0.00983858372149514, - -0.00394709280964387, - -0.00249758757921171, - -0.020417192286173926, - -0.0026354685880786988, - 0.004048491049353543, - -0.0009975931464358747, - -0.0024897585326540024, - 0.0034763271533156392, - -0.006490688325170307, - -0.003185091688388793, - -0.0003488461520753592, - -0.000738415818748978, - -0.0014591124748519224, - -0.018409338254284573, - -0.0020361069158653937, - -0.0026429914575853974, - -0.002207905960191465, - -0.0020361069158653937, - -0.003188023925773436, - -0.00216623963326031, - 0.007581817277911849, - 0.00538489488388466, - -0.002528567557034173, - -0.0021130577684269278, - 0.004233836720888372, - -0.0038623122844366627, - 0.005114358468381618, - -0.03101043970528497, - -0.0003782633298285564, - -0.0008694328039847527, - 0.003133239761690417, - 0.005098750389647449, - -0.0013127055896644609, - -0.00394709280964387, - -0.0011095519302113405, - 0.0032968272963955943, - -0.00189044885104468, - -0.001065071467088808, - -0.003185091688388793, - -0.04268508633576023, - -0.0038623122844366627, - -0.0017053415545673833, - -0.0012078280895601802, - -0.0027956106225124765, - -0.0006177638851733223, - -0.018240038760139077, - 0.0029737600393781836, - -0.00333368199059415, - -0.00394709280964387, - 0.006228707543989638, - -0.0030109794873120995, - -0.0022139754366192455, - -0.0025607657455591812, - -0.0020166648720527564, - -0.00333368199059415, - 0.005151447561138947, - 0.005868173649167113, - -0.0006115872858746509, - -0.0006893660986370335, - -0.002143031968449962, - -0.006960975709424284, - 0.0006946382552355555, - 0.005005250371866011, - -0.0022020063987257094, - 0.005864566144728366, - 0.0007946238070512857, - -0.0021811184087064906, - -0.003943837809327166, - 0.00352061766154501, - -0.002206966099314027, - -0.000738415818748978, - -0.002700008123850347, - -0.0017575216249453855, - -0.002049293001011592, - -0.001111454391977226, - 0.0030902340357017643, - -0.004908488972679773, - -0.002131117825330145, - -0.0009827679886254815, - 0.0026713083402445147, - -0.0006115872858746509, - -0.0006115872858746509, - -0.0028299059992914558, - -0.0033497741239964466, - -0.0027751608586273025, - -0.0026145041511280425, - -0.0022139754366192455, - 0.0026391136462087265, - -0.0026519110845572994, - 0.0027910371160862887, - -0.0033203993204147346, - -0.0020015571976526566, - -0.002744974018604988, - 0.0062389387001916576, - 0.00172867901047341, - 0.014348992617849027, - -0.0021501474998580133, - 0.005294564767387022, - -0.0028323540583980508, - 0.004183158789687046, - -0.007412253481422205, - 0.00654819868470732, - 0.010100859673808957, - -0.0021489383912196174, - -0.000980865526859596, - -0.0020479161082752034, - -0.00394709280964387, - 0.006214358886338797, - -0.001698302907165086, - -0.0026765454345043824, - 0.008459156179011489, - -0.016395978836300652, - -0.010326172785510655, - -0.0038623122844366627, - 0.006406690719078642, - -0.0005233817547179876, - -0.001887516613660037, - -0.0009975931464358747 + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "xaxis": "x6", "y": [ - 0.14806472175128615, - 0.6439266848145688, - 0.8193994529747227, - 0.43992458921640576, - 0.5427465695182895, - 0.16187319772418696, - 0.1549233165634517, - 0.10884600313946258, - 0.5345037003625802, - 0.29020789993895446, - 0.504526760513741, - 0.25437883319850785, - 0.8620481882753076, - 0.6413319775056249, - 0.3820159318228342, - 0.2707132094052478, - 0.5255201688126052, - 0.11846959270547341, - 0.10953461517676077, - 0.5765718953636372, - 0.2802928881199006, - 0.06206542534265702, - 0.6901613251569558, - 0.3725791989545212, - 0.7359958950011962, - 0.7808161565508709, - 0.7820113101505893, - 0.8644392627910003, - 0.2666421030550319, - 0.6120151983539772, - 0.2395671294307391, - 0.26312833828604265, - 0.71349887464354, - 0.18463216344289424, - 0.07671043737127592, - 0.9225900380028957, - 0.8287331675262918, - 0.3948359486274241, - 0.87846733767371, - 0.14450363779577324, - 0.30003068155295465, - 0.7590614492224392, - 0.33001592504290267, - 0.17349755683639112, - 0.20650481484156114, - 0.13629932260024258, - 0.23933993008907573, - 0.6569626563844391, - 0.373430024201725, - 0.15999342415395135, - 0.6774254896696424, - 0.19756078378821829, - 0.35521670528715665, - 0.34920218718497753, - 0.4018818041871344, - 0.8823982612331759, - 0.4184419404471098, - 0.6308553773619628, - 0.06289421257756189, - 0.7026348480636017, - 0.6504232220181667, - 0.5247264407698556, - 0.2609890366064582, - 0.6283249562887707, - 0.5876494199471346, - 0.15000476062310086, - 0.7835732412841799, - 0.20589591124907203, - 0.420411938779772, - 0.07535266553130471, - 0.912858933677314, - 0.5112060043960017, - 0.06629145315175278, - 0.7988178332694797, - 0.6257584558463886, - 0.20934885891345867, - 0.370348093254089, - 0.46356003193065887, - 0.5359049787291029, - 0.952993628678806, - 0.19956449467549497, - 0.26042759944911653, - 0.18478738615215085, - 0.07076288192410307, - 0.19575596065616674, - 0.425000628878636, - 0.5413733923991744, - 0.2180063954556749, - 0.05084642955925356, - 0.26377861371258393, - 0.10266067622395003, - 0.3029938924838994, - 0.5041682547840894, - 0.872885666912938, - 0.3041224942333435, - 0.27142024870836146, - 0.5406337033606792, - 0.6554856652902221, - 0.37588614102755646, - 0.40619459338152286, - 0.592438111724099, - 0.199329025816951, - 0.9239839542130197, - 0.1647841839369102, - 0.8239649328025824, - 0.13407461775158935, - 0.3517175787544108, - 0.41023262568099184, - 0.348954004621827, - 0.03714085898735475, - 0.3188510375971446, - 0.94393302930471, - 0.9411224846103178, - 0.7013445748733365, - 0.5563325415751371, - 0.41044229782210684, - 0.5115748261990246, - 0.16869285461520778, - 0.8694117895747043, - 0.4182517177688143, - 0.26124854981461876, - 0.9846700206294021, - 0.2128493189149162, - 0.8148789272508584, - 0.15480721283602605, - 0.03551893752104884, - 0.5571584355297298, - 0.3113042047937249, - 0.9536687356119836, - 0.8074594786180759, - 0.42689382095925543, - 0.5651428236152685, - 0.9757266684696071, - 0.39817290128145644, - 0.6887746682155994, - 0.2568642406888614, - 0.9810890345486959, - 0.2559814663430676, - 0.8526454767792302, - 0.29515512499607244, - 0.74517885926761, - 0.7261731716937412, - 0.1969006780867376, - 0.06629803357322717, - 0.7009217226299318, - 0.27834913113095816, - 0.44173299799491295, - 0.3537782618867922, - 0.7664603820675723, - 0.5051107829779204, - 0.3529034154206515, - 0.7511620272330478, - 0.17654098226317227, - 0.7606199539726022, - 0.4234191130645998, - 0.4444012542428779, - 0.49513324255409685, - 0.9409579384420973, - 0.3899835843852558, - 0.5193414833555101, - 0.20319054186665486, - 0.023909575048864373, - 0.5760389412098087, - 0.6404801159204259, - 0.7395362826543883, - 0.06569410362544936, - 0.1485026304738034, - 0.9618189651887267, - 0.36616419019883417, - 0.23207691433580047, - 0.5960239747396149, - 0.38335000207598835, - 0.5388058007695996, - 0.6143601764148472, - 0.4001271128784041, - 0.5383870228732107, - 0.1496862252304304, - 0.46343026240356666, - 0.05411051790804566, - 0.6396449286916169, - 0.450573855719097, - 0.9135904903288928, - 0.10971747514511598, - 0.14406491879793482, - 0.8012842860389016, - 0.1952382795645713, - 0.49184226827787014, - 0.6140719504674488, - 0.8156150580089955, - 0.891667474412216, - 0.2844595498925262, - 0.8269270198300664, - 0.3943047786441405, - 0.6829490706322249, - 0.48314341613773415, - 0.14375280882768904, - 0.41544812677127496, - 0.4636971949838795, - 0.0003314678883402644, - 0.9234773916974902 + 14.239311109212908, + 15.770467335284385, + 15.770467335284385, + 16.62422176798619, + 17.02639962642539, + 18.679131398052395, + 20.99212468611028, + 22.131795122946986, + 33.807461186096525, + 34.586681965317304 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "yaxis": "y6" + "y": [ + 66.15678589311861, + 66.71234144867417, + 66.71234144867417, + 65.12296946799785, + 68.17415226809779, + 72.04099064467981, + 72.59234988569423, + 72.89538018872453, + 80.34712807663637, + 79.98248276508528 + ] }, { - "hoverinfo": "text", - "marker": { - "color": [ - 1, - 1, - 4, - 2, - 1, - 0, - 0, - 6, - 0, - 1, - 0, - 0, - 1, - 0, - 1, - 5, - 2, - 0, - 0, - 4, - 0, - 0, - 1, - 0, - 1, - 0, - 1, - 0, - 1, - 0, - 1, - 0, - 0, - 4, - 2, - 0, - 0, - 1, - 1, - 0, - 0, - 2, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 6, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 6, - 0, - 1, - 2, - 0, - 0, - 1, - 0, - 0, - 0, - 10, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 1, - 2, - 0, - 0, - 7, - 0, - 2, - 2, - 0, - 1, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 3, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 2, - 0, - 1, - 2, - 0, - 2, - 0, - 0, - 2, - 0, - 0, - 0, - 2, - 0, - 1, - 0, - 1, - 0, - 3, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 1, - 0, - 0, - 7, - 5, - 0, - 0, - 1, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 1, - 0, - 1, - 3, - 0, - 0, - 0, - 0, - 2, - 3, - 1, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 10, - 2, - 1, - 0, - 2, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "name": "No_of_relatives_on_board", - "opacity": 0.8, + "mode": "lines", + "opacity": 0.1, "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
No_of_relatives_on_board=1
shap=0.001", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
No_of_relatives_on_board=1
shap=0.005", - "index=Palsson, Master. Gosta Leonard
No_of_relatives_on_board=4
shap=0.019", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
No_of_relatives_on_board=2
shap=-0.001", - "index=Nasser, Mrs. Nicholas (Adele Achem)
No_of_relatives_on_board=1
shap=0.002", - "index=Saundercock, Mr. William Henry
No_of_relatives_on_board=0
shap=-0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
No_of_relatives_on_board=0
shap=0.008", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
No_of_relatives_on_board=6
shap=-0.042", - "index=Glynn, Miss. Mary Agatha
No_of_relatives_on_board=0
shap=0.01", - "index=Meyer, Mr. Edgar Joseph
No_of_relatives_on_board=1
shap=-0.002", - "index=Kraeff, Mr. Theodor
No_of_relatives_on_board=0
shap=-0.002", - "index=Devaney, Miss. Margaret Delia
No_of_relatives_on_board=0
shap=0.008", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
No_of_relatives_on_board=1
shap=0.009", - "index=Rugg, Miss. Emily
No_of_relatives_on_board=0
shap=0.005", - "index=Harris, Mr. Henry Birkhardt
No_of_relatives_on_board=1
shap=-0.006", - "index=Skoog, Master. Harald
No_of_relatives_on_board=5
shap=0.018", - "index=Kink, Mr. Vincenz
No_of_relatives_on_board=2
shap=-0.004", - "index=Hood, Mr. Ambrose Jr
No_of_relatives_on_board=0
shap=-0.001", - "index=Ilett, Miss. Bertha
No_of_relatives_on_board=0
shap=0.005", - "index=Ford, Mr. William Neal
No_of_relatives_on_board=4
shap=0.016", - "index=Christmann, Mr. Emil
No_of_relatives_on_board=0
shap=-0.001", - "index=Andreasson, Mr. Paul Edvin
No_of_relatives_on_board=0
shap=-0.0", - "index=Chaffee, Mr. Herbert Fuller
No_of_relatives_on_board=1
shap=-0.006", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
No_of_relatives_on_board=0
shap=-0.002", - "index=White, Mr. Richard Frasar
No_of_relatives_on_board=1
shap=-0.004", - "index=Rekic, Mr. Tido
No_of_relatives_on_board=0
shap=-0.0", - "index=Moran, Miss. Bertha
No_of_relatives_on_board=1
shap=0.003", - "index=Barton, Mr. David John
No_of_relatives_on_board=0
shap=-0.0", - "index=Jussila, Miss. Katriina
No_of_relatives_on_board=1
shap=0.005", - "index=Pekoniemi, Mr. Edvard
No_of_relatives_on_board=0
shap=-0.0", - "index=Turpin, Mr. William John Robert
No_of_relatives_on_board=1
shap=-0.009", - "index=Moore, Mr. Leonard Charles
No_of_relatives_on_board=0
shap=-0.002", - "index=Osen, Mr. Olaf Elon
No_of_relatives_on_board=0
shap=-0.001", - "index=Ford, Miss. Robina Maggie \"Ruby\"
No_of_relatives_on_board=4
shap=-0.039", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
No_of_relatives_on_board=2
shap=-0.0", - "index=Bateman, Rev. Robert James
No_of_relatives_on_board=0
shap=0.0", - "index=Meo, Mr. Alfonzo
No_of_relatives_on_board=0
shap=-0.0", - "index=Cribb, Mr. John Hatfield
No_of_relatives_on_board=1
shap=-0.009", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
No_of_relatives_on_board=1
shap=0.002", - "index=Van der hoef, Mr. Wyckoff
No_of_relatives_on_board=0
shap=-0.001", - "index=Sivola, Mr. Antti Wilhelm
No_of_relatives_on_board=0
shap=-0.0", - "index=Klasen, Mr. Klas Albin
No_of_relatives_on_board=2
shap=-0.002", - "index=Rood, Mr. Hugh Roscoe
No_of_relatives_on_board=0
shap=-0.001", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
No_of_relatives_on_board=1
shap=0.004", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
No_of_relatives_on_board=0
shap=0.006", - "index=Vande Walle, Mr. Nestor Cyriel
No_of_relatives_on_board=0
shap=-0.001", - "index=Backstrom, Mr. Karl Alfred
No_of_relatives_on_board=1
shap=-0.008", - "index=Blank, Mr. Henry
No_of_relatives_on_board=0
shap=-0.0", - "index=Ali, Mr. Ahmed
No_of_relatives_on_board=0
shap=-0.0", - "index=Green, Mr. George Henry
No_of_relatives_on_board=0
shap=-0.0", - "index=Nenkoff, Mr. Christo
No_of_relatives_on_board=0
shap=-0.002", - "index=Asplund, Miss. Lillian Gertrud
No_of_relatives_on_board=6
shap=-0.039", - "index=Harknett, Miss. Alice Phoebe
No_of_relatives_on_board=0
shap=0.009", - "index=Hunt, Mr. George Henry
No_of_relatives_on_board=0
shap=-0.0", - "index=Reed, Mr. James George
No_of_relatives_on_board=0
shap=-0.002", - "index=Stead, Mr. William Thomas
No_of_relatives_on_board=0
shap=0.001", - "index=Thorne, Mrs. Gertrude Maybelle
No_of_relatives_on_board=0
shap=0.007", - "index=Parrish, Mrs. (Lutie Davis)
No_of_relatives_on_board=1
shap=0.009", - "index=Smith, Mr. Thomas
No_of_relatives_on_board=0
shap=-0.003", - "index=Asplund, Master. Edvin Rojj Felix
No_of_relatives_on_board=6
shap=0.019", - "index=Healy, Miss. Hanora \"Nora\"
No_of_relatives_on_board=0
shap=0.01", - "index=Andrews, Miss. Kornelia Theodosia
No_of_relatives_on_board=1
shap=0.003", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
No_of_relatives_on_board=2
shap=0.002", - "index=Smith, Mr. Richard William
No_of_relatives_on_board=0
shap=-0.001", - "index=Connolly, Miss. Kate
No_of_relatives_on_board=0
shap=0.008", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
No_of_relatives_on_board=1
shap=-0.003", - "index=Levy, Mr. Rene Jacques
No_of_relatives_on_board=0
shap=-0.002", - "index=Lewy, Mr. Ervin G
No_of_relatives_on_board=0
shap=-0.001", - "index=Williams, Mr. Howard Hugh \"Harry\"
No_of_relatives_on_board=0
shap=-0.002", - "index=Sage, Mr. George John Jr
No_of_relatives_on_board=10
shap=0.019", - "index=Nysveen, Mr. Johan Hansen
No_of_relatives_on_board=0
shap=-0.0", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
No_of_relatives_on_board=1
shap=0.006", - "index=Denkoff, Mr. Mitto
No_of_relatives_on_board=0
shap=-0.002", - "index=Burns, Miss. Elizabeth Margaret
No_of_relatives_on_board=0
shap=0.005", - "index=Dimic, Mr. Jovan
No_of_relatives_on_board=0
shap=-0.0", - "index=del Carlo, Mr. Sebastiano
No_of_relatives_on_board=1
shap=-0.004", - "index=Beavan, Mr. William Thomas
No_of_relatives_on_board=0
shap=-0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
No_of_relatives_on_board=1
shap=0.001", - "index=Widener, Mr. Harry Elkins
No_of_relatives_on_board=2
shap=-0.001", - "index=Gustafsson, Mr. Karl Gideon
No_of_relatives_on_board=0
shap=-0.0", - "index=Plotcharsky, Mr. Vasil
No_of_relatives_on_board=0
shap=-0.002", - "index=Goodwin, Master. Sidney Leonard
No_of_relatives_on_board=7
shap=0.018", - "index=Sadlier, Mr. Matthew
No_of_relatives_on_board=0
shap=-0.003", - "index=Gustafsson, Mr. Johan Birger
No_of_relatives_on_board=2
shap=-0.004", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
No_of_relatives_on_board=2
shap=-0.003", - "index=Niskanen, Mr. Juha
No_of_relatives_on_board=0
shap=-0.0", - "index=Minahan, Miss. Daisy E
No_of_relatives_on_board=1
shap=0.004", - "index=Matthews, Mr. William John
No_of_relatives_on_board=0
shap=-0.0", - "index=Charters, Mr. David
No_of_relatives_on_board=0
shap=-0.001", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
No_of_relatives_on_board=0
shap=0.007", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
No_of_relatives_on_board=2
shap=0.003", - "index=Johannesen-Bratthammer, Mr. Bernt
No_of_relatives_on_board=0
shap=-0.002", - "index=Peuchen, Major. Arthur Godfrey
No_of_relatives_on_board=0
shap=0.001", - "index=Anderson, Mr. Harry
No_of_relatives_on_board=0
shap=0.001", - "index=Milling, Mr. Jacob Christian
No_of_relatives_on_board=0
shap=0.0", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
No_of_relatives_on_board=3
shap=0.005", - "index=Karlsson, Mr. Nils August
No_of_relatives_on_board=0
shap=-0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
No_of_relatives_on_board=0
shap=-0.001", - "index=Bishop, Mr. Dickinson H
No_of_relatives_on_board=1
shap=-0.0", - "index=Windelov, Mr. Einar
No_of_relatives_on_board=0
shap=-0.0", - "index=Shellard, Mr. Frederick William
No_of_relatives_on_board=0
shap=-0.003", - "index=Svensson, Mr. Olof
No_of_relatives_on_board=0
shap=-0.0", - "index=O'Sullivan, Miss. Bridget Mary
No_of_relatives_on_board=0
shap=0.01", - "index=Laitinen, Miss. Kristina Sofia
No_of_relatives_on_board=0
shap=0.007", - "index=Penasco y Castellana, Mr. Victor de Satode
No_of_relatives_on_board=1
shap=-0.001", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
No_of_relatives_on_board=0
shap=-0.001", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
No_of_relatives_on_board=1
shap=0.009", - "index=Kassem, Mr. Fared
No_of_relatives_on_board=0
shap=-0.002", - "index=Cacic, Miss. Marija
No_of_relatives_on_board=0
shap=0.008", - "index=Hart, Miss. Eva Miriam
No_of_relatives_on_board=2
shap=-0.001", - "index=Butt, Major. Archibald Willingham
No_of_relatives_on_board=0
shap=-0.001", - "index=Beane, Mr. Edward
No_of_relatives_on_board=1
shap=-0.009", - "index=Goldsmith, Mr. Frank John
No_of_relatives_on_board=2
shap=-0.005", - "index=Ohman, Miss. Velin
No_of_relatives_on_board=0
shap=0.007", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
No_of_relatives_on_board=2
shap=0.003", - "index=Morrow, Mr. Thomas Rowan
No_of_relatives_on_board=0
shap=-0.003", - "index=Harris, Mr. George
No_of_relatives_on_board=0
shap=0.001", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
No_of_relatives_on_board=2
shap=0.003", - "index=Patchett, Mr. George
No_of_relatives_on_board=0
shap=-0.001", - "index=Ross, Mr. John Hugo
No_of_relatives_on_board=0
shap=-0.001", - "index=Murdlin, Mr. Joseph
No_of_relatives_on_board=0
shap=-0.002", - "index=Bourke, Miss. Mary
No_of_relatives_on_board=2
shap=-0.01", - "index=Boulos, Mr. Hanna
No_of_relatives_on_board=0
shap=-0.002", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
No_of_relatives_on_board=1
shap=-0.001", - "index=Homer, Mr. Harry (\"Mr E Haven\")
No_of_relatives_on_board=0
shap=-0.001", - "index=Lindell, Mr. Edvard Bengtsson
No_of_relatives_on_board=1
shap=-0.008", - "index=Daniel, Mr. Robert Williams
No_of_relatives_on_board=0
shap=-0.0", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
No_of_relatives_on_board=3
shap=0.003", - "index=Shutes, Miss. Elizabeth W
No_of_relatives_on_board=0
shap=0.005", - "index=Jardin, Mr. Jose Neto
No_of_relatives_on_board=0
shap=-0.002", - "index=Horgan, Mr. John
No_of_relatives_on_board=0
shap=-0.003", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
No_of_relatives_on_board=1
shap=0.008", - "index=Yasbeck, Mr. Antoni
No_of_relatives_on_board=1
shap=-0.003", - "index=Bostandyeff, Mr. Guentcho
No_of_relatives_on_board=0
shap=-0.001", - "index=Lundahl, Mr. Johan Svensson
No_of_relatives_on_board=0
shap=-0.0", - "index=Stahelin-Maeglin, Dr. Max
No_of_relatives_on_board=0
shap=-0.003", - "index=Willey, Mr. Edward
No_of_relatives_on_board=0
shap=-0.002", - "index=Stanley, Miss. Amy Zillah Elsie
No_of_relatives_on_board=0
shap=0.007", - "index=Hegarty, Miss. Hanora \"Nora\"
No_of_relatives_on_board=0
shap=0.009", - "index=Eitemiller, Mr. George Floyd
No_of_relatives_on_board=0
shap=-0.0", - "index=Colley, Mr. Edward Pomeroy
No_of_relatives_on_board=0
shap=0.001", - "index=Coleff, Mr. Peju
No_of_relatives_on_board=0
shap=-0.001", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
No_of_relatives_on_board=2
shap=0.003", - "index=Davidson, Mr. Thornton
No_of_relatives_on_board=1
shap=-0.005", - "index=Turja, Miss. Anna Sofia
No_of_relatives_on_board=0
shap=0.006", - "index=Hassab, Mr. Hammad
No_of_relatives_on_board=0
shap=-0.003", - "index=Goodwin, Mr. Charles Edward
No_of_relatives_on_board=7
shap=0.016", - "index=Panula, Mr. Jaako Arnold
No_of_relatives_on_board=5
shap=0.017", - "index=Fischer, Mr. Eberhard Thelander
No_of_relatives_on_board=0
shap=-0.001", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
No_of_relatives_on_board=0
shap=-0.001", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
No_of_relatives_on_board=1
shap=-0.0", - "index=Hansen, Mr. Henrik Juul
No_of_relatives_on_board=1
shap=-0.005", - "index=Calderhead, Mr. Edward Pennington
No_of_relatives_on_board=0
shap=0.001", - "index=Klaber, Mr. Herman
No_of_relatives_on_board=0
shap=-0.001", - "index=Taylor, Mr. Elmer Zebley
No_of_relatives_on_board=1
shap=-0.007", - "index=Larsson, Mr. August Viktor
No_of_relatives_on_board=0
shap=-0.001", - "index=Greenberg, Mr. Samuel
No_of_relatives_on_board=0
shap=0.0", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
No_of_relatives_on_board=0
shap=0.003", - "index=McEvoy, Mr. Michael
No_of_relatives_on_board=0
shap=-0.003", - "index=Johnson, Mr. Malkolm Joackim
No_of_relatives_on_board=0
shap=-0.001", - "index=Gillespie, Mr. William Henry
No_of_relatives_on_board=0
shap=-0.0", - "index=Allen, Miss. Elisabeth Walton
No_of_relatives_on_board=0
shap=0.008", - "index=Berriman, Mr. William John
No_of_relatives_on_board=0
shap=-0.0", - "index=Troupiansky, Mr. Moses Aaron
No_of_relatives_on_board=0
shap=-0.0", - "index=Williams, Mr. Leslie
No_of_relatives_on_board=0
shap=-0.002", - "index=Ivanoff, Mr. Kanio
No_of_relatives_on_board=0
shap=-0.002", - "index=McNamee, Mr. Neal
No_of_relatives_on_board=1
shap=-0.008", - "index=Connaghton, Mr. Michael
No_of_relatives_on_board=0
shap=-0.001", - "index=Carlsson, Mr. August Sigfrid
No_of_relatives_on_board=0
shap=-0.001", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
No_of_relatives_on_board=0
shap=0.007", - "index=Eklund, Mr. Hans Linus
No_of_relatives_on_board=0
shap=-0.001", - "index=Hogeboom, Mrs. John C (Anna Andrews)
No_of_relatives_on_board=1
shap=0.003", - "index=Moran, Mr. Daniel J
No_of_relatives_on_board=1
shap=-0.005", - "index=Lievens, Mr. Rene Aime
No_of_relatives_on_board=0
shap=-0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
No_of_relatives_on_board=1
shap=0.003", - "index=Ayoub, Miss. Banoura
No_of_relatives_on_board=0
shap=0.008", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
No_of_relatives_on_board=1
shap=0.001", - "index=Johnston, Mr. Andrew G
No_of_relatives_on_board=3
shap=-0.006", - "index=Ali, Mr. William
No_of_relatives_on_board=0
shap=-0.0", - "index=Sjoblom, Miss. Anna Sofia
No_of_relatives_on_board=0
shap=0.007", - "index=Guggenheim, Mr. Benjamin
No_of_relatives_on_board=0
shap=-0.003", - "index=Leader, Dr. Alice (Farnham)
No_of_relatives_on_board=0
shap=0.006", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
No_of_relatives_on_board=2
shap=0.001", - "index=Carter, Master. William Thornton II
No_of_relatives_on_board=3
shap=0.002", - "index=Thomas, Master. Assad Alexander
No_of_relatives_on_board=1
shap=-0.002", - "index=Johansson, Mr. Karl Johan
No_of_relatives_on_board=0
shap=-0.001", - "index=Slemen, Mr. Richard James
No_of_relatives_on_board=0
shap=0.0", - "index=Tomlin, Mr. Ernest Portage
No_of_relatives_on_board=0
shap=-0.001", - "index=McCormack, Mr. Thomas Joseph
No_of_relatives_on_board=0
shap=-0.003", - "index=Richards, Master. George Sibley
No_of_relatives_on_board=2
shap=-0.002", - "index=Mudd, Mr. Thomas Charles
No_of_relatives_on_board=0
shap=0.0", - "index=Lemberopolous, Mr. Peter L
No_of_relatives_on_board=0
shap=-0.002", - "index=Sage, Mr. Douglas Bullen
No_of_relatives_on_board=10
shap=0.019", - "index=Boulos, Miss. Nourelain
No_of_relatives_on_board=2
shap=-0.003", - "index=Aks, Mrs. Sam (Leah Rosen)
No_of_relatives_on_board=1
shap=0.003", - "index=Razi, Mr. Raihed
No_of_relatives_on_board=0
shap=-0.002", - "index=Johnson, Master. Harold Theodor
No_of_relatives_on_board=2
shap=-0.001", - "index=Carlsson, Mr. Frans Olof
No_of_relatives_on_board=0
shap=-0.001", - "index=Gustafsson, Mr. Alfred Ossian
No_of_relatives_on_board=0
shap=-0.0", - "index=Montvila, Rev. Juozas
No_of_relatives_on_board=0
shap=-0.0" - ], - "type": "scatter", - "x": [ - 0.0011962254060500495, - 0.004548348697094661, - 0.019221897147737567, - -0.0008106077582657792, - 0.0015972766895736704, - -0.0004195967584606859, - 0.007585663206664862, - -0.042427644604720226, - 0.010006881731571297, - -0.0021182070142876167, - -0.0022904598493627163, - 0.008208871227974982, - 0.008836028660529228, - 0.005423214939814311, - -0.0055820347542163565, - 0.018325689813782027, - -0.0036669543243865316, - -0.0009805100720435237, - 0.005467717399312296, - 0.016237986046410798, - -0.0005841082665151913, - -0.0004247646723557339, - -0.006425149547890661, - -0.001560124118041449, - -0.0036987989182140717, - -0.00048046312425441924, - 0.003371407586316224, - -0.0004195967584606859, - 0.005218091782837864, - -0.0004195967584606859, - -0.009081630845482157, - -0.001560124118041449, - -0.0005522336808290102, - -0.03907306862937355, - -0.00031132689364547273, - 0.000320957788232177, - -0.00019242346879154692, - -0.008511007753549083, - 0.002366783710141218, - -0.0007604269465090201, - -0.0004195967584606859, - -0.002373166382278999, - -0.001034652042595664, - 0.003680992393392694, - 0.005924080369243436, - -0.0005841082665151913, - -0.007698357198199463, - -0.00033667803718158505, - -0.0003835570619611012, - -0.00019242346879154692, - -0.001560124118041449, - -0.03913973925038003, - 0.008678078916211897, - -0.00014126404638430893, - -0.0015513287554533043, - 0.0008508413917759958, - 0.007129637901606855, - 0.008753807513729868, - -0.0025555010877466896, - 0.019231200616860795, - 0.010006881731571297, - 0.0033237603440499372, - 0.0022439352589106263, - -0.0011872192422971578, - 0.008005079233869592, - -0.0031217719170656593, - -0.0023835631321452904, - -0.001432312968682101, - -0.001560124118041449, - 0.018872710089358535, - -0.00018362810620340157, - 0.006427595239518174, - -0.001560124118041449, - 0.005020091327079242, - -0.0003514365961051239, - -0.004195661629352754, - -0.00046784428071767353, - 0.0008045665335729211, - -0.0006581519126818776, - -0.00047301219461272164, - -0.001560124118041449, - 0.018440899343600204, - -0.0025555010877466896, - -0.003702660471997137, - -0.002968693888456106, - -0.0003552508637096523, - 0.003504053888891377, - -0.0002055965858394536, - -0.0013637894859023368, - 0.00672690994013019, - 0.003357809297264891, - -0.001560124118041449, - 0.000850841391775996, - 0.0007894482397740445, - 0.000320957788232177, - 0.005451987042003316, - -0.00041080139587254094, - -0.0009025663233779847, - -7.997808164552831e-05, - -0.00041080139587254094, - -0.002884291462538453, - -0.00039752033844429484, - 0.010083423940641418, - 0.006588666304485895, - -0.0014931727326374512, - -0.0012444175999856545, - 0.008509644766445607, - -0.0022430831789684, - 0.007653898458181148, - -0.0014455773822279307, - -0.0008038112817556067, - -0.008753935577406759, - -0.005334920168161421, - 0.007165641653241394, - 0.003472229250137092, - -0.0025555010877466896, - 0.0008352018770384693, - 0.0025023064004858495, - -0.0007405489010767068, - -0.0006652158292041007, - -0.001560124118041449, - -0.01047756960715389, - -0.0022430831789684, - -0.0010735508828543148, - -0.0011828283376849004, - -0.007734627054107603, - -0.00030911357078935585, - 0.00296813455401379, - 0.004713686123963344, - -0.0015513287554533043, - -0.0025555010877466896, - 0.008284767104717664, - -0.0031398775601905703, - -0.0005124703680083756, - -0.00018362810620340157, - -0.0025197485193522483, - -0.0015513287554533043, - 0.0071459353642138014, - 0.009073769837909106, - -0.0001036303726677587, - 0.0008633679316015709, - -0.0005058884418691245, - 0.0028111329753763414, - -0.004653994945877272, - 0.006429333123883086, - -0.003336403756917103, - 0.016170477537485614, - 0.017211777943147745, - -0.0005071514368809951, - -0.0010811443273425004, - -0.00012097901184255277, - -0.005453150313268258, - 0.0007460639045274582, - -0.000557153112219704, - -0.006909240580061731, - -0.0005841082665151913, - 0.000320957788232177, - 0.0033182167230076803, - -0.0029768426534286757, - -0.0005198517183523179, - -0.00014126404638430893, - 0.00755289029305107, - -0.0001036303726677587, - -0.0001036303726677587, - -0.001902172905960033, - -0.001560124118041449, - -0.008237351222617647, - -0.001400816979348618, - -0.0005892761804102394, - 0.0070921857640807474, - -0.0005574015947240583, - 0.0033237603440499372, - -0.0045497244090163015, - -0.00039235242454924683, - 0.0032186934344568823, - 0.008366147132644112, - 0.0012169116465665618, - -0.005766498184286244, - -0.0003835570619611012, - 0.007360408281013509, - -0.003163290744290765, - 0.005806122377259536, - 0.0014947843847011553, - 0.001602923528447261, - -0.0018977520462118828, - -0.0005841842578074631, - 0.00037298004242198354, - -0.0005790163439124149, - -0.0025555010877466896, - -0.0024502367826811666, - 0.00028531488671810145, - -0.0018969622633347066, - 0.018872710089358535, - -0.0027187124194188463, - 0.0033610141242428494, - -0.0022430831789684, - -0.0007587704615184364, - -0.0008630471661374403, - -0.00017805729001342703, - -0.0001390506099354145 + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "xaxis": "x7", "y": [ - 0.18845807725848696, - 0.8714185856815424, - 0.9454983367644553, - 0.5342724676293487, - 0.29737664885228265, - 0.8637172833992437, - 0.9882901820830644, - 0.30414018908826845, - 0.33411889876595635, - 0.07438632257036515, - 0.792784416682405, - 0.8178964305311036, - 0.3746217825947611, - 0.3070744038415948, - 0.42794137489568984, - 0.7493313622445618, - 0.7278688595602578, - 0.22606895480890166, - 0.24472206139597585, - 0.38090425104397463, - 0.7148056292863031, - 0.6380224763497945, - 0.7843083098730328, - 0.5108109243745937, - 0.9010460740889995, - 0.476790403402954, - 0.5737749536049089, - 0.992700687071801, - 0.8585964295597249, - 0.4126461534023901, - 0.32539016050938085, - 0.8540783750484845, - 0.15337856815769624, - 0.6558735713499948, - 0.6617400864503283, - 0.7738579482808071, - 0.6104314531887703, - 0.9319522312059725, - 0.1822929065786817, - 0.17324795383182645, - 0.11434762239182139, - 0.482203474349425, - 0.018971327000398164, - 0.9647689294149516, - 0.972264104381336, - 0.38996640825047324, - 0.9771125409782152, - 0.44756665311966437, - 0.07464613766156836, - 0.8515625357298373, - 0.6845809277363835, - 0.2279261689556118, - 0.45830689789245393, - 0.9707793288138608, - 0.02710668605874489, - 0.31648981211555094, - 0.44152514771220586, - 0.9255513770406933, - 0.029266674360544642, - 0.8702819482142933, - 0.9780454585629237, - 0.4741452368194903, - 0.7468591921684952, - 0.037244541999551184, - 0.43368456633011754, - 0.8354601793952213, - 0.23485242956491192, - 0.007789374008002503, - 0.6892086073510816, - 0.9622551943277501, - 0.319601172502878, - 0.4232013201315581, - 0.9990408756654785, - 0.5839256291181957, - 0.27215806727612335, - 0.326706752598358, - 0.3496230385143754, - 0.19942254732571818, - 0.6345376242786605, - 0.07212973849598214, - 0.20151713520649606, - 0.4971310423653036, - 0.8057928182844304, - 0.4882904549302418, - 0.9171238766728536, - 0.01893003950829275, - 0.95186040098772, - 0.699290248991796, - 0.9923099181158919, - 0.20832449711881385, - 0.3371910639009251, - 0.05628874524252758, - 0.09174815326054964, - 0.5214182122664649, - 0.5515160943175609, - 0.6629651441689068, - 0.34297546153289715, - 0.18176664525602593, - 0.7947516762981335, - 0.04876907111300233, - 0.3245282197557209, - 0.3797640063169542, - 0.8076988797593868, - 0.43488677382353236, - 0.9486498500453662, - 0.8684950701184979, - 0.937905668841796, - 0.16263715072635077, - 0.2529656714571502, - 0.4877371197916418, - 0.5315103828677069, - 0.3793214218139369, - 0.10932826431577514, - 0.4284828191079604, - 0.8198483774278149, - 0.25520774847524585, - 0.463319378372803, - 0.5361314370891928, - 0.5082379388464642, - 0.9705440080557551, - 0.1252959537998336, - 0.1531365202731192, - 0.2865190378957223, - 0.6310653879486663, - 0.5690972142030547, - 0.5582257036008387, - 0.60820124326268, - 0.5563091217163147, - 0.7666499254671857, - 0.7805320418668131, - 0.6491358601123131, - 0.4807007250895873, - 0.6920355452859639, - 0.2854779049256393, - 0.8999260459589719, - 0.9733212767792079, - 0.4431205173071543, - 0.5868925043804483, - 0.1807552910548198, - 0.7504219801602561, - 0.5092002582370911, - 0.9129898139936788, - 0.7925432603816576, - 0.6310589513998653, - 0.2755334911872831, - 0.5240001459625329, - 0.13316370844418934, - 0.8085920935069433, - 0.11738868046317563, - 0.7751113923781459, - 0.4196643340346653, - 0.43958296172391176, - 0.30520215693248653, - 0.0520018791657153, - 0.23631405309974773, - 0.8391230420192223, - 0.35322208322097526, - 0.09274946382995808, - 0.7886703146785397, - 0.9599194464920859, - 0.38155412775700104, - 0.4902969460740748, - 0.018560977747717367, - 0.9870948626201806, - 0.9731882571872965, - 0.9992705161296807, - 0.37367697018138457, - 0.896841610087363, - 0.7481105272639321, - 0.41728962830738436, - 0.5878744627302713, - 0.11233126942973881, - 0.12818750706261972, - 0.11037789482869909, - 0.8629751717924049, - 0.6156702211285233, - 0.20514431771799158, - 0.5237570602167458, - 0.9062934585839685, - 0.994205767755134, - 0.6767275551033185, - 0.9113268296078766, - 0.221643156676112, - 0.3104088468308801, - 0.762044564169679, - 0.8216369938750404, - 0.5165212497838546, - 0.26313288126022183, - 0.6809042865723665, - 0.7820524959370453, - 0.2525689365186815, - 0.5389844254187448, - 0.7742619345617102, - 0.050787746902715036, - 0.2931029394903798, - 0.006137797432880676, - 0.35081636173185826, - 0.21261520386883292, - 0.06863850101266744, - 0.9797521792530409 + 43.09821970127289, + 45.226750774719214, + 46.32727987524831, + 49.75146533890746, + 50.67146533890746, + 51.24298134308587, + 50.60937523288401, + 48.02475984826863, + 50.43345456567915, + 47.087799022271625 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "yaxis": "y7" + "y": [ + 12.02919288117982, + 12.584748436735376, + 12.584748436735376, + 12.45337834483897, + 13.047687015746234, + 15.03516476166429, + 16.6525390436193, + 18.19791686207962, + 26.802721937589112, + 26.59817234705227 + ] }, { - "hoverinfo": "text", - "marker": { - "color": [ - 38, - 35, - 2, - 27, - 14, - 20, - 14, - 38, - null, - 28, - null, - 19, - 18, - 21, - 45, - 4, - 26, - 21, - 17, - 16, - 29, - 20, - 46, - null, - 21, - 38, - null, - 22, - 20, - 21, - 29, - null, - 16, - 9, - 36.5, - 51, - 55.5, - 44, - null, - 61, - 21, - 18, - null, - 19, - 44, - 28, - 32, - 40, - 24, - 51, - null, - 5, - null, - 33, - null, - 62, - null, - 50, - null, - 3, - null, - 63, - 35, - null, - 22, - 19, - 36, - null, - null, - null, - 61, - null, - null, - 41, - 42, - 29, - 19, - null, - 27, - 19, - null, - 1, - null, - 28, - 24, - 39, - 33, - 30, - 21, - 19, - 45, - null, - 52, - 48, - 48, - 33, - 22, - null, - 25, - 21, - null, - 24, - null, - 37, - 18, - null, - 36, - null, - 30, - 7, - 45, - 32, - 33, - 22, - 39, - null, - 62, - 53, - 19, - 36, - null, - null, - null, - 49, - 35, - 36, - 27, - 22, - 40, - null, - null, - 26, - 27, - 26, - 51, - 32, - null, - 23, - 18, - 23, - 47, - 36, - 40, - 31, - 18, - 27, - 14, - 14, - 18, - 42, - 18, - 26, - 42, - null, - 48, - 29, - 52, - 27, - null, - 33, - 34, - 29, - 23, - 23, - 28.5, - null, - 24, - 31, - 28, - 33, - 16, - 51, - null, - 24, - 43, - 13, - 17, - null, - 25, - 18, - 46, - 49, - 31, - 11, - 0.42, - 31, - 35, - 30.5, - null, - 0.83, - 16, - 34.5, - null, - 9, - 18, - null, - 4, - 33, - 20, - 27 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "name": "Age", - "opacity": 0.8, + "mode": "lines", + "opacity": 0.1, "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
shap=0.006", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
shap=0.005", - "index=Palsson, Master. Gosta Leonard
Age=2.0
shap=0.011", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=27.0
shap=0.005", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
shap=-0.005", - "index=Saundercock, Mr. William Henry
Age=20.0
shap=0.001", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Age=14.0
shap=-0.001", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=38.0
shap=0.005", - "index=Glynn, Miss. Mary Agatha
Age=nan
shap=-0.002", - "index=Meyer, Mr. Edgar Joseph
Age=28.0
shap=-0.004", - "index=Kraeff, Mr. Theodor
Age=nan
shap=0.003", - "index=Devaney, Miss. Margaret Delia
Age=19.0
shap=-0.008", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=18.0
shap=0.001", - "index=Rugg, Miss. Emily
Age=21.0
shap=-0.002", - "index=Harris, Mr. Henry Birkhardt
Age=45.0
shap=-0.004", - "index=Skoog, Master. Harald
Age=4.0
shap=0.007", - "index=Kink, Mr. Vincenz
Age=26.0
shap=-0.002", - "index=Hood, Mr. Ambrose Jr
Age=21.0
shap=-0.001", - "index=Ilett, Miss. Bertha
Age=17.0
shap=-0.001", - "index=Ford, Mr. William Neal
Age=16.0
shap=-0.002", - "index=Christmann, Mr. Emil
Age=29.0
shap=-0.001", - "index=Andreasson, Mr. Paul Edvin
Age=20.0
shap=0.0", - "index=Chaffee, Mr. Herbert Fuller
Age=46.0
shap=-0.006", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Age=nan
shap=0.003", - "index=White, Mr. Richard Frasar
Age=21.0
shap=-0.002", - "index=Rekic, Mr. Tido
Age=38.0
shap=0.0", - "index=Moran, Miss. Bertha
Age=nan
shap=-0.007", - "index=Barton, Mr. David John
Age=22.0
shap=0.0", - "index=Jussila, Miss. Katriina
Age=20.0
shap=-0.001", - "index=Pekoniemi, Mr. Edvard
Age=21.0
shap=0.001", - "index=Turpin, Mr. William John Robert
Age=29.0
shap=-0.004", - "index=Moore, Mr. Leonard Charles
Age=nan
shap=0.003", - "index=Osen, Mr. Olaf Elon
Age=16.0
shap=-0.0", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Age=9.0
shap=-0.011", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=36.5
shap=-0.006", - "index=Bateman, Rev. Robert James
Age=51.0
shap=0.002", - "index=Meo, Mr. Alfonzo
Age=55.5
shap=0.0", - "index=Cribb, Mr. John Hatfield
Age=44.0
shap=-0.003", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Age=nan
shap=-0.024", - "index=Van der hoef, Mr. Wyckoff
Age=61.0
shap=-0.001", - "index=Sivola, Mr. Antti Wilhelm
Age=21.0
shap=0.001", - "index=Klasen, Mr. Klas Albin
Age=18.0
shap=-0.003", - "index=Rood, Mr. Hugh Roscoe
Age=nan
shap=0.008", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=19.0
shap=0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Age=44.0
shap=0.003", - "index=Vande Walle, Mr. Nestor Cyriel
Age=28.0
shap=-0.001", - "index=Backstrom, Mr. Karl Alfred
Age=32.0
shap=-0.002", - "index=Blank, Mr. Henry
Age=40.0
shap=-0.0", - "index=Ali, Mr. Ahmed
Age=24.0
shap=0.0", - "index=Green, Mr. George Henry
Age=51.0
shap=0.002", - "index=Nenkoff, Mr. Christo
Age=nan
shap=0.003", - "index=Asplund, Miss. Lillian Gertrud
Age=5.0
shap=-0.013", - "index=Harknett, Miss. Alice Phoebe
Age=nan
shap=-0.005", - "index=Hunt, Mr. George Henry
Age=33.0
shap=-0.004", - "index=Reed, Mr. James George
Age=nan
shap=0.003", - "index=Stead, Mr. William Thomas
Age=62.0
shap=-0.003", - "index=Thorne, Mrs. Gertrude Maybelle
Age=nan
shap=-0.016", - "index=Parrish, Mrs. (Lutie Davis)
Age=50.0
shap=0.011", - "index=Smith, Mr. Thomas
Age=nan
shap=0.002", - "index=Asplund, Master. Edvin Rojj Felix
Age=3.0
shap=0.012", - "index=Healy, Miss. Hanora \"Nora\"
Age=nan
shap=-0.002", - "index=Andrews, Miss. Kornelia Theodosia
Age=63.0
shap=0.01", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Age=35.0
shap=0.007", - "index=Smith, Mr. Richard William
Age=nan
shap=0.007", - "index=Connolly, Miss. Kate
Age=22.0
shap=-0.009", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Age=19.0
shap=-0.0", - "index=Levy, Mr. Rene Jacques
Age=36.0
shap=-0.003", - "index=Lewy, Mr. Ervin G
Age=nan
shap=0.007", - "index=Williams, Mr. Howard Hugh \"Harry\"
Age=nan
shap=0.003", - "index=Sage, Mr. George John Jr
Age=nan
shap=0.011", - "index=Nysveen, Mr. Johan Hansen
Age=61.0
shap=0.0", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=nan
shap=-0.02", - "index=Denkoff, Mr. Mitto
Age=nan
shap=0.003", - "index=Burns, Miss. Elizabeth Margaret
Age=41.0
shap=-0.0", - "index=Dimic, Mr. Jovan
Age=42.0
shap=-0.001", - "index=del Carlo, Mr. Sebastiano
Age=29.0
shap=-0.003", - "index=Beavan, Mr. William Thomas
Age=19.0
shap=-0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=nan
shap=-0.018", - "index=Widener, Mr. Harry Elkins
Age=27.0
shap=-0.002", - "index=Gustafsson, Mr. Karl Gideon
Age=19.0
shap=-0.0", - "index=Plotcharsky, Mr. Vasil
Age=nan
shap=0.003", - "index=Goodwin, Master. Sidney Leonard
Age=1.0
shap=0.012", - "index=Sadlier, Mr. Matthew
Age=nan
shap=0.002", - "index=Gustafsson, Mr. Johan Birger
Age=28.0
shap=-0.002", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=24.0
shap=0.001", - "index=Niskanen, Mr. Juha
Age=39.0
shap=0.001", - "index=Minahan, Miss. Daisy E
Age=33.0
shap=0.002", - "index=Matthews, Mr. William John
Age=30.0
shap=-0.003", - "index=Charters, Mr. David
Age=21.0
shap=0.003", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=19.0
shap=-0.0", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=45.0
shap=0.007", - "index=Johannesen-Bratthammer, Mr. Bernt
Age=nan
shap=0.003", - "index=Peuchen, Major. Arthur Godfrey
Age=52.0
shap=-0.003", - "index=Anderson, Mr. Harry
Age=48.0
shap=-0.004", - "index=Milling, Mr. Jacob Christian
Age=48.0
shap=-0.0", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=33.0
shap=0.012", - "index=Karlsson, Mr. Nils August
Age=22.0
shap=0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Age=nan
shap=0.006", - "index=Bishop, Mr. Dickinson H
Age=25.0
shap=-0.004", - "index=Windelov, Mr. Einar
Age=21.0
shap=0.0", - "index=Shellard, Mr. Frederick William
Age=nan
shap=0.005", - "index=Svensson, Mr. Olof
Age=24.0
shap=0.0", - "index=O'Sullivan, Miss. Bridget Mary
Age=nan
shap=-0.002", - "index=Laitinen, Miss. Kristina Sofia
Age=37.0
shap=0.005", - "index=Penasco y Castellana, Mr. Victor de Satode
Age=18.0
shap=0.004", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Age=nan
shap=0.008", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=36.0
shap=0.006", - "index=Kassem, Mr. Fared
Age=nan
shap=0.003", - "index=Cacic, Miss. Marija
Age=30.0
shap=0.002", - "index=Hart, Miss. Eva Miriam
Age=7.0
shap=-0.016", - "index=Butt, Major. Archibald Willingham
Age=45.0
shap=-0.002", - "index=Beane, Mr. Edward
Age=32.0
shap=-0.003", - "index=Goldsmith, Mr. Frank John
Age=33.0
shap=-0.006", - "index=Ohman, Miss. Velin
Age=22.0
shap=-0.002", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=39.0
shap=0.007", - "index=Morrow, Mr. Thomas Rowan
Age=nan
shap=0.002", - "index=Harris, Mr. George
Age=62.0
shap=0.0", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=53.0
shap=0.012", - "index=Patchett, Mr. George
Age=19.0
shap=-0.001", - "index=Ross, Mr. John Hugo
Age=36.0
shap=-0.002", - "index=Murdlin, Mr. Joseph
Age=nan
shap=0.003", - "index=Bourke, Miss. Mary
Age=nan
shap=-0.01", - "index=Boulos, Mr. Hanna
Age=nan
shap=0.003", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=49.0
shap=-0.004", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Age=35.0
shap=-0.003", - "index=Lindell, Mr. Edvard Bengtsson
Age=36.0
shap=-0.003", - "index=Daniel, Mr. Robert Williams
Age=27.0
shap=-0.003", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=22.0
shap=0.005", - "index=Shutes, Miss. Elizabeth W
Age=40.0
shap=0.004", - "index=Jardin, Mr. Jose Neto
Age=nan
shap=0.003", - "index=Horgan, Mr. John
Age=nan
shap=0.002", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=26.0
shap=0.002", - "index=Yasbeck, Mr. Antoni
Age=27.0
shap=-0.002", - "index=Bostandyeff, Mr. Guentcho
Age=26.0
shap=-0.001", - "index=Lundahl, Mr. Johan Svensson
Age=51.0
shap=0.002", - "index=Stahelin-Maeglin, Dr. Max
Age=32.0
shap=-0.001", - "index=Willey, Mr. Edward
Age=nan
shap=0.003", - "index=Stanley, Miss. Amy Zillah Elsie
Age=23.0
shap=-0.002", - "index=Hegarty, Miss. Hanora \"Nora\"
Age=18.0
shap=-0.001", - "index=Eitemiller, Mr. George Floyd
Age=23.0
shap=-0.001", - "index=Colley, Mr. Edward Pomeroy
Age=47.0
shap=-0.004", - "index=Coleff, Mr. Peju
Age=36.0
shap=-0.002", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Age=40.0
shap=0.008", - "index=Davidson, Mr. Thornton
Age=31.0
shap=-0.001", - "index=Turja, Miss. Anna Sofia
Age=18.0
shap=-0.001", - "index=Hassab, Mr. Hammad
Age=27.0
shap=-0.001", - "index=Goodwin, Mr. Charles Edward
Age=14.0
shap=0.0", - "index=Panula, Mr. Jaako Arnold
Age=14.0
shap=0.002", - "index=Fischer, Mr. Eberhard Thelander
Age=18.0
shap=-0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Age=42.0
shap=0.0", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Age=18.0
shap=-0.006", - "index=Hansen, Mr. Henrik Juul
Age=26.0
shap=-0.002", - "index=Calderhead, Mr. Edward Pennington
Age=42.0
shap=-0.003", - "index=Klaber, Mr. Herman
Age=nan
shap=0.008", - "index=Taylor, Mr. Elmer Zebley
Age=48.0
shap=-0.004", - "index=Larsson, Mr. August Viktor
Age=29.0
shap=-0.001", - "index=Greenberg, Mr. Samuel
Age=52.0
shap=0.0", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Age=27.0
shap=-0.004", - "index=McEvoy, Mr. Michael
Age=nan
shap=0.003", - "index=Johnson, Mr. Malkolm Joackim
Age=33.0
shap=-0.003", - "index=Gillespie, Mr. William Henry
Age=34.0
shap=-0.004", - "index=Allen, Miss. Elisabeth Walton
Age=29.0
shap=0.004", - "index=Berriman, Mr. William John
Age=23.0
shap=-0.001", - "index=Troupiansky, Mr. Moses Aaron
Age=23.0
shap=-0.001", - "index=Williams, Mr. Leslie
Age=28.5
shap=-0.002", - "index=Ivanoff, Mr. Kanio
Age=nan
shap=0.003", - "index=McNamee, Mr. Neal
Age=24.0
shap=-0.002", - "index=Connaghton, Mr. Michael
Age=31.0
shap=0.007", - "index=Carlsson, Mr. August Sigfrid
Age=28.0
shap=-0.001", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Age=33.0
shap=0.005", - "index=Eklund, Mr. Hans Linus
Age=16.0
shap=-0.001", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Age=51.0
shap=0.007", - "index=Moran, Mr. Daniel J
Age=nan
shap=0.006", - "index=Lievens, Mr. Rene Aime
Age=24.0
shap=0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Age=43.0
shap=0.008", - "index=Ayoub, Miss. Banoura
Age=13.0
shap=-0.002", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Age=17.0
shap=-0.001", - "index=Johnston, Mr. Andrew G
Age=nan
shap=0.011", - "index=Ali, Mr. William
Age=25.0
shap=0.0", - "index=Sjoblom, Miss. Anna Sofia
Age=18.0
shap=-0.001", - "index=Guggenheim, Mr. Benjamin
Age=46.0
shap=-0.001", - "index=Leader, Dr. Alice (Farnham)
Age=49.0
shap=0.005", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Age=31.0
shap=0.005", - "index=Carter, Master. William Thornton II
Age=11.0
shap=0.005", - "index=Thomas, Master. Assad Alexander
Age=0.42
shap=0.009", - "index=Johansson, Mr. Karl Johan
Age=31.0
shap=0.0", - "index=Slemen, Mr. Richard James
Age=35.0
shap=-0.004", - "index=Tomlin, Mr. Ernest Portage
Age=30.5
shap=-0.001", - "index=McCormack, Mr. Thomas Joseph
Age=nan
shap=0.002", - "index=Richards, Master. George Sibley
Age=0.83
shap=0.014", - "index=Mudd, Mr. Thomas Charles
Age=16.0
shap=-0.0", - "index=Lemberopolous, Mr. Peter L
Age=34.5
shap=0.0", - "index=Sage, Mr. Douglas Bullen
Age=nan
shap=0.011", - "index=Boulos, Miss. Nourelain
Age=9.0
shap=-0.007", - "index=Aks, Mrs. Sam (Leah Rosen)
Age=18.0
shap=0.003", - "index=Razi, Mr. Raihed
Age=nan
shap=0.003", - "index=Johnson, Master. Harold Theodor
Age=4.0
shap=0.009", - "index=Carlsson, Mr. Frans Olof
Age=33.0
shap=-0.002", - "index=Gustafsson, Mr. Alfred Ossian
Age=20.0
shap=0.0", - "index=Montvila, Rev. Juozas
Age=27.0
shap=-0.002" - ], - "type": "scatter", - "x": [ - 0.0057532861960755, - 0.004934465819031602, - 0.011277334983164675, - 0.004797830900918945, - -0.005203016228129369, - 0.0005258603233480303, - -0.001405444480635273, - 0.005354868681975071, - -0.0017046925203002166, - -0.003680859414394083, - 0.0030670485268392248, - -0.008361290414914981, - 0.0012964088152216556, - -0.0016767295909615567, - -0.004080961960710431, - 0.007271486944479476, - -0.0017938200218339476, - -0.0011597339241444578, - -0.0005500678816810157, - -0.0022058094283414808, - -0.0012727075591486042, - 0.0003059638798082873, - -0.006118325136448839, - 0.0034377212875058615, - -0.0024570092195432564, - 0.0004275504634033103, - -0.007092827873859766, - 0.00043879983680680584, - -0.0013003912535666522, - 0.0005258603233480303, - -0.0041658048035416485, - 0.0034843021282087248, - -0.00035837476395499666, - -0.01106783910166792, - -0.00603881539392752, - 0.0018799645206805692, - 0.00014980619931106846, - -0.002670448756056007, - -0.02402411040021913, - -0.0006160660092067921, - 0.0005258603233480303, - -0.0029586291177531115, - 0.007735962872357022, - 0.00044679296396943547, - 0.003012036487508564, - -0.001305669175991936, - -0.0018814849987490426, - -0.00048767846153657286, - 0.0002913761052239801, - 0.0016830204154360793, - 0.0034377212875058615, - -0.012752597175503618, - -0.004581072626841279, - -0.004212541674998875, - 0.0032658234027533664, - -0.00260627684469938, - -0.016129705948731032, - 0.010564768522650238, - 0.0016527573846137607, - 0.012430879998540686, - -0.0017046925203002166, - 0.01021215173797928, - 0.006912660038031296, - 0.007337538121233003, - -0.00862903808254311, - -0.00029446255740493525, - -0.0026538547313645798, - 0.0065208219449715615, - 0.0034843021282087248, - 0.011003134292327521, - 0.00045762867398650795, - -0.01968007438401266, - 0.0034377212875058615, - -8.148734334841653e-05, - -0.0009098698110147738, - -0.003488103969650639, - -0.00013952200996562056, - -0.018351098996760858, - -0.002126576959506232, - -0.0003594184535053637, - 0.0034377212875058615, - 0.012309650363706438, - 0.0016463776532340292, - -0.0021229445144537074, - 0.0013520047024895496, - 0.0008481961521468137, - 0.0019900423786048628, - -0.0029432733843038046, - 0.00334260849619896, - -0.0001019950832890086, - 0.007442896654301002, - 0.0034843021282087248, - -0.002535261688644526, - -0.003943794808025982, - -0.0004762729346560518, - 0.012143431810280483, - 0.00022032111135144753, - 0.00569060809421125, - -0.004264070960281851, - 0.00030738159789267197, - 0.004593667857736454, - 0.00028995838713959555, - -0.0016959623615700578, - 0.00491533669963959, - 0.003880495686613165, - 0.007539531040153752, - 0.005756565746432848, - 0.00289515064208673, - 0.0019364914390943746, - -0.015584587502485505, - -0.0016840282725686362, - -0.003311655878892373, - -0.006112378716310905, - -0.0021838489027986357, - 0.0065692563557795906, - 0.0016527573846137607, - 9.962650427342186e-05, - 0.011989339918037974, - -0.000999868397185396, - -0.0018836251345859046, - 0.0034843021282087248, - -0.009958814237816164, - 0.00289515064208673, - -0.004111158610555293, - -0.0030582316008919185, - -0.0030830051727898256, - -0.0025835190213623804, - 0.005028775673543193, - 0.0037622612212131236, - 0.0032658234027533664, - 0.0016527573846137607, - 0.0018627560674294042, - -0.0018060164290349208, - -0.000804920485132261, - 0.0020098986885808724, - -0.0005554268395954849, - 0.0032658234027533664, - -0.0021927988899148967, - -0.0013471835444206826, - -0.0009166044801964268, - -0.004220689503052858, - -0.0018075528148110938, - 0.008068842180727946, - -0.001435320585022013, - -0.0010746863275758946, - -0.0011567276964243962, - 0.0003598898958044661, - 0.001518283244455952, - -0.00037284899060719995, - 2.689328903178771e-05, - -0.0055765381213653455, - -0.0016703759465567574, - -0.003186839330317594, - 0.007623086413367565, - -0.0036124989922373726, - -0.001454980847195174, - 0.00032965985705106266, - -0.004461252032753646, - 0.0030652629431149794, - -0.002671931462581374, - -0.003873747123206219, - 0.0039460815534857144, - -0.0009166044801964268, - -0.0009166044801964268, - -0.0019618004239081027, - 0.0034377212875058615, - -0.0016425876020312036, - 0.0066107573683140035, - -0.0008811173905867642, - 0.004668426445523966, - -0.0005782712074947397, - 0.006657929310117288, - 0.0059044820676602775, - 0.00032758154263276817, - 0.007854842453129668, - -0.0021285726902407053, - -0.0011786673384121123, - 0.010730492493723041, - 0.0002652618499474534, - -0.0005551474417321285, - -0.0012661837373441653, - 0.005495628614526404, - 0.005044852520078105, - 0.00496838561646318, - 0.008911540892633522, - 0.0004102879770926006, - -0.003634435817675331, - -0.0010872840575015365, - 0.0016527573846137607, - 0.014420105447824686, - -0.0001812647043340795, - 8.031604494812485e-05, - 0.011003134292327521, - -0.007245437280662718, - 0.00254182120762686, - 0.00289515064208673, - 0.008830369782001468, - -0.0024755290569034986, - 0.0003165074423815785, - -0.0022358319805507445 + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "xaxis": "x8", "y": [ - 0.9857242867773415, - 0.19960299799924164, - 0.4889541303335442, - 0.7995195952870651, - 0.8709824051300648, - 0.9667752866667022, - 0.020268930565184307, - 0.9699631494025337, - 0.6651301732255744, - 0.40960420646003814, - 0.058291815739832775, - 0.12425828939084327, - 0.8703072144004866, - 0.573846414999384, - 0.584830892867106, - 0.18196255308105758, - 0.965558964172824, - 0.012439472491769799, - 0.15448734937722375, - 0.037480547502690365, - 0.7666550122271175, - 0.8013677466121184, - 0.6890438697855975, - 0.31222409327053924, - 0.03830928423053037, - 0.3905967323696432, - 0.9987906778432895, - 0.8468137797549774, - 0.6652158599874675, - 0.1471114131643625, - 0.6128277595115502, - 0.12353993225406423, - 0.560850065510647, - 0.04752832220212466, - 0.14056929841678367, - 0.1982839797979622, - 0.21632905784218015, - 0.5111871668672942, - 0.08327112438813888, - 0.4838374688425482, - 0.4739031466271054, - 0.7999415057022777, - 0.7297916435928651, - 0.4141460572453557, - 0.5932328951512315, - 0.6290573058642708, - 0.6407623179880177, - 0.18301290960653682, - 0.15083733868611937, - 0.8114682909516162, - 0.8131514054430855, - 0.6646323467574149, - 0.4294475535465686, - 0.29856488311707696, - 0.1633746279617243, - 0.042004645227450066, - 0.984595808336394, - 0.012897294523966263, - 0.6210653891626418, - 0.4542612511348173, - 0.6089648888984922, - 0.31913932821182567, - 0.24872930352193257, - 0.8363016063756976, - 0.8369363957499254, - 0.5510641914441842, - 0.05979775241820118, - 0.5664032608746787, - 0.41083330012696706, - 0.6457042089229023, - 0.8212862914861178, - 0.13139990969242288, - 0.4754285745192709, - 0.08297413923168917, - 0.09532909138772783, - 0.2906701052960112, - 0.6524232629191695, - 0.6216559887012927, - 0.037510603576228374, - 0.5896206204702031, - 0.26333890671119065, - 0.08794348947155906, - 0.19711657802011473, - 0.5092781305586184, - 0.6320203971589461, - 0.10061774876342655, - 0.17778531413364584, - 0.9457018766507226, - 0.02767443441748707, - 0.6542706843834484, - 0.7187759395026778, - 0.6367750937800678, - 0.6429547222019112, - 0.505233657460829, - 0.9410195380602894, - 0.3543533389584923, - 0.5713893406033864, - 0.8904582304534466, - 0.929931714477993, - 0.27056300461191396, - 0.6313834239055844, - 0.6871042969481651, - 0.10918898473171479, - 0.3205397801212524, - 0.23021611271561437, - 0.35215438267449917, - 0.7017426549031219, - 0.3340413965636829, - 0.00446184837895458, - 0.1793656903823455, - 0.7318758987661879, - 0.49002762964932345, - 0.7921117919932691, - 0.6195680270351666, - 0.7904196342503887, - 0.790191872729785, - 0.12508664521122526, - 0.3618806395152183, - 0.8877307206898212, - 0.5956267877599574, - 0.9618324831546444, - 0.3608418532797122, - 0.11165869219364666, - 0.2580560049768824, - 0.40487558097909604, - 0.08092153540453972, - 0.5371508310342734, - 0.4697959392808808, - 0.6506305852160885, - 0.6733805219180798, - 0.08784337544461163, - 0.6645189403273107, - 0.15772265650239448, - 0.4564584856590258, - 0.18735647476780282, - 0.6689333987545978, - 0.5365901275172252, - 0.8409181601581492, - 0.7956097940135632, - 0.23661073825138945, - 0.426982956944681, - 0.12225677619932696, - 0.7511676970650613, - 0.11025520872700201, - 0.06653054741190767, - 0.9155111977382707, - 0.5916051188493219, - 0.09530775927433577, - 0.26884548102206385, - 0.1738689967228585, - 0.5456018562285094, - 0.6348046595738718, - 0.8756839243745447, - 0.43529125762636245, - 0.4397397187320825, - 0.2310550274057407, - 0.24356819445106248, - 0.3003690369274661, - 0.8199184477574522, - 0.8118993956572742, - 0.3178617950782381, - 0.12049594973353328, - 0.681379515134519, - 0.5834361189222965, - 0.7162543737097002, - 0.5963885729302172, - 0.03538764056482768, - 0.6139850386260574, - 0.7567416619010987, - 0.8388808815303002, - 0.6114084781360368, - 0.8692548263811377, - 0.09375216788132301, - 0.16274212097686447, - 0.3295874669043052, - 0.9158155015764686, - 0.03299266658582822, - 0.7864037098908073, - 0.3704619932753457, - 0.572903613369306, - 0.014061986969614915, - 0.8772100413821925, - 0.7964545765544727, - 0.3000629848057984, - 0.5956953716241875, - 0.8657683202559102, - 0.8637014467239074, - 0.508699960864375, - 0.5527712909407105, - 0.42426955607987793, - 0.5091981333962787, - 0.5497757147143375, - 0.9320835603787072, - 0.5410297314924027, - 0.16103131667257076, - 0.749605481922118, - 0.5364672105903885, - 0.8189705403673305, - 0.9050737780968405, - 0.432369350181633 + 63.53240916702557, + 65.74993655356704, + 65.08731029094078, + 64.04232959149783, + 66.42845327173916, + 66.99181732210822, + 61.43426715228026, + 61.43426715228026, + 66.57957406961742, + 68.07800667149829 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "yaxis": "y8" + "y": [ + 13.589914519828753, + 14.40920633912057, + 14.40920633912057, + 14.27412504614454, + 14.868433717051804, + 17.303758352922017, + 18.92113263487703, + 20.466510453337346, + 32.62066354045292, + 33.55897109277321 + ] }, { - "hoverinfo": "text", - "marker": { - "color": [ - 1, - 1, - 3, - 0, - 1, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 1, - 0, - 1, - 3, - 2, - 0, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 1, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 4, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 4, - 0, - 1, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 8, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 5, - 0, - 2, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 1, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 5, - 4, - 0, - 0, - 1, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 8, - 1, - 0, - 0, - 1, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "name": "No_of_siblings_plus_spouses_on_board", - "opacity": 0.8, + "mode": "lines", + "opacity": 0.1, "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
No_of_siblings_plus_spouses_on_board=1
shap=-0.002", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
No_of_siblings_plus_spouses_on_board=1
shap=-0.004", - "index=Palsson, Master. Gosta Leonard
No_of_siblings_plus_spouses_on_board=3
shap=0.006", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
No_of_siblings_plus_spouses_on_board=0
shap=0.001", - "index=Nasser, Mrs. Nicholas (Adele Achem)
No_of_siblings_plus_spouses_on_board=1
shap=-0.006", - "index=Saundercock, Mr. William Henry
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Vestrom, Miss. Hulda Amanda Adolfina
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
No_of_siblings_plus_spouses_on_board=1
shap=-0.0", - "index=Glynn, Miss. Mary Agatha
No_of_siblings_plus_spouses_on_board=0
shap=0.005", - "index=Meyer, Mr. Edgar Joseph
No_of_siblings_plus_spouses_on_board=1
shap=0.0", - "index=Kraeff, Mr. Theodor
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Devaney, Miss. Margaret Delia
No_of_siblings_plus_spouses_on_board=0
shap=0.004", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
No_of_siblings_plus_spouses_on_board=1
shap=-0.004", - "index=Rugg, Miss. Emily
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Harris, Mr. Henry Birkhardt
No_of_siblings_plus_spouses_on_board=1
shap=0.002", - "index=Skoog, Master. Harald
No_of_siblings_plus_spouses_on_board=3
shap=0.0", - "index=Kink, Mr. Vincenz
No_of_siblings_plus_spouses_on_board=2
shap=-0.0", - "index=Hood, Mr. Ambrose Jr
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", - "index=Ilett, Miss. Bertha
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Ford, Mr. William Neal
No_of_siblings_plus_spouses_on_board=1
shap=0.002", - "index=Christmann, Mr. Emil
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Andreasson, Mr. Paul Edvin
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Chaffee, Mr. Herbert Fuller
No_of_siblings_plus_spouses_on_board=1
shap=0.002", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=White, Mr. Richard Frasar
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Rekic, Mr. Tido
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Moran, Miss. Bertha
No_of_siblings_plus_spouses_on_board=1
shap=-0.007", - "index=Barton, Mr. David John
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Jussila, Miss. Katriina
No_of_siblings_plus_spouses_on_board=1
shap=-0.005", - "index=Pekoniemi, Mr. Edvard
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Turpin, Mr. William John Robert
No_of_siblings_plus_spouses_on_board=1
shap=0.001", - "index=Moore, Mr. Leonard Charles
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Osen, Mr. Olaf Elon
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Ford, Miss. Robina Maggie \"Ruby\"
No_of_siblings_plus_spouses_on_board=2
shap=-0.001", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Bateman, Rev. Robert James
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Meo, Mr. Alfonzo
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Cribb, Mr. John Hatfield
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Van der hoef, Mr. Wyckoff
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Sivola, Mr. Antti Wilhelm
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Klasen, Mr. Klas Albin
No_of_siblings_plus_spouses_on_board=1
shap=0.002", - "index=Rood, Mr. Hugh Roscoe
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
No_of_siblings_plus_spouses_on_board=1
shap=-0.005", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
No_of_siblings_plus_spouses_on_board=0
shap=0.005", - "index=Vande Walle, Mr. Nestor Cyriel
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Backstrom, Mr. Karl Alfred
No_of_siblings_plus_spouses_on_board=1
shap=0.001", - "index=Blank, Mr. Henry
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Ali, Mr. Ahmed
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Green, Mr. George Henry
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Nenkoff, Mr. Christo
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Asplund, Miss. Lillian Gertrud
No_of_siblings_plus_spouses_on_board=4
shap=-0.013", - "index=Harknett, Miss. Alice Phoebe
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Hunt, Mr. George Henry
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Reed, Mr. James George
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Stead, Mr. William Thomas
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Thorne, Mrs. Gertrude Maybelle
No_of_siblings_plus_spouses_on_board=0
shap=0.006", - "index=Parrish, Mrs. (Lutie Davis)
No_of_siblings_plus_spouses_on_board=0
shap=0.004", - "index=Smith, Mr. Thomas
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Asplund, Master. Edvin Rojj Felix
No_of_siblings_plus_spouses_on_board=4
shap=0.007", - "index=Healy, Miss. Hanora \"Nora\"
No_of_siblings_plus_spouses_on_board=0
shap=0.005", - "index=Andrews, Miss. Kornelia Theodosia
No_of_siblings_plus_spouses_on_board=1
shap=-0.003", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
No_of_siblings_plus_spouses_on_board=1
shap=-0.004", - "index=Smith, Mr. Richard William
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Connolly, Miss. Kate
No_of_siblings_plus_spouses_on_board=0
shap=0.004", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
No_of_siblings_plus_spouses_on_board=1
shap=-0.01", - "index=Levy, Mr. Rene Jacques
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", - "index=Lewy, Mr. Ervin G
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", - "index=Williams, Mr. Howard Hugh \"Harry\"
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Sage, Mr. George John Jr
No_of_siblings_plus_spouses_on_board=8
shap=0.013", - "index=Nysveen, Mr. Johan Hansen
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
No_of_siblings_plus_spouses_on_board=1
shap=-0.004", - "index=Denkoff, Mr. Mitto
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Burns, Miss. Elizabeth Margaret
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Dimic, Mr. Jovan
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=del Carlo, Mr. Sebastiano
No_of_siblings_plus_spouses_on_board=1
shap=0.001", - "index=Beavan, Mr. William Thomas
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
No_of_siblings_plus_spouses_on_board=1
shap=-0.006", - "index=Widener, Mr. Harry Elkins
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Gustafsson, Mr. Karl Gideon
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Plotcharsky, Mr. Vasil
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Goodwin, Master. Sidney Leonard
No_of_siblings_plus_spouses_on_board=5
shap=0.007", - "index=Sadlier, Mr. Matthew
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Gustafsson, Mr. Johan Birger
No_of_siblings_plus_spouses_on_board=2
shap=-0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
No_of_siblings_plus_spouses_on_board=0
shap=-0.0", - "index=Niskanen, Mr. Juha
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Minahan, Miss. Daisy E
No_of_siblings_plus_spouses_on_board=1
shap=-0.003", - "index=Matthews, Mr. William John
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Charters, Mr. David
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
No_of_siblings_plus_spouses_on_board=0
shap=0.004", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
No_of_siblings_plus_spouses_on_board=1
shap=-0.005", - "index=Johannesen-Bratthammer, Mr. Bernt
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Peuchen, Major. Arthur Godfrey
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Anderson, Mr. Harry
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Milling, Mr. Jacob Christian
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
No_of_siblings_plus_spouses_on_board=1
shap=-0.003", - "index=Karlsson, Mr. Nils August
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Frost, Mr. Anthony Wood \"Archie\"
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Bishop, Mr. Dickinson H
No_of_siblings_plus_spouses_on_board=1
shap=0.005", - "index=Windelov, Mr. Einar
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Shellard, Mr. Frederick William
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Svensson, Mr. Olof
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=O'Sullivan, Miss. Bridget Mary
No_of_siblings_plus_spouses_on_board=0
shap=0.005", - "index=Laitinen, Miss. Kristina Sofia
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Penasco y Castellana, Mr. Victor de Satode
No_of_siblings_plus_spouses_on_board=1
shap=0.002", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
No_of_siblings_plus_spouses_on_board=1
shap=-0.004", - "index=Kassem, Mr. Fared
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Cacic, Miss. Marija
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Hart, Miss. Eva Miriam
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Butt, Major. Archibald Willingham
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Beane, Mr. Edward
No_of_siblings_plus_spouses_on_board=1
shap=0.001", - "index=Goldsmith, Mr. Frank John
No_of_siblings_plus_spouses_on_board=1
shap=0.001", - "index=Ohman, Miss. Velin
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
No_of_siblings_plus_spouses_on_board=1
shap=-0.003", - "index=Morrow, Mr. Thomas Rowan
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Harris, Mr. George
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
No_of_siblings_plus_spouses_on_board=2
shap=0.001", - "index=Patchett, Mr. George
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Ross, Mr. John Hugo
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Murdlin, Mr. Joseph
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Bourke, Miss. Mary
No_of_siblings_plus_spouses_on_board=0
shap=0.001", - "index=Boulos, Mr. Hanna
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
No_of_siblings_plus_spouses_on_board=1
shap=0.002", - "index=Homer, Mr. Harry (\"Mr E Haven\")
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Lindell, Mr. Edvard Bengtsson
No_of_siblings_plus_spouses_on_board=1
shap=0.001", - "index=Daniel, Mr. Robert Williams
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
No_of_siblings_plus_spouses_on_board=1
shap=-0.005", - "index=Shutes, Miss. Elizabeth W
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Jardin, Mr. Jose Neto
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Horgan, Mr. John
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
No_of_siblings_plus_spouses_on_board=1
shap=-0.004", - "index=Yasbeck, Mr. Antoni
No_of_siblings_plus_spouses_on_board=1
shap=0.003", - "index=Bostandyeff, Mr. Guentcho
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Lundahl, Mr. Johan Svensson
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Stahelin-Maeglin, Dr. Max
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", - "index=Willey, Mr. Edward
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Stanley, Miss. Amy Zillah Elsie
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Hegarty, Miss. Hanora \"Nora\"
No_of_siblings_plus_spouses_on_board=0
shap=0.004", - "index=Eitemiller, Mr. George Floyd
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Colley, Mr. Edward Pomeroy
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Coleff, Mr. Peju
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
No_of_siblings_plus_spouses_on_board=1
shap=-0.003", - "index=Davidson, Mr. Thornton
No_of_siblings_plus_spouses_on_board=1
shap=0.004", - "index=Turja, Miss. Anna Sofia
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Hassab, Mr. Hammad
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", - "index=Goodwin, Mr. Charles Edward
No_of_siblings_plus_spouses_on_board=5
shap=0.009", - "index=Panula, Mr. Jaako Arnold
No_of_siblings_plus_spouses_on_board=4
shap=0.011", - "index=Fischer, Mr. Eberhard Thelander
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
No_of_siblings_plus_spouses_on_board=1
shap=-0.003", - "index=Hansen, Mr. Henrik Juul
No_of_siblings_plus_spouses_on_board=1
shap=0.002", - "index=Calderhead, Mr. Edward Pennington
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Klaber, Mr. Herman
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Taylor, Mr. Elmer Zebley
No_of_siblings_plus_spouses_on_board=1
shap=0.002", - "index=Larsson, Mr. August Viktor
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Greenberg, Mr. Samuel
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
No_of_siblings_plus_spouses_on_board=0
shap=0.002", - "index=McEvoy, Mr. Michael
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Johnson, Mr. Malkolm Joackim
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Gillespie, Mr. William Henry
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Allen, Miss. Elisabeth Walton
No_of_siblings_plus_spouses_on_board=0
shap=0.004", - "index=Berriman, Mr. William John
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Troupiansky, Mr. Moses Aaron
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Williams, Mr. Leslie
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Ivanoff, Mr. Kanio
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=McNamee, Mr. Neal
No_of_siblings_plus_spouses_on_board=1
shap=0.001", - "index=Connaghton, Mr. Michael
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Carlsson, Mr. August Sigfrid
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
No_of_siblings_plus_spouses_on_board=0
shap=0.004", - "index=Eklund, Mr. Hans Linus
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Hogeboom, Mrs. John C (Anna Andrews)
No_of_siblings_plus_spouses_on_board=1
shap=-0.003", - "index=Moran, Mr. Daniel J
No_of_siblings_plus_spouses_on_board=1
shap=0.003", - "index=Lievens, Mr. Rene Aime
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
No_of_siblings_plus_spouses_on_board=0
shap=0.004", - "index=Ayoub, Miss. Banoura
No_of_siblings_plus_spouses_on_board=0
shap=0.004", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
No_of_siblings_plus_spouses_on_board=1
shap=-0.007", - "index=Johnston, Mr. Andrew G
No_of_siblings_plus_spouses_on_board=1
shap=0.002", - "index=Ali, Mr. William
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Sjoblom, Miss. Anna Sofia
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Guggenheim, Mr. Benjamin
No_of_siblings_plus_spouses_on_board=0
shap=-0.003", - "index=Leader, Dr. Alice (Farnham)
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
No_of_siblings_plus_spouses_on_board=1
shap=-0.005", - "index=Carter, Master. William Thornton II
No_of_siblings_plus_spouses_on_board=1
shap=0.004", - "index=Thomas, Master. Assad Alexander
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Johansson, Mr. Karl Johan
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Slemen, Mr. Richard James
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Tomlin, Mr. Ernest Portage
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=McCormack, Mr. Thomas Joseph
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Richards, Master. George Sibley
No_of_siblings_plus_spouses_on_board=1
shap=0.003", - "index=Mudd, Mr. Thomas Charles
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Lemberopolous, Mr. Peter L
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Sage, Mr. Douglas Bullen
No_of_siblings_plus_spouses_on_board=8
shap=0.013", - "index=Boulos, Miss. Nourelain
No_of_siblings_plus_spouses_on_board=1
shap=-0.008", - "index=Aks, Mrs. Sam (Leah Rosen)
No_of_siblings_plus_spouses_on_board=0
shap=0.003", - "index=Razi, Mr. Raihed
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Johnson, Master. Harold Theodor
No_of_siblings_plus_spouses_on_board=1
shap=0.003", - "index=Carlsson, Mr. Frans Olof
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Gustafsson, Mr. Alfred Ossian
No_of_siblings_plus_spouses_on_board=0
shap=-0.001", - "index=Montvila, Rev. Juozas
No_of_siblings_plus_spouses_on_board=0
shap=-0.002" - ], - "type": "scatter", - "x": [ - -0.0024384642018234, - -0.003953510248815799, - 0.0056052360812852454, - 0.001099087657535042, - -0.005889176107012516, - -0.0011695363002524246, - 0.003237132633539521, - -0.0004334796005106404, - 0.004558796323714043, - 7.882289557450827e-05, - -0.0017794794378553065, - 0.0037972899015730273, - -0.003687330848280057, - 0.0033612526932529406, - 0.0018497739335576907, - 0.00036379855480930877, - -0.00020781662104541075, - -0.0026022235443410504, - 0.0033612526932529406, - 0.0017977302848633542, - -0.0011684848018123114, - -0.0011720907482760785, - 0.0016123247748124885, - -0.0015272821647242588, - -0.001628961040106017, - -0.0006556129093936042, - -0.007408106578727355, - -0.0011718895575971214, - -0.005289256235693115, - -0.0011695363002524246, - 0.0012858367223637023, - -0.0015247277167006051, - -0.001200422425715518, - -0.0014589764210842372, - -0.001082998171959802, - -0.0017056707658604574, - -0.0010730718506923925, - -0.0016934754838161983, - 0.002841872265550345, - -0.0018311787013069254, - -0.0011695363002524246, - 0.0022361968304208018, - -0.0016109392396525084, - -0.005250677564568094, - 0.004931921718234385, - -0.001200644312987742, - 0.0007885942538463752, - -0.0012411158843826117, - -0.0011708853232301935, - -0.0011552636849934085, - -0.0015272821647242588, - -0.012930371940704373, - 0.0034933880628983047, - -0.0017235831309860526, - -0.0015272821647242588, - -0.0015041022486955596, - 0.0063472578006575475, - 0.0036982460716354667, - -0.0020807950498875983, - 0.007237716444114724, - 0.004558796323714043, - -0.002827053000399834, - -0.0043619321028547445, - -0.001713579823245845, - 0.0038021533000854005, - -0.009705248119385909, - -0.0027934444680798825, - -0.0025355614969955094, - -0.0015247277167006051, - 0.012504131205092292, - -0.0010756262987160464, - -0.004038020313554137, - -0.0015272821647242588, - 0.003377367857067075, - -0.0011552636849934085, - 0.0013987734597260054, - -0.0011695363002524246, - -0.006287288480515622, - -0.00053825296598569, - -0.0011720907482760785, - -0.0015272821647242588, - 0.006974481792038396, - -0.0020807950498875983, - -0.00020781662104541075, - -0.0004447179597663402, - -0.0006530584613699505, - -0.003206900634877224, - -0.0017323129382734652, - -0.0016381644589204799, - 0.0036170085334765994, - -0.004514443445155782, - -0.0015247277167006051, - -0.0015041022486955596, - -0.0009648846122097376, - -0.0017056707658604574, - -0.0025307713584608394, - -0.0011744440056207753, - -0.0018312752118824656, - 0.004620993973403065, - -0.0011720907482760785, - -0.0016343427120480082, - -0.0011708853232301935, - 0.004558796323714043, - 0.002866755125697575, - 0.0017295856469344054, - -0.001967592428887881, - -0.003630733925518596, - -0.0017794794378553065, - 0.0028417182577229272, - 0.002550916940320819, - -0.001928490933483207, - 0.0011258105054265455, - 0.0011677673257320046, - 0.002828969694103585, - -0.0027376892884956104, - -0.0020807950498875983, - -0.0014239865700637101, - 0.0011186114649737056, - -0.0013039026336652032, - -0.0018647742910025578, - -0.0015247277167006051, - 0.0014198139590907476, - -0.0017794794378553065, - 0.002083971797395389, - -0.0017203751753613506, - 0.0007747433968899248, - -0.0016105891705734858, - -0.004535557711149186, - 0.0028604526623171827, - -0.0015272821647242588, - -0.0020807950498875983, - -0.003587087128703267, - 0.0029337820838833723, - -0.0011710392498359653, - -0.0011578181330170623, - -0.002696497170748322, - -0.0015272821647242588, - 0.002818115859081877, - 0.0037972899015730273, - -0.001714140978390163, - -0.0009715654294012568, - -0.0011709065714663428, - -0.0033897762303168877, - 0.004043339149841762, - 0.0028364556372456416, - -0.002593732571112321, - 0.00861642629868947, - 0.011110354713630515, - -0.0011720907482760785, - -0.0006079632361268109, - -0.0033724974690522384, - 0.0016751042182443787, - -0.0009648846122097376, - -0.001910708157908986, - 0.002151996009479382, - -0.001200644312987742, - -0.0016234789315594414, - 0.002187127290020883, - -0.0022362732020709732, - -0.0011709065714663428, - -0.0017235831309860526, - 0.003728805427139781, - -0.001714140978390163, - -0.001714140978390163, - -0.0011354642086989202, - -0.0015272821647242588, - 0.0008139835611936722, - -0.0011521730154247266, - -0.0011710392498359653, - 0.0037164357914720616, - -0.0012029768737391719, - -0.0030555465776793377, - 0.003170437512749943, - -0.0012004903863819696, - 0.0038868596817442425, - 0.004215243905526216, - -0.007380554676594547, - 0.0020991555064578914, - -0.0011710392498359653, - 0.002824106295591211, - -0.002669755476818655, - 0.0027597389144037644, - -0.004603342299804455, - 0.003851102695250851, - -0.0016473901715873232, - -0.0011570557145098926, - -0.0015240907694903216, - -0.001154501266486239, - -0.0020807950498875983, - 0.002606891191399849, - -0.0015365749840491546, - -0.0011164127703330315, - 0.012504131205092292, - -0.008038876717948076, - 0.0031503000556711196, - -0.0017794794378553065, - 0.0029648867085302435, - -0.0019299541468306368, - -0.0012016958114278546, - -0.0017323129382734652 - ], - "xaxis": "x9", - "y": [ - 0.08690670578040438, - 0.23723723485564674, - 0.11588847693319526, - 0.45825913820655717, - 0.24720093161071, - 0.7883286558921991, - 0.27085041626795936, - 0.9730056195225124, - 0.7849776104446493, - 0.21039258730299093, - 0.9677848816310058, - 0.2577212245514444, - 0.8481025367272459, - 0.4082888265438259, - 0.25892075836901884, - 0.2845287288180315, - 0.5317572098197004, - 0.1357339971937669, - 0.8717963167780888, - 0.18428280652664686, - 0.9467373484502266, - 0.11038838320827737, - 0.555277496168415, - 0.5787708974698847, - 0.13112102986707663, - 0.7285528883440623, - 0.7374786173685624, - 0.841058992429812, - 0.0051086132540455464, - 0.3705576336715043, - 0.05976838763966674, - 0.8485967440373544, - 0.32664346773296105, - 0.43019426531524263, - 0.9637851770706973, - 0.4579819786787791, - 0.868323796705098, - 0.4900980521048536, - 0.7902155306409271, - 0.27531856636472873, - 0.2554660591198913, - 0.8940310166202846, - 0.8577914124820606, - 0.014663072485154305, - 0.7425266357849173, - 0.26101599632644445, - 0.19991374464723688, - 0.5543214619662489, - 0.028716796490686813, - 0.8481407188766803, - 0.8173329385325425, - 0.06665525248903015, - 0.208467647920636, - 0.7557862128469975, - 0.013929387535236204, - 0.6968946151256048, - 0.7228125929471152, - 0.1331167043164997, - 0.36762504478015556, - 0.5656423159315223, - 0.07833451192867791, - 0.7220907815960673, - 0.2212587716414931, - 0.7662280408411802, - 0.48890638065486747, - 0.8197570813278243, - 0.06911203216839601, - 0.025343763355317628, - 0.6950655107350866, - 0.562788718582582, - 0.7957606687001865, - 0.3071924367496818, - 0.8137387961463114, - 0.26889347444508727, - 0.8957643958758751, - 0.289089884948706, - 0.35085052003274564, - 0.3808167980502253, - 0.14212887530337537, - 0.18330563177775838, - 0.5888736866883506, - 0.22492309740983463, - 0.049162062945236285, - 0.6688978164405955, - 0.7642677133750942, - 0.5919861584624495, - 0.18893196956943403, - 0.8987012344582922, - 0.40049613558639285, - 0.7655350325088892, - 0.34146964189410733, - 0.7995209739406353, - 0.6909421260977433, - 0.7436233219175191, - 0.0012848993479900317, - 0.07404355621178205, - 0.77685615115126, - 0.7342816771690005, - 0.289562995742603, - 0.286014088571396, - 0.2590138530908751, - 0.7427300099075095, - 0.1559958486328391, - 0.9907656002112885, - 0.07312996610032196, - 0.315834329736304, - 0.92549555062764, - 0.2508230536614676, - 0.7674056457631137, - 0.4418707584977547, - 0.08436481948856966, - 0.7067117660648043, - 0.9287955644652216, - 0.020507299563246817, - 0.25763132408067746, - 0.984864002593603, - 0.5377594629036514, - 0.6128517444909738, - 0.1155916863720512, - 0.28177156907811485, - 0.05985851927196528, - 0.22318360348380073, - 0.3545566782371131, - 0.3912530926116625, - 0.8650530366947589, - 0.5833680969897171, - 0.6268497954057336, - 0.13928117272781415, - 0.7769310282259537, - 0.22004379005989894, - 0.7209029484777365, - 0.944271722200193, - 0.6957226324684785, - 0.5177073889171364, - 0.9235783288871413, - 0.19515868082641286, - 0.40652304462376265, - 0.46700284797090597, - 0.6434549452751123, - 0.2389543645374096, - 0.36302832645421534, - 0.6795706809966671, - 0.10344809282668666, - 0.19098510042074301, - 0.5762868283840588, - 0.9569568517915376, - 0.3365498661977394, - 0.4635774063190461, - 0.1458366157195744, - 0.20222568921781026, - 0.03886834848187348, - 0.49570159393759794, - 0.7261745886132897, - 0.7773606508942583, - 0.8645017545512741, - 0.4180110562247523, - 0.5021758059061682, - 0.41792323164682643, - 0.8544216002481976, - 0.2745689382842683, - 0.19169957285756967, - 0.27690500609008195, - 0.9604664217038822, - 0.58054937237692, - 0.7542897107451879, - 0.4654296596378147, - 0.717462464704365, - 0.8804945580317856, - 0.6311743754057673, - 0.38714511012954544, - 0.2899803935121097, - 0.7825949768535206, - 0.6174559695733453, - 0.7724348506631259, - 0.8644008866377495, - 0.28841767864679246, - 0.9912397917568441, - 0.9354828052509666, - 0.5175378969646756, - 0.6684840426019949, - 0.4513674967919036, - 0.14843976758932897, - 0.9831237105376387, - 0.8978394292104498, - 0.2590867158453397, - 0.683844675779191, - 0.4545005105921994, - 0.014324064836271577, - 0.518161410370999, - 0.15906704083644774, - 0.6644993669481145, - 0.29515323460862763, - 0.6470137077105619, - 0.8143434276878476, - 0.8155002252329049, - 0.6685192576513979, - 0.4619902636964722, - 0.5651429555598445, - 0.34819668816574934, - 0.5540029238883347 - ], - "yaxis": "y9" - } - ], - "layout": { - "annotations": [ - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Sex", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 1, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "PassengerClass", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.8827160493827161, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Deck", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.7654320987654322, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Embarked", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.6481481481481483, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Fare", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.5308641975308642, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "No_of_parents_plus_children_on_board", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.41358024691358025, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "No_of_relatives_on_board", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.2962962962962963, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Age", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.17901234567901234, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "No_of_siblings_plus_spouses_on_board", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.0617283950617284, - "yanchor": "bottom", - "yref": "paper" - } - ], - "height": 550, - "hovermode": "closest", - "margin": { - "b": 50, - "l": 50, - "pad": 4, - "r": 50, - "t": 100 - }, - "plot_bgcolor": "#fff", - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } - }, - "title": { - "text": "Shap interaction values for Sex
" - }, - "xaxis": { - "anchor": "y", - "domain": [ + "type": "scatter", + "x": [ 0, - 1 - ], - "matches": "x9", - "range": [ - -0.18, - 0.31 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "y": [ + 49.467209758244536, + 50.022765313800086, + 50.022765313800086, + 48.43339333312376, + 51.498523897479146, + 54.09088388700069, + 45.601011169060705, + 45.601011169060705, + 52.75821864592729, + 53.69275137956048 + ] }, - "xaxis2": { - "anchor": "y2", - "domain": [ + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ 0, - 1 - ], - "matches": "x9", - "range": [ - -0.18, - 0.31 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "y": [ + 13.709341086991184, + 14.528632906283, + 14.528632906283, + 14.39355161330697, + 15.87964895756058, + 19.214355092583894, + 21.56784048565001, + 22.707510922486716, + 36.7118896131857, + 36.92721052415878 + ] }, - "xaxis3": { - "anchor": "y3", - "domain": [ + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ 0, - 1 - ], - "matches": "x9", - "range": [ - -0.18, - 0.31 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "y": [ + 21.17628388958529, + 21.842950556251957, + 23.872051085352485, + 25.95099845377354, + 31.567844331909733, + 32.26266736928426, + 36.90781942901704, + 36.70310497441237, + 38.799250976874156, + 39.23522786022735 + ] }, - "xaxis4": { - "anchor": "y4", - "domain": [ + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ 0, - 1 - ], - "matches": "x9", - "range": [ - -0.18, - 0.31 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "y": [ + 32.21159348202891, + 34.878260148695574, + 36.907360677796106, + 37.152974712883825, + 39.48093170213113, + 38.050315545285386, + 41.05230521185577, + 34.61384754245106, + 38.9620484320539, + 38.42255964653727 + ] }, - "xaxis5": { - "anchor": "y5", - "domain": [ + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ 0, - 1 - ], - "matches": "x9", - "range": [ - -0.18, - 0.31 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "y": [ + 38.44492785050455, + 41.11159451717121, + 43.140695046271745, + 46.564880509930894, + 48.8928374991782, + 49.99797891809003, + 52.446424089939455, + 50.554561217019746, + 51.73693767719333, + 57.097285003277534 + ] }, - "xaxis6": { - "anchor": "y6", - "domain": [ + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ 0, - 1 - ], - "matches": "x9", - "range": [ - -0.18, - 0.31 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "y": [ + 13.709341086991184, + 14.528632906283, + 14.528632906283, + 14.39355161330697, + 15.87964895756058, + 19.214355092583894, + 21.56784048565001, + 22.707510922486716, + 36.7118896131857, + 36.92721052415878 + ] }, - "xaxis7": { - "anchor": "y7", - "domain": [ + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ 0, - 1 - ], - "matches": "x9", - "range": [ - -0.18, - 0.31 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "y": [ + 14.719165042302288, + 15.538456861594103, + 15.538456861594103, + 15.403375568618078, + 16.01163200378078, + 17.819303739959377, + 20.172789133025496, + 21.6038812372001, + 34.48908555872473, + 34.70440646969781 + ] }, - "xaxis8": { - "anchor": "y8", - "domain": [ + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ 0, - 1 - ], - "matches": "x9", - "range": [ - -0.18, - 0.31 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "y": [ + 67.7284883961841, + 68.39515506285078, + 68.39515506285078, + 67.36133863772999, + 72.23931293112628, + 84.39175700530913, + 84.67747129102342, + 84.67747129102342, + 86.56421881086214, + 85.7419376437534 + ] }, - "xaxis9": { - "anchor": "y9", - "domain": [ + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ 0, - 1 - ], - "range": [ - -0.18, - 0.31 - ], - "showgrid": false, - "zeroline": false - }, - "yaxis": { - "anchor": "x", - "domain": [ - 0.9382716049382716, - 1 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis2": { - "anchor": "x2", - "domain": [ - 0.8209876543209876, - 0.8827160493827161 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis3": { - "anchor": "x3", - "domain": [ - 0.7037037037037037, - 0.7654320987654322 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis4": { - "anchor": "x4", - "domain": [ - 0.5864197530864198, - 0.6481481481481483 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "y": [ + 63.74102338602158, + 64.29657894157714, + 64.29657894157714, + 62.707206960900805, + 64.16374880093778, + 69.04616032985768, + 67.5618052851578, + 68.29464842241272, + 73.8896267526102, + 71.03926715534483 + ] }, - "yaxis5": { - "anchor": "x5", - "domain": [ - 0.4691358024691358, - 0.5308641975308642 + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "y": [ + 11.888476776177235, + 12.444032331732792, + 12.444032331732792, + 12.610281287455432, + 13.218537722618134, + 17.688084032327573, + 18.269406304826322, + 19.814784123286636, + 28.687615632670653, + 27.988650829358026 + ] }, - "yaxis6": { - "anchor": "x6", - "domain": [ - 0.35185185185185186, - 0.41358024691358025 + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "y": [ + 27.435179322300566, + 28.25447114159239, + 29.14336003048128, + 29.008278737505243, + 30.057548218024728, + 28.822440559862628, + 21.488247314084013, + 20.90102304937813, + 24.887928730169246, + 24.378154294079017 + ] }, - "yaxis7": { - "anchor": "x7", - "domain": [ - 0.2345679012345679, - 0.2962962962962963 + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "y": [ + 13.243247853162085, + 14.062539672453905, + 14.062539672453905, + 14.106029808049303, + 14.700338478956567, + 17.13566311482678, + 18.753037396781796, + 20.298415215242105, + 32.62066354045292, + 33.55897109277321 + ] }, - "yaxis8": { - "anchor": "x8", - "domain": [ - 0.11728395061728394, - 0.17901234567901234 + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "y": [ + 13.90752958424545, + 14.726821403537272, + 14.726821403537272, + 14.591740110561243, + 15.18604878146851, + 17.318949408104398, + 18.93632369005941, + 20.367415794234013, + 32.98459368188412, + 33.69432980563298 + ] }, - "yaxis9": { - "anchor": "x9", - "domain": [ + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ 0, - 0.0617283950617284 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_interactions_detailed(\"Sex\")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Contributions" - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:40:34.918433Z", - "start_time": "2020-10-12T08:40:34.890402Z" - } - }, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
colcontributionvaluecumulativebase
0_BASE0.3911720.3911720
1Sex0.250136female0.6413090.391172
2Fare0.063955271.28330.7052640.641309
3Deck0.0561479C0.7614120.705264
4PassengerClass0.050753310.8121650.761412
5Embarked0.0379494Cherbourg0.8501140.812165
6No_of_relatives_on_board0.028333710.8784480.850114
7No_of_parents_plus_children_on_board0.0082068900.8866550.878448
8No_of_siblings_plus_spouses_on_board0.0059547210.892610.886655
9_REST-0.005435090.8871750.89261
10_PREDICTION0.8871750.8871750
\n", - "
" - ], - "text/plain": [ - " col contribution value cumulative \\\n", - "0 _BASE 0.391172 0.391172 \n", - "1 Sex 0.250136 female 0.641309 \n", - "2 Fare 0.0639552 71.2833 0.705264 \n", - "3 Deck 0.0561479 C 0.761412 \n", - "4 PassengerClass 0.0507533 1 0.812165 \n", - "5 Embarked 0.0379494 Cherbourg 0.850114 \n", - "6 No_of_relatives_on_board 0.0283337 1 0.878448 \n", - "7 No_of_parents_plus_children_on_board 0.00820689 0 0.886655 \n", - "8 No_of_siblings_plus_spouses_on_board 0.00595472 1 0.89261 \n", - "9 _REST -0.00543509 0.887175 \n", - "10 _PREDICTION 0.887175 0.887175 \n", - "\n", - " base \n", - "0 0 \n", - "1 0.391172 \n", - "2 0.641309 \n", - "3 0.705264 \n", - "4 0.761412 \n", - "5 0.812165 \n", - "6 0.850114 \n", - "7 0.878448 \n", - "8 0.886655 \n", - "9 0.89261 \n", - "10 0 " - ] - }, - "execution_count": 17, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "index = 0 # explain prediction for first row of X_test\n", - "explainer.contrib_df(index, cats=True, topx=8)" - ] - }, - { - "cell_type": "code", - "execution_count": 19, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:40:51.068045Z", - "start_time": "2020-10-12T08:40:51.038872Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ + "y": [ + 12.747772762836629, + 13.567064582128447, + 13.567064582128447, + 14.171958226495777, + 14.766266897403044, + 16.753744643321095, + 18.37111892527611, + 19.916496743736428, + 28.521301819245927, + 28.316752228709074 + ] + }, { "hoverinfo": "skip", - "marker": { - "color": "rgba(1,1,1, 0.0)" + "line": { + "color": "grey" }, - "name": "", - "type": "bar", + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", "x": [ - "Population
average", - "Sex", - "Fare", - "Deck", - "PassengerClass", - "Embarked", - "No_of_relatives_on_board", - "No_of_parents_plus_children_on_board", - "No_of_siblings_plus_spouses_on_board", - "Other features combined", - "Final Prediction" + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 0, - 39.12, - 64.13, - 70.53, - 76.14, - 81.22, - 85.01, - 87.84, - 88.67, - 89.26, - 0 + 66.18011998378645, + 66.73567553934201, + 66.73567553934201, + 65.14630355866568, + 67.60747780108991, + 70.46686214719045, + 70.71519108517455, + 71.01822138820486, + 80.02316403878284, + 79.65851872723175 ] }, { - "hoverinfo": "text", - "marker": { - "color": [ - "rgba(230, 230, 30, 1.0)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(50, 200, 50, 1.0)" - ], - "line": { - "color": [ - "rgba(190, 190, 30, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(40, 160, 50, 1.0)" - ], - "width": 2 - } + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "name": "contribution", - "text": [ - "Population
average=
+39.12 ", - "Sex=female
+25.01 ", - "Fare=71.2833
+6.4 ", - "Deck=C
+5.61 ", - "PassengerClass=1
+5.08 ", - "Embarked=Cherbourg
+3.79 ", - "No_of_relatives_on_board=1
+2.83 ", - "No_of_parents_plus_children_on_board=0
+0.82 ", - "No_of_siblings_plus_spouses_on_board=1
+0.6 ", - "Other features combined=
-0.54 ", - "Final Prediction=
+88.72 " - ], - "type": "bar", + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", "x": [ - "Population
average", - "Sex", - "Fare", - "Deck", - "PassengerClass", - "Embarked", - "No_of_relatives_on_board", - "No_of_parents_plus_children_on_board", - "No_of_siblings_plus_spouses_on_board", - "Other features combined", - "Final Prediction" + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 39.12, - 25.01, - 6.4, - 5.61, - 5.08, - 3.79, - 2.83, - 0.82, - 0.6, - -0.54, - 88.72 + 52.535949062614804, + 53.09150461817036, + 52.24706017372592, + 50.65768819304959, + 53.722818757404966, + 55.112980944728704, + 47.62310822678873, + 47.62310822678873, + 54.78031570365531, + 55.7148484372885 ] - } - ], - "layout": { - "barmode": "stack", - "height": 600, - "margin": { - "b": 216, - "l": 50, - "pad": 4, - "r": 100, - "t": 50 }, - "plot_bgcolor": "#fff", - "showlegend": false, - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } - }, - "title": { - "text": "Contribution to prediction probability = 88.72%", - "x": 0.5 - }, - "yaxis": { - "range": [ + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ 0, - 100 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "title": { - "text": "Predicted %" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_contributions(index, cats=True, topx=8)" - ] - }, - { - "cell_type": "code", - "execution_count": 20, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:41:00.013027Z", - "start_time": "2020-10-12T08:40:59.980621Z" - } - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Vestrom, Miss. Hulda Amanda Adolfina\n" - ] - }, - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ + "y": [ + 65.47117321432904, + 66.0267287698846, + 66.0267287698846, + 64.43735678920828, + 66.69215949881047, + 70.18976710616174, + 70.74112634717615, + 71.04415665020645, + 77.62090453811827, + 76.25625922656718 + ] + }, { "hoverinfo": "skip", - "marker": { - "color": "rgba(1,1,1, 0.0)" + "line": { + "color": "grey" }, - "name": "", - "type": "bar", + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", "x": [ - "Population
average", - "Sex_female", - "Sex_male", - "PassengerClass", - "Fare", - "Embarked_Southampton", - "Deck_Unkown", - "Embarked_Queenstown", - "Age", - "No_of_siblings_plus_spouses_on_board", - "Embarked_Cherbourg", - "No_of_relatives_on_board", - "Deck_B", - "Deck_E", - "Deck_D", - "Deck_F", - "Deck_C", - "No_of_parents_plus_children_on_board", - "Deck_A", - "Deck_G", - "Embarked_Unknown", - "Deck_T", - "Sex_nan", - "Other features combined", - "Final Prediction" + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 0, - 39.12, - 53.29, - 65.98, - 61.21, - 56.96, - 54.48, - 52.92, - 51.96, - 52.65, - 53.3, - 52.81, - 53.19, - 52.97, - 52.82, - 52.69, - 52.59, - 52.52, - 52.49, - 52.47, - 52.48, - 52.47, - 52.47, - 52.47, - 0 + 25.169501245792684, + 27.298032319239013, + 28.398561419768114, + 30.179889740570122, + 30.40211196279234, + 30.15244774368527, + 32.9034570180988, + 30.125879859464806, + 43.20396679685575, + 40.4306155774767 ] }, { - "hoverinfo": "text", - "marker": { - "color": [ - "rgba(230, 230, 30, 1.0)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(50, 200, 50, 1.0)" - ], - "line": { - "color": [ - "rgba(190, 190, 30, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(40, 160, 50, 1.0)" - ], - "width": 2 - } + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "name": "contribution", - "text": [ - "Population
average=
+39.12 ", - "Sex_female=1.0
+14.18 ", - "Sex_male=0.0
+12.69 ", - "PassengerClass=3.0
-4.78 ", - "Fare=7.8542
-4.25 ", - "Embarked_Southampton=1.0
-2.47 ", - "Deck_Unkown=1.0
-1.56 ", - "Embarked_Queenstown=0.0
-0.96 ", - "Age=14.0
+0.69 ", - "No_of_siblings_plus_spouses_on_board=0.0
+0.65 ", - "Embarked_Cherbourg=0.0
-0.49 ", - "No_of_relatives_on_board=0.0
+0.38 ", - "Deck_B=0.0
-0.22 ", - "Deck_E=0.0
-0.15 ", - "Deck_D=0.0
-0.14 ", - "Deck_F=0.0
-0.1 ", - "Deck_C=0.0
-0.06 ", - "No_of_parents_plus_children_on_board=0.0
-0.04 ", - "Deck_A=0.0
-0.02 ", - "Deck_G=0.0
+0.01 ", - "Embarked_Unknown=0.0
-0.0 ", - "Deck_T=0.0
0.0 ", - "Sex_nan=0.0
0.0 ", - "Other features combined=
0.0 ", - "Final Prediction=
+52.47 " - ], - "type": "bar", + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", "x": [ - "Population
average", - "Sex_female", - "Sex_male", - "PassengerClass", - "Fare", - "Embarked_Southampton", - "Deck_Unkown", - "Embarked_Queenstown", - "Age", - "No_of_siblings_plus_spouses_on_board", - "Embarked_Cherbourg", - "No_of_relatives_on_board", - "Deck_B", - "Deck_E", - "Deck_D", - "Deck_F", - "Deck_C", - "No_of_parents_plus_children_on_board", - "Deck_A", - "Deck_G", - "Embarked_Unknown", - "Deck_T", - "Sex_nan", - "Other features combined", - "Final Prediction" + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 39.12, - 14.18, - 12.69, - -4.78, - -4.25, - -2.47, - -1.56, - -0.96, - 0.69, - 0.65, - -0.49, - 0.38, - -0.22, - -0.15, - -0.14, - -0.1, - -0.06, - -0.04, - -0.02, - 0.01, - 0, - 0, - 0, - 0, - 52.47 + 76.36537592115307, + 77.99956997436122, + 77.99956997436122, + 76.14757173105862, + 77.73090506439196, + 80.69410868350303, + 82.23318364363062, + 82.53621394666092, + 88.65585710833757, + 88.71304802507433 ] - } - ], - "layout": { - "barmode": "stack", - "height": 600, - "margin": { - "b": 216, - "l": 50, - "pad": 4, - "r": 100, - "t": 50 - }, - "plot_bgcolor": "#fff", - "showlegend": false, - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } - }, - "title": { - "text": "Contribution to prediction probability = 52.47%", - "x": 0.5 }, - "yaxis": { - "range": [ + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ 0, - 100 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "title": { - "text": "Predicted %" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "name = test_names[6] # explainer prediction for name\n", - "print(name)\n", - "explainer.plot_contributions(name, cats=False)" - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:41:08.917783Z", - "start_time": "2020-10-12T08:41:08.886138Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ + "y": [ + 42.541737237243794, + 44.67026831069012, + 45.77079741121921, + 49.19498287487836, + 49.417205097100585, + 48.65538776794567, + 48.021781657743816, + 47.1038329397951, + 52.63143037223736, + 49.76094671576644 + ] + }, { "hoverinfo": "skip", - "marker": { - "color": "rgba(1,1,1, 0.0)" + "line": { + "color": "grey" }, - "name": "", - "orientation": "h", - "type": "bar", + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", "x": [ 0, - 57.25, - 61.5, - 63.97, - 65.54, - 66.5, - 67, - 67.33, - 66.67, - 65.98, - 53.29, - 39.12, - 0 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - "Final Prediction", - "PassengerClass", - "Fare", - "Embarked_Southampton", - "Deck_Unkown", - "Embarked_Queenstown", - "Embarked_Cherbourg", - "Other features combined", - "No_of_siblings_plus_spouses_on_board", - "Age", - "Sex_male", - "Sex_female", - "Population
average" + 75.03500713073433, + 75.03500713073433, + 75.03500713073433, + 74.00119070561357, + 75.72341292783578, + 85.76467480822951, + 86.0503890939438, + 86.7336189076084, + 89.65049571949444, + 88.94860955548953 ] }, { - "hoverinfo": "text", - "marker": { - "color": [ - "rgba(50, 200, 50, 1.0)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(230, 230, 30, 1.0)" - ], - "line": { - "color": [ - "rgba(40, 160, 50, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(190, 190, 30, 1.0)" - ], - "width": 2 - } + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "name": "contribution", - "orientation": "h", - "text": [ - "Population
average=
+39.12 ", - "Sex_female=1.0
+14.18 ", - "Sex_male=0.0
+12.69 ", - "Age=14.0
+0.69 ", - "No_of_siblings_plus_spouses_on_board=0.0
+0.65 ", - "Other features combined=
-0.33 ", - "Embarked_Cherbourg=0.0
-0.49 ", - "Embarked_Queenstown=0.0
-0.96 ", - "Deck_Unkown=1.0
-1.56 ", - "Embarked_Southampton=1.0
-2.47 ", - "Fare=7.8542
-4.25 ", - "PassengerClass=3.0
-4.78 ", - "Final Prediction=
+52.47 " - ], - "type": "bar", + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", "x": [ - 52.47, - -4.78, - -4.25, - -2.47, - -1.56, - -0.96, - -0.49, - -0.33, - 0.65, - 0.69, - 12.69, - 14.18, - 39.12 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - "Final Prediction", - "PassengerClass", - "Fare", - "Embarked_Southampton", - "Deck_Unkown", - "Embarked_Queenstown", - "Embarked_Cherbourg", - "Other features combined", - "No_of_siblings_plus_spouses_on_board", - "Age", - "Sex_male", - "Sex_female", - "Population
average" + 13.246341803609612, + 14.065633622901434, + 14.065633622901434, + 14.013885663258732, + 14.622142098421435, + 17.045487679035414, + 19.690639738768205, + 21.236017557228514, + 33.65819707821861, + 34.10208941776313 ] - } - ], - "layout": { - "barmode": "stack", - "height": 555, - "margin": { - "b": 50, - "l": 252, - "pad": 4, - "r": 100, - "t": 50 }, - "plot_bgcolor": "#fff", - "showlegend": false, - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 + ], + "y": [ + 14.423162025711033, + 15.242453845002851, + 15.242453845002851, + 15.107372552026826, + 15.715628987189529, + 17.523300723368127, + 19.876786116434246, + 21.30787822060885, + 34.193082542133475, + 34.40840345310655 + ] }, - "title": { - "text": "Contribution to prediction probability = 52.47%", - "x": 0.5 + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 + ], + "y": [ + 14.719165042302288, + 15.538456861594103, + 15.538456861594103, + 15.403375568618078, + 16.01163200378078, + 17.819303739959377, + 20.172789133025496, + 21.6038812372001, + 34.48908555872473, + 34.70440646969781 + ] }, - "xaxis": { - "range": [ + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ 0, - 100 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "title": { - "text": "Predicted %" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_contributions(name, cats=False, topx=10, sort='high-to-low', orientation='horizontal')" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Shap dependence plots" - ] - }, - { - "cell_type": "code", - "execution_count": 22, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:41:12.419382Z", - "start_time": "2020-10-12T08:41:12.407147Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ + "y": [ + 14.719165042302288, + 15.538456861594103, + 15.538456861594103, + 15.403375568618078, + 16.01163200378078, + 17.819303739959377, + 20.172789133025496, + 21.6038812372001, + 34.48908555872473, + 34.70440646969781 + ] + }, { - "hoverinfo": "text", - "marker": { - "opacity": 0.6, - "size": 7 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
SHAP=-0.01", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
SHAP=0.0", - "index=Palsson, Master. Gosta Leonard
Age=2.0
SHAP=0.03", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=27.0
SHAP=-0.0", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
SHAP=0.01", - "index=Saundercock, Mr. William Henry
Age=20.0
SHAP=-0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Age=14.0
SHAP=0.01", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=38.0
SHAP=-0.02", - "index=Glynn, Miss. Mary Agatha
Age=nan
SHAP=0.01", - "index=Meyer, Mr. Edgar Joseph
Age=28.0
SHAP=0.0", - "index=Kraeff, Mr. Theodor
Age=nan
SHAP=0.01", - "index=Devaney, Miss. Margaret Delia
Age=19.0
SHAP=-0.02", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=18.0
SHAP=0.0", - "index=Rugg, Miss. Emily
Age=21.0
SHAP=-0.01", - "index=Harris, Mr. Henry Birkhardt
Age=45.0
SHAP=-0.02", - "index=Skoog, Master. Harald
Age=4.0
SHAP=0.03", - "index=Kink, Mr. Vincenz
Age=26.0
SHAP=-0.0", - "index=Hood, Mr. Ambrose Jr
Age=21.0
SHAP=-0.01", - "index=Ilett, Miss. Bertha
Age=17.0
SHAP=0.0", - "index=Ford, Mr. William Neal
Age=16.0
SHAP=0.0", - "index=Christmann, Mr. Emil
Age=29.0
SHAP=0.01", - "index=Andreasson, Mr. Paul Edvin
Age=20.0
SHAP=-0.0", - "index=Chaffee, Mr. Herbert Fuller
Age=46.0
SHAP=-0.03", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Age=nan
SHAP=0.01", - "index=White, Mr. Richard Frasar
Age=21.0
SHAP=-0.0", - "index=Rekic, Mr. Tido
Age=38.0
SHAP=-0.02", - "index=Moran, Miss. Bertha
Age=nan
SHAP=0.01", - "index=Barton, Mr. David John
Age=22.0
SHAP=-0.0", - "index=Jussila, Miss. Katriina
Age=20.0
SHAP=-0.01", - "index=Pekoniemi, Mr. Edvard
Age=21.0
SHAP=-0.0", - "index=Turpin, Mr. William John Robert
Age=29.0
SHAP=-0.0", - "index=Moore, Mr. Leonard Charles
Age=nan
SHAP=0.01", - "index=Osen, Mr. Olaf Elon
Age=16.0
SHAP=0.01", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Age=9.0
SHAP=0.01", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=36.5
SHAP=-0.02", - "index=Bateman, Rev. Robert James
Age=51.0
SHAP=-0.02", - "index=Meo, Mr. Alfonzo
Age=55.5
SHAP=-0.02", - "index=Cribb, Mr. John Hatfield
Age=44.0
SHAP=-0.03", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Age=nan
SHAP=0.01", - "index=Van der hoef, Mr. Wyckoff
Age=61.0
SHAP=-0.03", - "index=Sivola, Mr. Antti Wilhelm
Age=21.0
SHAP=-0.0", - "index=Klasen, Mr. Klas Albin
Age=18.0
SHAP=-0.01", - "index=Rood, Mr. Hugh Roscoe
Age=nan
SHAP=0.02", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=19.0
SHAP=-0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Age=44.0
SHAP=-0.02", - "index=Vande Walle, Mr. Nestor Cyriel
Age=28.0
SHAP=0.01", - "index=Backstrom, Mr. Karl Alfred
Age=32.0
SHAP=-0.0", - "index=Blank, Mr. Henry
Age=40.0
SHAP=-0.03", - "index=Ali, Mr. Ahmed
Age=24.0
SHAP=0.0", - "index=Green, Mr. George Henry
Age=51.0
SHAP=-0.02", - "index=Nenkoff, Mr. Christo
Age=nan
SHAP=0.01", - "index=Asplund, Miss. Lillian Gertrud
Age=5.0
SHAP=0.01", - "index=Harknett, Miss. Alice Phoebe
Age=nan
SHAP=0.0", - "index=Hunt, Mr. George Henry
Age=33.0
SHAP=-0.01", - "index=Reed, Mr. James George
Age=nan
SHAP=0.01", - "index=Stead, Mr. William Thomas
Age=62.0
SHAP=-0.05", - "index=Thorne, Mrs. Gertrude Maybelle
Age=nan
SHAP=-0.02", - "index=Parrish, Mrs. (Lutie Davis)
Age=50.0
SHAP=-0.02", - "index=Smith, Mr. Thomas
Age=nan
SHAP=0.01", - "index=Asplund, Master. Edvin Rojj Felix
Age=3.0
SHAP=0.03", - "index=Healy, Miss. Hanora \"Nora\"
Age=nan
SHAP=0.01", - "index=Andrews, Miss. Kornelia Theodosia
Age=63.0
SHAP=-0.03", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Age=35.0
SHAP=-0.01", - "index=Smith, Mr. Richard William
Age=nan
SHAP=0.02", - "index=Connolly, Miss. Kate
Age=22.0
SHAP=-0.02", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Age=19.0
SHAP=-0.0", - "index=Levy, Mr. Rene Jacques
Age=36.0
SHAP=-0.01", - "index=Lewy, Mr. Ervin G
Age=nan
SHAP=0.02", - "index=Williams, Mr. Howard Hugh \"Harry\"
Age=nan
SHAP=0.01", - "index=Sage, Mr. George John Jr
Age=nan
SHAP=0.01", - "index=Nysveen, Mr. Johan Hansen
Age=61.0
SHAP=-0.02", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=nan
SHAP=-0.01", - "index=Denkoff, Mr. Mitto
Age=nan
SHAP=0.01", - "index=Burns, Miss. Elizabeth Margaret
Age=41.0
SHAP=-0.01", - "index=Dimic, Mr. Jovan
Age=42.0
SHAP=-0.02", - "index=del Carlo, Mr. Sebastiano
Age=29.0
SHAP=0.0", - "index=Beavan, Mr. William Thomas
Age=19.0
SHAP=-0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=nan
SHAP=-0.01", - "index=Widener, Mr. Harry Elkins
Age=27.0
SHAP=0.01", - "index=Gustafsson, Mr. Karl Gideon
Age=19.0
SHAP=-0.0", - "index=Plotcharsky, Mr. Vasil
Age=nan
SHAP=0.01", - "index=Goodwin, Master. Sidney Leonard
Age=1.0
SHAP=0.03", - "index=Sadlier, Mr. Matthew
Age=nan
SHAP=0.01", - "index=Gustafsson, Mr. Johan Birger
Age=28.0
SHAP=0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=24.0
SHAP=-0.0", - "index=Niskanen, Mr. Juha
Age=39.0
SHAP=-0.02", - "index=Minahan, Miss. Daisy E
Age=33.0
SHAP=0.0", - "index=Matthews, Mr. William John
Age=30.0
SHAP=0.0", - "index=Charters, Mr. David
Age=21.0
SHAP=-0.0", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=19.0
SHAP=-0.0", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=45.0
SHAP=-0.01", - "index=Johannesen-Bratthammer, Mr. Bernt
Age=nan
SHAP=0.01", - "index=Peuchen, Major. Arthur Godfrey
Age=52.0
SHAP=-0.05", - "index=Anderson, Mr. Harry
Age=48.0
SHAP=-0.04", - "index=Milling, Mr. Jacob Christian
Age=48.0
SHAP=-0.02", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=33.0
SHAP=-0.0", - "index=Karlsson, Mr. Nils August
Age=22.0
SHAP=-0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Age=nan
SHAP=0.01", - "index=Bishop, Mr. Dickinson H
Age=25.0
SHAP=-0.01", - "index=Windelov, Mr. Einar
Age=21.0
SHAP=-0.0", - "index=Shellard, Mr. Frederick William
Age=nan
SHAP=0.02", - "index=Svensson, Mr. Olof
Age=24.0
SHAP=0.0", - "index=O'Sullivan, Miss. Bridget Mary
Age=nan
SHAP=0.01", - "index=Laitinen, Miss. Kristina Sofia
Age=37.0
SHAP=-0.01", - "index=Penasco y Castellana, Mr. Victor de Satode
Age=18.0
SHAP=0.02", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Age=nan
SHAP=0.02", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=36.0
SHAP=0.0", - "index=Kassem, Mr. Fared
Age=nan
SHAP=0.01", - "index=Cacic, Miss. Marija
Age=30.0
SHAP=0.01", - "index=Hart, Miss. Eva Miriam
Age=7.0
SHAP=0.02", - "index=Butt, Major. Archibald Willingham
Age=45.0
SHAP=-0.02", - "index=Beane, Mr. Edward
Age=32.0
SHAP=0.0", - "index=Goldsmith, Mr. Frank John
Age=33.0
SHAP=-0.02", - "index=Ohman, Miss. Velin
Age=22.0
SHAP=-0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=39.0
SHAP=-0.0", - "index=Morrow, Mr. Thomas Rowan
Age=nan
SHAP=0.01", - "index=Harris, Mr. George
Age=62.0
SHAP=-0.01", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=53.0
SHAP=-0.03", - "index=Patchett, Mr. George
Age=19.0
SHAP=-0.0", - "index=Ross, Mr. John Hugo
Age=36.0
SHAP=-0.0", - "index=Murdlin, Mr. Joseph
Age=nan
SHAP=0.01", - "index=Bourke, Miss. Mary
Age=nan
SHAP=0.01", - "index=Boulos, Mr. Hanna
Age=nan
SHAP=0.01", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=49.0
SHAP=-0.03", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Age=35.0
SHAP=-0.01", - "index=Lindell, Mr. Edvard Bengtsson
Age=36.0
SHAP=-0.01", - "index=Daniel, Mr. Robert Williams
Age=27.0
SHAP=0.0", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=22.0
SHAP=0.0", - "index=Shutes, Miss. Elizabeth W
Age=40.0
SHAP=-0.01", - "index=Jardin, Mr. Jose Neto
Age=nan
SHAP=0.01", - "index=Horgan, Mr. John
Age=nan
SHAP=0.01", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=26.0
SHAP=0.0", - "index=Yasbeck, Mr. Antoni
Age=27.0
SHAP=0.0", - "index=Bostandyeff, Mr. Guentcho
Age=26.0
SHAP=0.0", - "index=Lundahl, Mr. Johan Svensson
Age=51.0
SHAP=-0.02", - "index=Stahelin-Maeglin, Dr. Max
Age=32.0
SHAP=0.01", - "index=Willey, Mr. Edward
Age=nan
SHAP=0.01", - "index=Stanley, Miss. Amy Zillah Elsie
Age=23.0
SHAP=-0.0", - "index=Hegarty, Miss. Hanora \"Nora\"
Age=18.0
SHAP=-0.0", - "index=Eitemiller, Mr. George Floyd
Age=23.0
SHAP=-0.01", - "index=Colley, Mr. Edward Pomeroy
Age=47.0
SHAP=-0.04", - "index=Coleff, Mr. Peju
Age=36.0
SHAP=-0.01", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Age=40.0
SHAP=-0.01", - "index=Davidson, Mr. Thornton
Age=31.0
SHAP=0.01", - "index=Turja, Miss. Anna Sofia
Age=18.0
SHAP=0.0", - "index=Hassab, Mr. Hammad
Age=27.0
SHAP=0.01", - "index=Goodwin, Mr. Charles Edward
Age=14.0
SHAP=0.0", - "index=Panula, Mr. Jaako Arnold
Age=14.0
SHAP=0.01", - "index=Fischer, Mr. Eberhard Thelander
Age=18.0
SHAP=0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Age=42.0
SHAP=-0.03", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Age=18.0
SHAP=0.01", - "index=Hansen, Mr. Henrik Juul
Age=26.0
SHAP=-0.0", - "index=Calderhead, Mr. Edward Pennington
Age=42.0
SHAP=-0.03", - "index=Klaber, Mr. Herman
Age=nan
SHAP=0.03", - "index=Taylor, Mr. Elmer Zebley
Age=48.0
SHAP=-0.03", - "index=Larsson, Mr. August Viktor
Age=29.0
SHAP=0.0", - "index=Greenberg, Mr. Samuel
Age=52.0
SHAP=-0.02", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Age=27.0
SHAP=0.02", - "index=McEvoy, Mr. Michael
Age=nan
SHAP=0.01", - "index=Johnson, Mr. Malkolm Joackim
Age=33.0
SHAP=-0.01", - "index=Gillespie, Mr. William Henry
Age=34.0
SHAP=-0.01", - "index=Allen, Miss. Elisabeth Walton
Age=29.0
SHAP=0.01", - "index=Berriman, Mr. William John
Age=23.0
SHAP=-0.01", - "index=Troupiansky, Mr. Moses Aaron
Age=23.0
SHAP=-0.01", - "index=Williams, Mr. Leslie
Age=28.5
SHAP=0.0", - "index=Ivanoff, Mr. Kanio
Age=nan
SHAP=0.01", - "index=McNamee, Mr. Neal
Age=24.0
SHAP=-0.0", - "index=Connaghton, Mr. Michael
Age=31.0
SHAP=0.0", - "index=Carlsson, Mr. August Sigfrid
Age=28.0
SHAP=0.01", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Age=33.0
SHAP=0.01", - "index=Eklund, Mr. Hans Linus
Age=16.0
SHAP=0.01", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Age=51.0
SHAP=-0.02", - "index=Moran, Mr. Daniel J
Age=nan
SHAP=0.02", - "index=Lievens, Mr. Rene Aime
Age=24.0
SHAP=0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Age=43.0
SHAP=-0.01", - "index=Ayoub, Miss. Banoura
Age=13.0
SHAP=0.01", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Age=17.0
SHAP=0.01", - "index=Johnston, Mr. Andrew G
Age=nan
SHAP=0.04", - "index=Ali, Mr. William
Age=25.0
SHAP=0.0", - "index=Sjoblom, Miss. Anna Sofia
Age=18.0
SHAP=0.0", - "index=Guggenheim, Mr. Benjamin
Age=46.0
SHAP=-0.02", - "index=Leader, Dr. Alice (Farnham)
Age=49.0
SHAP=-0.02", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Age=31.0
SHAP=0.0", - "index=Carter, Master. William Thornton II
Age=11.0
SHAP=0.04", - "index=Thomas, Master. Assad Alexander
Age=0.42
SHAP=0.04", - "index=Johansson, Mr. Karl Johan
Age=31.0
SHAP=0.01", - "index=Slemen, Mr. Richard James
Age=35.0
SHAP=-0.01", - "index=Tomlin, Mr. Ernest Portage
Age=30.5
SHAP=0.01", - "index=McCormack, Mr. Thomas Joseph
Age=nan
SHAP=0.01", - "index=Richards, Master. George Sibley
Age=0.83
SHAP=0.06", - "index=Mudd, Mr. Thomas Charles
Age=16.0
SHAP=0.0", - "index=Lemberopolous, Mr. Peter L
Age=34.5
SHAP=-0.02", - "index=Sage, Mr. Douglas Bullen
Age=nan
SHAP=0.01", - "index=Boulos, Miss. Nourelain
Age=9.0
SHAP=0.01", - "index=Aks, Mrs. Sam (Leah Rosen)
Age=18.0
SHAP=0.0", - "index=Razi, Mr. Raihed
Age=nan
SHAP=0.01", - "index=Johnson, Master. Harold Theodor
Age=4.0
SHAP=0.05", - "index=Carlsson, Mr. Frans Olof
Age=33.0
SHAP=0.0", - "index=Gustafsson, Mr. Alfred Ossian
Age=20.0
SHAP=-0.0", - "index=Montvila, Rev. Juozas
Age=27.0
SHAP=0.0" - ], + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 38, - 35, - 2, - 27, - 14, - 20, - 14, - 38, - null, - 28, - null, - 19, - 18, - 21, - 45, - 4, - 26, - 21, - 17, - 16, - 29, - 20, - 46, - null, - 21, - 38, - null, - 22, - 20, - 21, - 29, - null, - 16, - 9, - 36.5, - 51, - 55.5, - 44, - null, - 61, - 21, - 18, - null, - 19, - 44, - 28, - 32, - 40, - 24, - 51, - null, - 5, - null, - 33, - null, - 62, - null, - 50, - null, - 3, - null, - 63, - 35, - null, - 22, - 19, - 36, - null, - null, - null, - 61, - null, - null, - 41, - 42, - 29, - 19, - null, - 27, - 19, - null, - 1, - null, - 28, - 24, - 39, - 33, - 30, - 21, - 19, - 45, - null, - 52, - 48, - 48, - 33, - 22, - null, - 25, - 21, - null, - 24, - null, - 37, - 18, - null, - 36, - null, - 30, - 7, - 45, - 32, - 33, - 22, - 39, - null, - 62, - 53, - 19, - 36, - null, - null, - null, - 49, - 35, - 36, - 27, - 22, - 40, - null, - null, - 26, - 27, - 26, - 51, - 32, - null, - 23, - 18, - 23, - 47, - 36, - 40, - 31, - 18, - 27, - 14, - 14, - 18, - 42, - 18, - 26, - 42, - null, - 48, - 29, - 52, - 27, - null, - 33, - 34, - 29, - 23, - 23, - 28.5, - null, - 24, - 31, - 28, - 33, - 16, - 51, - null, - 24, - 43, - 13, - 17, - null, - 25, - 18, - 46, - 49, - 31, - 11, - 0.42, - 31, - 35, - 30.5, - null, - 0.83, - 16, - 34.5, - null, - 9, - 18, - null, - 4, - 33, - 20, - 27 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - -0.005435093021259588, - 0.0038786886160810693, - 0.02845190754413674, - -0.0006618755870001252, - 0.006036187272413198, - -0.0013080127606859733, - 0.0069030215815155446, - -0.02263688794686179, - 0.012038413734761019, - 0.0013611261859566967, - 0.012122630639252759, - -0.017576076927190355, - 0.0013038109335672524, - -0.006338144322505708, - -0.023572930058695856, - 0.02830111559457549, - -0.0021746026538668273, - -0.007071583746540486, - 0.0005281343151809064, - 0.003545467125177802, - 0.005546136096203786, - -0.0009081349871494358, - -0.031329947673435374, - 0.009646017635765657, - -0.0036718840669978897, - -0.017661178365921522, - 0.009915585221932631, - -0.0011982250265055085, - -0.006073824599928465, - -0.000825488757558417, - -0.0023445029846407813, - 0.01047618594096072, - 0.0069257925558927355, - 0.013652192824122826, - -0.018842985059908054, - -0.02321662215063914, - -0.02480818450444858, - -0.02634589884501951, - 0.011726930159856987, - -0.03435637472984748, - -0.000825488757558417, - -0.008315045233310472, - 0.02460464456561599, - -0.000846718369678901, - -0.01894668671964519, - 0.005599249003933323, - -0.001056647972343015, - -0.0283633833555008, - 0.0018009855482581509, - -0.023262337025235807, - 0.009646017635765657, - 0.007753311329997374, - 0.0048870884478188405, - -0.00808762912392451, - 0.009294833489059165, - -0.04739248643282996, - -0.015080972827298674, - -0.017257637490962895, - 0.010481208333273402, - 0.03241353405789745, - 0.012038413734761019, - -0.029928100878078366, - -0.011374517980813154, - 0.02444801143877595, - -0.018129946530069902, - -0.00026594337274175986, - -0.007200922027493052, - 0.01597814878332342, - 0.01047618594096072, - 0.013509899536824674, - -0.023614062774387677, - -0.012772068848288088, - 0.009646017635765657, - -0.008289708503841418, - -0.017469398654423, - 0.0010973647983245265, - -0.0007135253868345766, - -0.01053721319116934, - 0.01221613942611844, - -0.00031364761329803715, - 0.009646017635765657, - 0.031183731168800303, - 0.010454436185667921, - 0.0014997813356448714, - -0.0006988570468255223, - -0.019224189355005104, - 0.0015128759036512043, - 0.0005443638229938359, - -0.0019643898543570005, - -0.002210467425370983, - -0.012563581925202598, - 0.01047618594096072, - -0.050683084747935925, - -0.04237594704577718, - -0.01829262620702911, - -0.0007747574695589735, - -0.00044880087728772425, - 0.008498847388925682, - -0.00520095716252589, - -0.0005585886114681909, - 0.01537852291922176, - 0.0015229687548988726, - 0.009612146307304307, - -0.00820603678101646, - 0.02392525473020613, - 0.016246910899391922, - 0.0018693418847304567, - 0.009812765039545408, - 0.008078858627466186, - 0.015594513836031814, - -0.018929183024265828, - 7.291063633024641e-05, - -0.021991133873333946, - -0.0037631743782629507, - -0.004683767795253301, - 0.010481208333273402, - -0.014941595893911848, - -0.026395549497047026, - -0.002800685811701173, - -0.004388741004511303, - 0.01047618594096072, - 0.013484010159871128, - 0.009335754692057786, - -0.02599923298685759, - -0.012179980327061411, - -0.014660450300797729, - 0.0009770009620894554, - 0.0012677901029648911, - -0.009893230925160094, - 0.0092233039067372, - 0.010481208333273402, - 0.0009433203419911454, - 0.000948120705864924, - 0.004157227216956382, - -0.021998571061377387, - 0.008233915694253365, - 0.009294833489059165, - -0.0034229340918021257, - -6.704624841170896e-05, - -0.005646743426224222, - -0.043484235829888494, - -0.013102222633886254, - -0.011758993735643557, - 0.009412933950206225, - 0.0004369825039328087, - 0.011368753068600138, - 0.00244215963562861, - 0.006696237679364591, - 0.0022821093526089525, - -0.028287645872803018, - 0.010093611439746035, - -0.0012650904439831091, - -0.029690181067334422, - 0.02896252189279815, - -0.027808446031211763, - 0.004621957097943106, - -0.02457939396992573, - 0.019003146136976023, - 0.01447441246412479, - -0.010289506678836133, - -0.009304477017254197, - 0.01377206301326799, - -0.005646743426224222, - -0.005646743426224222, - 0.001528949062225344, - 0.009646017635765657, - -0.004769937788231381, - 0.003358875560571273, - 0.006804244484639189, - 0.011836676323871769, - 0.0062111679859222614, - -0.022802833814675696, - 0.02107730067708448, - 9.8566469274418e-06, - -0.006662318490705742, - 0.008067568940675132, - 0.006193480782051272, - 0.04064503768927539, - 0.0018346604433498613, - 0.0012629118885669258, - -0.015387585355316471, - -0.018784575929831807, - 0.003614647968684862, - 0.03653344626322271, - 0.03756864111359998, - 0.00915913296893322, - -0.011169426783363936, - 0.005934466830765054, - 0.010481208333273402, - 0.058686894265503366, - 0.0027631616664621408, - -0.018206113457677933, - 0.013509899536824674, - 0.012235909423105245, - 0.0005839435114270025, - 0.009812765039545408, - 0.04697404878168792, - 0.0015904574985961342, - -0.0026687678341839882, - 0.001035132405277225 + 14.719165042302288, + 15.538456861594103, + 15.538456861594103, + 15.403375568618078, + 16.01163200378078, + 17.819303739959377, + 20.172789133025496, + 21.6038812372001, + 34.48908555872473, + 34.70440646969781 ] - } - ], - "layout": { - "hovermode": "closest", - "paper_bgcolor": "#fff", - "plot_bgcolor": "#fff", - "showlegend": false, - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } - }, - "title": { - "text": "Dependence plot for Age" - }, - "xaxis": { - "title": { - "text": "Age" - } }, - "yaxis": { - "title": { - "text": "SHAP value" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_dependence(\")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### color by sex" - ] - }, - { - "cell_type": "code", - "execution_count": 23, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:41:14.671720Z", - "start_time": "2020-10-12T08:41:14.655107Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ { - "hoverinfo": "text", - "marker": { - "opacity": 0.6, - "showscale": false, - "size": 7 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "name": "female", - "opacity": 0.8, - "showlegend": true, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
Sex=female
SHAP=-0.01", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
Sex=female
SHAP=0.0", - "index=Palsson, Master. Gosta Leonard
Age=27.0
Sex=female
SHAP=-0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=14.0
Sex=female
SHAP=0.01", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
Sex=female
SHAP=0.01", - "index=Saundercock, Mr. William Henry
Age=38.0
Sex=female
SHAP=-0.02", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Age=-999.0
Sex=female
SHAP=0.01", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=19.0
Sex=female
SHAP=-0.02", - "index=Glynn, Miss. Mary Agatha
Age=18.0
Sex=female
SHAP=0.0", - "index=Meyer, Mr. Edgar Joseph
Age=21.0
Sex=female
SHAP=-0.01", - "index=Kraeff, Mr. Theodor
Age=17.0
Sex=female
SHAP=0.0", - "index=Devaney, Miss. Margaret Delia
Age=-999.0
Sex=female
SHAP=0.01", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=20.0
Sex=female
SHAP=-0.01", - "index=Rugg, Miss. Emily
Age=9.0
Sex=female
SHAP=0.01", - "index=Harris, Mr. Henry Birkhardt
Age=-999.0
Sex=female
SHAP=0.01", - "index=Skoog, Master. Harald
Age=19.0
Sex=female
SHAP=-0.0", - "index=Kink, Mr. Vincenz
Age=44.0
Sex=female
SHAP=-0.02", - "index=Hood, Mr. Ambrose Jr
Age=5.0
Sex=female
SHAP=0.01", - "index=Ilett, Miss. Bertha
Age=-999.0
Sex=female
SHAP=0.0", - "index=Ford, Mr. William Neal
Age=-999.0
Sex=female
SHAP=-0.02", - "index=Christmann, Mr. Emil
Age=50.0
Sex=female
SHAP=-0.02", - "index=Andreasson, Mr. Paul Edvin
Age=-999.0
Sex=female
SHAP=0.01", - "index=Chaffee, Mr. Herbert Fuller
Age=63.0
Sex=female
SHAP=-0.03", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Age=35.0
Sex=female
SHAP=-0.01", - "index=White, Mr. Richard Frasar
Age=22.0
Sex=female
SHAP=-0.02", - "index=Rekic, Mr. Tido
Age=19.0
Sex=female
SHAP=-0.0", - "index=Moran, Miss. Bertha
Age=-999.0
Sex=female
SHAP=-0.01", - "index=Barton, Mr. David John
Age=41.0
Sex=female
SHAP=-0.01", - "index=Jussila, Miss. Katriina
Age=-999.0
Sex=female
SHAP=-0.01", - "index=Pekoniemi, Mr. Edvard
Age=24.0
Sex=female
SHAP=-0.0", - "index=Turpin, Mr. William John Robert
Age=33.0
Sex=female
SHAP=0.0", - "index=Moore, Mr. Leonard Charles
Age=19.0
Sex=female
SHAP=-0.0", - "index=Osen, Mr. Olaf Elon
Age=45.0
Sex=female
SHAP=-0.01", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Age=33.0
Sex=female
SHAP=-0.0", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=-999.0
Sex=female
SHAP=0.01", - "index=Bateman, Rev. Robert James
Age=37.0
Sex=female
SHAP=-0.01", - "index=Meo, Mr. Alfonzo
Age=36.0
Sex=female
SHAP=0.0", - "index=Cribb, Mr. John Hatfield
Age=30.0
Sex=female
SHAP=0.01", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Age=7.0
Sex=female
SHAP=0.02", - "index=Van der hoef, Mr. Wyckoff
Age=22.0
Sex=female
SHAP=-0.0", - "index=Sivola, Mr. Antti Wilhelm
Age=39.0
Sex=female
SHAP=-0.0", - "index=Klasen, Mr. Klas Albin
Age=53.0
Sex=female
SHAP=-0.03", - "index=Rood, Mr. Hugh Roscoe
Age=-999.0
Sex=female
SHAP=0.01", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=22.0
Sex=female
SHAP=0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Age=40.0
Sex=female
SHAP=-0.01", - "index=Vande Walle, Mr. Nestor Cyriel
Age=26.0
Sex=female
SHAP=0.0", - "index=Backstrom, Mr. Karl Alfred
Age=23.0
Sex=female
SHAP=-0.0", - "index=Blank, Mr. Henry
Age=18.0
Sex=female
SHAP=-0.0", - "index=Ali, Mr. Ahmed
Age=40.0
Sex=female
SHAP=-0.01", - "index=Green, Mr. George Henry
Age=18.0
Sex=female
SHAP=0.0", - "index=Nenkoff, Mr. Christo
Age=18.0
Sex=female
SHAP=0.01", - "index=Asplund, Miss. Lillian Gertrud
Age=27.0
Sex=female
SHAP=0.02", - "index=Harknett, Miss. Alice Phoebe
Age=29.0
Sex=female
SHAP=0.01", - "index=Hunt, Mr. George Henry
Age=33.0
Sex=female
SHAP=0.01", - "index=Reed, Mr. James George
Age=51.0
Sex=female
SHAP=-0.02", - "index=Stead, Mr. William Thomas
Age=43.0
Sex=female
SHAP=-0.01", - "index=Thorne, Mrs. Gertrude Maybelle
Age=13.0
Sex=female
SHAP=0.01", - "index=Parrish, Mrs. (Lutie Davis)
Age=17.0
Sex=female
SHAP=0.01", - "index=Smith, Mr. Thomas
Age=18.0
Sex=female
SHAP=0.0", - "index=Asplund, Master. Edvin Rojj Felix
Age=49.0
Sex=female
SHAP=-0.02", - "index=Healy, Miss. Hanora \"Nora\"
Age=31.0
Sex=female
SHAP=0.0", - "index=Andrews, Miss. Kornelia Theodosia
Age=9.0
Sex=female
SHAP=0.01", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Age=18.0
Sex=female
SHAP=0.0" - ], + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 38, - 35, - 27, - 14, - 14, - 38, - null, - 19, - 18, - 21, - 17, - null, - 20, - 9, - null, - 19, - 44, - 5, - null, - null, - 50, - null, - 63, - 35, - 22, - 19, - null, - 41, - null, - 24, - 33, - 19, - 45, - 33, - null, - 37, - 36, - 30, - 7, - 22, - 39, - 53, - null, - 22, - 40, - 26, - 23, - 18, - 40, - 18, - 18, - 27, - 29, - 33, - 51, - 43, - 13, - 17, - 18, - 49, - 31, - 9, - 18 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - -0.005435093021259588, - 0.0038786886160810693, - -0.0006618755870001252, - 0.006036187272413198, - 0.0069030215815155446, - -0.02263688794686179, - 0.012038413734761019, - -0.017576076927190355, - 0.0013038109335672524, - -0.006338144322505708, - 0.0005281343151809064, - 0.009915585221932631, - -0.006073824599928465, - 0.013652192824122826, - 0.011726930159856987, - -0.000846718369678901, - -0.01894668671964519, - 0.007753311329997374, - 0.0048870884478188405, - -0.015080972827298674, - -0.017257637490962895, - 0.012038413734761019, - -0.029928100878078366, - -0.011374517980813154, - -0.018129946530069902, - -0.00026594337274175986, - -0.012772068848288088, - -0.008289708503841418, - -0.01053721319116934, - -0.0006988570468255223, - 0.0015128759036512043, - -0.002210467425370983, - -0.012563581925202598, - -0.0007747574695589735, - 0.009612146307304307, - -0.00820603678101646, - 0.0018693418847304567, - 0.008078858627466186, - 0.015594513836031814, - -0.0037631743782629507, - -0.004683767795253301, - -0.026395549497047026, - 0.013484010159871128, - 0.0012677901029648911, - -0.009893230925160094, - 0.0009433203419911454, - -0.0034229340918021257, - -6.704624841170896e-05, - -0.011758993735643557, - 0.0004369825039328087, - 0.010093611439746035, - 0.019003146136976023, - 0.01377206301326799, - 0.011836676323871769, - -0.022802833814675696, - -0.006662318490705742, - 0.008067568940675132, - 0.006193480782051272, - 0.0012629118885669258, - -0.018784575929831807, - 0.003614647968684862, - 0.012235909423105245, - 0.0005839435114270025 + 67.33653505064464, + 69.5540624371861, + 68.89143617455984, + 68.02827365693508, + 69.61801724667868, + 70.64291975858619, + 64.78233928572793, + 64.78233928572793, + 69.92764620306508, + 71.42607880494594 ] }, { - "hoverinfo": "text", - "marker": { - "opacity": 0.6, - "showscale": false, - "size": 7 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "name": "male", - "opacity": 0.8, - "showlegend": true, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=2.0
Sex=male
SHAP=0.03", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=20.0
Sex=male
SHAP=-0.0", - "index=Palsson, Master. Gosta Leonard
Age=28.0
Sex=male
SHAP=0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=-999.0
Sex=male
SHAP=0.01", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Age=45.0
Sex=male
SHAP=-0.02", - "index=Saundercock, Mr. William Henry
Age=4.0
Sex=male
SHAP=0.03", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Age=26.0
Sex=male
SHAP=-0.0", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=21.0
Sex=male
SHAP=-0.01", - "index=Glynn, Miss. Mary Agatha
Age=16.0
Sex=male
SHAP=0.0", - "index=Meyer, Mr. Edgar Joseph
Age=29.0
Sex=male
SHAP=0.01", - "index=Kraeff, Mr. Theodor
Age=20.0
Sex=male
SHAP=-0.0", - "index=Devaney, Miss. Margaret Delia
Age=46.0
Sex=male
SHAP=-0.03", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=-999.0
Sex=male
SHAP=0.01", - "index=Rugg, Miss. Emily
Age=21.0
Sex=male
SHAP=-0.0", - "index=Harris, Mr. Henry Birkhardt
Age=38.0
Sex=male
SHAP=-0.02", - "index=Skoog, Master. Harald
Age=22.0
Sex=male
SHAP=-0.0", - "index=Kink, Mr. Vincenz
Age=21.0
Sex=male
SHAP=-0.0", - "index=Hood, Mr. Ambrose Jr
Age=29.0
Sex=male
SHAP=-0.0", - "index=Ilett, Miss. Bertha
Age=-999.0
Sex=male
SHAP=0.01", - "index=Ford, Mr. William Neal
Age=16.0
Sex=male
SHAP=0.01", - "index=Christmann, Mr. Emil
Age=36.5
Sex=male
SHAP=-0.02", - "index=Andreasson, Mr. Paul Edvin
Age=51.0
Sex=male
SHAP=-0.02", - "index=Chaffee, Mr. Herbert Fuller
Age=55.5
Sex=male
SHAP=-0.02", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Age=44.0
Sex=male
SHAP=-0.03", - "index=White, Mr. Richard Frasar
Age=61.0
Sex=male
SHAP=-0.03", - "index=Rekic, Mr. Tido
Age=21.0
Sex=male
SHAP=-0.0", - "index=Moran, Miss. Bertha
Age=18.0
Sex=male
SHAP=-0.01", - "index=Barton, Mr. David John
Age=-999.0
Sex=male
SHAP=0.02", - "index=Jussila, Miss. Katriina
Age=28.0
Sex=male
SHAP=0.01", - "index=Pekoniemi, Mr. Edvard
Age=32.0
Sex=male
SHAP=-0.0", - "index=Turpin, Mr. William John Robert
Age=40.0
Sex=male
SHAP=-0.03", - "index=Moore, Mr. Leonard Charles
Age=24.0
Sex=male
SHAP=0.0", - "index=Osen, Mr. Olaf Elon
Age=51.0
Sex=male
SHAP=-0.02", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Age=-999.0
Sex=male
SHAP=0.01", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=33.0
Sex=male
SHAP=-0.01", - "index=Bateman, Rev. Robert James
Age=-999.0
Sex=male
SHAP=0.01", - "index=Meo, Mr. Alfonzo
Age=62.0
Sex=male
SHAP=-0.05", - "index=Cribb, Mr. John Hatfield
Age=-999.0
Sex=male
SHAP=0.01", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Age=3.0
Sex=male
SHAP=0.03", - "index=Van der hoef, Mr. Wyckoff
Age=-999.0
Sex=male
SHAP=0.02", - "index=Sivola, Mr. Antti Wilhelm
Age=36.0
Sex=male
SHAP=-0.01", - "index=Klasen, Mr. Klas Albin
Age=-999.0
Sex=male
SHAP=0.02", - "index=Rood, Mr. Hugh Roscoe
Age=-999.0
Sex=male
SHAP=0.01", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=-999.0
Sex=male
SHAP=0.01", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Age=61.0
Sex=male
SHAP=-0.02", - "index=Vande Walle, Mr. Nestor Cyriel
Age=-999.0
Sex=male
SHAP=0.01", - "index=Backstrom, Mr. Karl Alfred
Age=42.0
Sex=male
SHAP=-0.02", - "index=Blank, Mr. Henry
Age=29.0
Sex=male
SHAP=0.0", - "index=Ali, Mr. Ahmed
Age=19.0
Sex=male
SHAP=-0.0", - "index=Green, Mr. George Henry
Age=27.0
Sex=male
SHAP=0.01", - "index=Nenkoff, Mr. Christo
Age=19.0
Sex=male
SHAP=-0.0", - "index=Asplund, Miss. Lillian Gertrud
Age=-999.0
Sex=male
SHAP=0.01", - "index=Harknett, Miss. Alice Phoebe
Age=1.0
Sex=male
SHAP=0.03", - "index=Hunt, Mr. George Henry
Age=-999.0
Sex=male
SHAP=0.01", - "index=Reed, Mr. James George
Age=28.0
Sex=male
SHAP=0.0", - "index=Stead, Mr. William Thomas
Age=39.0
Sex=male
SHAP=-0.02", - "index=Thorne, Mrs. Gertrude Maybelle
Age=30.0
Sex=male
SHAP=0.0", - "index=Parrish, Mrs. (Lutie Davis)
Age=21.0
Sex=male
SHAP=-0.0", - "index=Smith, Mr. Thomas
Age=-999.0
Sex=male
SHAP=0.01", - "index=Asplund, Master. Edvin Rojj Felix
Age=52.0
Sex=male
SHAP=-0.05", - "index=Healy, Miss. Hanora \"Nora\"
Age=48.0
Sex=male
SHAP=-0.04", - "index=Andrews, Miss. Kornelia Theodosia
Age=48.0
Sex=male
SHAP=-0.02", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Age=22.0
Sex=male
SHAP=-0.0", - "index=Smith, Mr. Richard William
Age=-999.0
Sex=male
SHAP=0.01", - "index=Connolly, Miss. Kate
Age=25.0
Sex=male
SHAP=-0.01", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Age=21.0
Sex=male
SHAP=-0.0", - "index=Levy, Mr. Rene Jacques
Age=-999.0
Sex=male
SHAP=0.02", - "index=Lewy, Mr. Ervin G
Age=24.0
Sex=male
SHAP=0.0", - "index=Williams, Mr. Howard Hugh \"Harry\"
Age=18.0
Sex=male
SHAP=0.02", - "index=Sage, Mr. George John Jr
Age=-999.0
Sex=male
SHAP=0.02", - "index=Nysveen, Mr. Johan Hansen
Age=-999.0
Sex=male
SHAP=0.01", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=45.0
Sex=male
SHAP=-0.02", - "index=Denkoff, Mr. Mitto
Age=32.0
Sex=male
SHAP=0.0", - "index=Burns, Miss. Elizabeth Margaret
Age=33.0
Sex=male
SHAP=-0.02", - "index=Dimic, Mr. Jovan
Age=-999.0
Sex=male
SHAP=0.01", - "index=del Carlo, Mr. Sebastiano
Age=62.0
Sex=male
SHAP=-0.01", - "index=Beavan, Mr. William Thomas
Age=19.0
Sex=male
SHAP=-0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=36.0
Sex=male
SHAP=-0.0", - "index=Widener, Mr. Harry Elkins
Age=-999.0
Sex=male
SHAP=0.01", - "index=Gustafsson, Mr. Karl Gideon
Age=-999.0
Sex=male
SHAP=0.01", - "index=Plotcharsky, Mr. Vasil
Age=49.0
Sex=male
SHAP=-0.03", - "index=Goodwin, Master. Sidney Leonard
Age=35.0
Sex=male
SHAP=-0.01", - "index=Sadlier, Mr. Matthew
Age=36.0
Sex=male
SHAP=-0.01", - "index=Gustafsson, Mr. Johan Birger
Age=27.0
Sex=male
SHAP=0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=-999.0
Sex=male
SHAP=0.01", - "index=Niskanen, Mr. Juha
Age=-999.0
Sex=male
SHAP=0.01", - "index=Minahan, Miss. Daisy E
Age=27.0
Sex=male
SHAP=0.0", - "index=Matthews, Mr. William John
Age=26.0
Sex=male
SHAP=0.0", - "index=Charters, Mr. David
Age=51.0
Sex=male
SHAP=-0.02", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=32.0
Sex=male
SHAP=0.01", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=-999.0
Sex=male
SHAP=0.01", - "index=Johannesen-Bratthammer, Mr. Bernt
Age=23.0
Sex=male
SHAP=-0.01", - "index=Peuchen, Major. Arthur Godfrey
Age=47.0
Sex=male
SHAP=-0.04", - "index=Anderson, Mr. Harry
Age=36.0
Sex=male
SHAP=-0.01", - "index=Milling, Mr. Jacob Christian
Age=31.0
Sex=male
SHAP=0.01", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=27.0
Sex=male
SHAP=0.01", - "index=Karlsson, Mr. Nils August
Age=14.0
Sex=male
SHAP=0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Age=14.0
Sex=male
SHAP=0.01", - "index=Bishop, Mr. Dickinson H
Age=18.0
Sex=male
SHAP=0.0", - "index=Windelov, Mr. Einar
Age=42.0
Sex=male
SHAP=-0.03", - "index=Shellard, Mr. Frederick William
Age=26.0
Sex=male
SHAP=-0.0", - "index=Svensson, Mr. Olof
Age=42.0
Sex=male
SHAP=-0.03", - "index=O'Sullivan, Miss. Bridget Mary
Age=-999.0
Sex=male
SHAP=0.03", - "index=Laitinen, Miss. Kristina Sofia
Age=48.0
Sex=male
SHAP=-0.03", - "index=Penasco y Castellana, Mr. Victor de Satode
Age=29.0
Sex=male
SHAP=0.0", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Age=52.0
Sex=male
SHAP=-0.02", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=-999.0
Sex=male
SHAP=0.01", - "index=Kassem, Mr. Fared
Age=33.0
Sex=male
SHAP=-0.01", - "index=Cacic, Miss. Marija
Age=34.0
Sex=male
SHAP=-0.01", - "index=Hart, Miss. Eva Miriam
Age=23.0
Sex=male
SHAP=-0.01", - "index=Butt, Major. Archibald Willingham
Age=23.0
Sex=male
SHAP=-0.01", - "index=Beane, Mr. Edward
Age=28.5
Sex=male
SHAP=0.0", - "index=Goldsmith, Mr. Frank John
Age=-999.0
Sex=male
SHAP=0.01", - "index=Ohman, Miss. Velin
Age=24.0
Sex=male
SHAP=-0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=31.0
Sex=male
SHAP=0.0", - "index=Morrow, Mr. Thomas Rowan
Age=28.0
Sex=male
SHAP=0.01", - "index=Harris, Mr. George
Age=16.0
Sex=male
SHAP=0.01", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=-999.0
Sex=male
SHAP=0.02", - "index=Patchett, Mr. George
Age=24.0
Sex=male
SHAP=0.0", - "index=Ross, Mr. John Hugo
Age=-999.0
Sex=male
SHAP=0.04", - "index=Murdlin, Mr. Joseph
Age=25.0
Sex=male
SHAP=0.0", - "index=Bourke, Miss. Mary
Age=46.0
Sex=male
SHAP=-0.02", - "index=Boulos, Mr. Hanna
Age=11.0
Sex=male
SHAP=0.04", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=0.42
Sex=male
SHAP=0.04", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Age=31.0
Sex=male
SHAP=0.01", - "index=Lindell, Mr. Edvard Bengtsson
Age=35.0
Sex=male
SHAP=-0.01", - "index=Daniel, Mr. Robert Williams
Age=30.5
Sex=male
SHAP=0.01", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=-999.0
Sex=male
SHAP=0.01", - "index=Shutes, Miss. Elizabeth W
Age=0.83
Sex=male
SHAP=0.06", - "index=Jardin, Mr. Jose Neto
Age=16.0
Sex=male
SHAP=0.0", - "index=Horgan, Mr. John
Age=34.5
Sex=male
SHAP=-0.02", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=-999.0
Sex=male
SHAP=0.01", - "index=Yasbeck, Mr. Antoni
Age=-999.0
Sex=male
SHAP=0.01", - "index=Bostandyeff, Mr. Guentcho
Age=4.0
Sex=male
SHAP=0.05", - "index=Lundahl, Mr. Johan Svensson
Age=33.0
Sex=male
SHAP=0.0", - "index=Stahelin-Maeglin, Dr. Max
Age=20.0
Sex=male
SHAP=-0.0", - "index=Willey, Mr. Edward
Age=27.0
Sex=male
SHAP=0.0" + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], + "y": [ + 76.79657981401932, + 77.87521831167192, + 77.87521831167192, + 76.3969574421067, + 77.61917966432893, + 84.34380941606291, + 85.1859146792208, + 87.8691444928854, + 95.06731918683427, + 97.1934756208124 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 2, - 20, - 28, - null, - 45, - 4, - 26, - 21, - 16, - 29, - 20, - 46, - null, - 21, - 38, - 22, - 21, - 29, - null, - 16, - 36.5, - 51, - 55.5, - 44, - 61, - 21, - 18, - null, - 28, - 32, - 40, - 24, - 51, - null, - 33, - null, - 62, - null, - 3, - null, - 36, - null, - null, - null, - 61, - null, - 42, - 29, - 19, - 27, - 19, - null, - 1, - null, - 28, - 39, - 30, - 21, - null, - 52, - 48, - 48, - 22, - null, - 25, - 21, - null, - 24, - 18, - null, - null, - 45, - 32, - 33, - null, - 62, - 19, - 36, - null, - null, - 49, - 35, - 36, - 27, - null, - null, - 27, - 26, - 51, - 32, - null, - 23, - 47, - 36, - 31, - 27, - 14, - 14, - 18, - 42, - 26, - 42, - null, - 48, - 29, - 52, - null, - 33, - 34, - 23, - 23, - 28.5, - null, - 24, - 31, - 28, - 16, - null, - 24, - null, - 25, - 46, - 11, - 0.42, - 31, - 35, - 30.5, - null, - 0.83, - 16, - 34.5, - null, - null, - 4, - 33, - 20, - 27 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 0.02845190754413674, - -0.0013080127606859733, - 0.0013611261859566967, - 0.012122630639252759, - -0.023572930058695856, - 0.02830111559457549, - -0.0021746026538668273, - -0.007071583746540486, - 0.003545467125177802, - 0.005546136096203786, - -0.0009081349871494358, - -0.031329947673435374, - 0.009646017635765657, - -0.0036718840669978897, - -0.017661178365921522, - -0.0011982250265055085, - -0.000825488757558417, - -0.0023445029846407813, - 0.01047618594096072, - 0.0069257925558927355, - -0.018842985059908054, - -0.02321662215063914, - -0.02480818450444858, - -0.02634589884501951, - -0.03435637472984748, - -0.000825488757558417, - -0.008315045233310472, - 0.02460464456561599, - 0.005599249003933323, - -0.001056647972343015, - -0.0283633833555008, - 0.0018009855482581509, - -0.023262337025235807, - 0.009646017635765657, - -0.00808762912392451, - 0.009294833489059165, - -0.04739248643282996, - 0.010481208333273402, - 0.03241353405789745, - 0.02444801143877595, - -0.007200922027493052, - 0.01597814878332342, - 0.01047618594096072, - 0.013509899536824674, - -0.023614062774387677, - 0.009646017635765657, - -0.017469398654423, - 0.0010973647983245265, - -0.0007135253868345766, - 0.01221613942611844, - -0.00031364761329803715, - 0.009646017635765657, - 0.031183731168800303, - 0.010454436185667921, - 0.0014997813356448714, - -0.019224189355005104, - 0.0005443638229938359, - -0.0019643898543570005, - 0.01047618594096072, - -0.050683084747935925, - -0.04237594704577718, - -0.01829262620702911, - -0.00044880087728772425, - 0.008498847388925682, - -0.00520095716252589, - -0.0005585886114681909, - 0.01537852291922176, - 0.0015229687548988726, - 0.02392525473020613, - 0.016246910899391922, - 0.009812765039545408, - -0.018929183024265828, - 7.291063633024641e-05, - -0.021991133873333946, - 0.010481208333273402, - -0.014941595893911848, - -0.002800685811701173, - -0.004388741004511303, - 0.01047618594096072, - 0.009335754692057786, - -0.02599923298685759, - -0.012179980327061411, - -0.014660450300797729, - 0.0009770009620894554, - 0.0092233039067372, - 0.010481208333273402, - 0.000948120705864924, - 0.004157227216956382, - -0.021998571061377387, - 0.008233915694253365, - 0.009294833489059165, - -0.005646743426224222, - -0.043484235829888494, - -0.013102222633886254, - 0.009412933950206225, - 0.011368753068600138, - 0.00244215963562861, - 0.006696237679364591, - 0.0022821093526089525, - -0.028287645872803018, - -0.0012650904439831091, - -0.029690181067334422, - 0.02896252189279815, - -0.027808446031211763, - 0.004621957097943106, - -0.02457939396992573, - 0.01447441246412479, - -0.010289506678836133, - -0.009304477017254197, - -0.005646743426224222, - -0.005646743426224222, - 0.001528949062225344, - 0.009646017635765657, - -0.004769937788231381, - 0.003358875560571273, - 0.006804244484639189, - 0.0062111679859222614, - 0.02107730067708448, - 9.8566469274418e-06, - 0.04064503768927539, - 0.0018346604433498613, - -0.015387585355316471, - 0.03653344626322271, - 0.03756864111359998, - 0.00915913296893322, - -0.011169426783363936, - 0.005934466830765054, - 0.010481208333273402, - 0.058686894265503366, - 0.0027631616664621408, - -0.018206113457677933, - 0.013509899536824674, - 0.009812765039545408, - 0.04697404878168792, - 0.0015904574985961342, - -0.0026687678341839882, - 0.001035132405277225 + 16.45463456335649, + 17.402457456094638, + 17.402457456094638, + 17.26737616311861, + 17.614254482387302, + 20.734910000074986, + 22.837415000984237, + 22.943630766642727, + 31.552461479200545, + 32.33921096160219 ] - } - ], - "layout": { - "hovermode": "closest", - "paper_bgcolor": "#fff", - "plot_bgcolor": "#fff", - "showlegend": true, - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } }, - "title": { - "text": "Dependence plot for Age" - }, - "xaxis": { - "title": { - "text": "Age" - } + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 + ], + "y": [ + 13.90752958424545, + 14.726821403537272, + 14.726821403537272, + 14.591740110561243, + 15.18604878146851, + 17.318949408104398, + 18.93632369005941, + 20.367415794234013, + 32.98459368188412, + 33.69432980563298 + ] }, - "yaxis": { - "title": { - "text": "SHAP value" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_dependence(\", color_col=\"Sex\")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### color by Fare" - ] - }, - { - "cell_type": "code", - "execution_count": 24, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:41:20.704550Z", - "start_time": "2020-10-12T08:41:20.688679Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ { - "hoverinfo": "text", - "marker": { - "color": [ - 71.2833, - 53.1, - 21.075, - 11.1333, - 30.0708, - 8.05, - 7.8542, - 31.3875, - 7.75, - 82.1708, - 7.8958, - 7.8792, - 17.8, - 10.5, - 83.475, - 27.9, - 8.6625, - 73.5, - 10.5, - 34.375, - 8.05, - 7.8542, - 61.175, - 7.8958, - 77.2875, - 7.8958, - 24.15, - 8.05, - 9.825, - 7.925, - 21, - 8.05, - 9.2167, - 34.375, - 26, - 12.525, - 8.05, - 16.1, - 55, - 33.5, - 7.925, - 7.8542, - 50, - 7.8542, - 27.7208, - 9.5, - 15.85, - 31, - 7.05, - 8.05, - 7.8958, - 31.3875, - 7.55, - 12.275, - 7.25, - 26.55, - 79.2, - 26, - 7.75, - 31.3875, - 7.75, - 77.9583, - 20.25, - 26, - 7.75, - 91.0792, - 12.875, - 27.7208, - 8.05, - 69.55, - 6.2375, - 133.65, - 7.8958, - 134.5, - 8.6625, - 27.7208, - 8.05, - 82.1708, - 211.5, - 7.775, - 7.8958, - 46.9, - 7.7292, - 7.925, - 16.7, - 7.925, - 90, - 13, - 7.7333, - 26, - 26.25, - 8.1125, - 30.5, - 26.55, - 13, - 27.75, - 7.5208, - 0, - 91.0792, - 7.25, - 15.1, - 7.7958, - 7.6292, - 9.5875, - 108.9, - 26.55, - 26, - 7.2292, - 8.6625, - 26.25, - 26.55, - 26, - 20.525, - 7.775, - 79.65, - 7.75, - 10.5, - 51.4792, - 14.5, - 40.125, - 8.05, - 7.75, - 7.225, - 56.9292, - 26.55, - 15.55, - 30.5, - 41.5792, - 153.4625, - 7.05, - 7.75, - 16.1, - 14.4542, - 7.8958, - 7.0542, - 30.5, - 7.55, - 7.55, - 6.75, - 13, - 25.5875, - 7.4958, - 39, - 52, - 9.8417, - 76.7292, - 46.9, - 39.6875, - 7.7958, - 7.65, - 227.525, - 7.8542, - 26.2875, - 26.55, - 52, - 9.4833, - 13, - 10.5, - 15.5, - 7.775, - 13, - 211.3375, - 13, - 13, - 16.1, - 7.8958, - 16.1, - 7.75, - 7.7958, - 86.5, - 7.775, - 77.9583, - 24.15, - 9.5, - 211.3375, - 7.2292, - 57, - 23.45, - 7.05, - 7.4958, - 79.2, - 25.9292, - 26.25, - 120, - 8.5167, - 7.775, - 10.5, - 8.05, - 7.75, - 18.75, - 10.5, - 6.4375, - 69.55, - 15.2458, - 9.35, - 7.2292, - 11.1333, - 5, - 9.8458, - 13 - ], - "colorbar": { - "title": { - "text": "Fare" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.6, - "showscale": true, - "size": 7 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
Fare=71.2833
SHAP=-0.01", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
Fare=53.1
SHAP=0.0", - "index=Palsson, Master. Gosta Leonard
Age=2.0
Fare=21.075
SHAP=0.03", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=27.0
Fare=11.1333
SHAP=-0.0", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
Fare=30.0708
SHAP=0.01", - "index=Saundercock, Mr. William Henry
Age=20.0
Fare=8.05
SHAP=-0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Age=14.0
Fare=7.8542
SHAP=0.01", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=38.0
Fare=31.3875
SHAP=-0.02", - "index=Glynn, Miss. Mary Agatha
Age=nan
Fare=7.75
SHAP=0.01", - "index=Meyer, Mr. Edgar Joseph
Age=28.0
Fare=82.1708
SHAP=0.0", - "index=Kraeff, Mr. Theodor
Age=nan
Fare=7.8958
SHAP=0.01", - "index=Devaney, Miss. Margaret Delia
Age=19.0
Fare=7.8792
SHAP=-0.02", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=18.0
Fare=17.8
SHAP=0.0", - "index=Rugg, Miss. Emily
Age=21.0
Fare=10.5
SHAP=-0.01", - "index=Harris, Mr. Henry Birkhardt
Age=45.0
Fare=83.475
SHAP=-0.02", - "index=Skoog, Master. Harald
Age=4.0
Fare=27.9
SHAP=0.03", - "index=Kink, Mr. Vincenz
Age=26.0
Fare=8.6625
SHAP=-0.0", - "index=Hood, Mr. Ambrose Jr
Age=21.0
Fare=73.5
SHAP=-0.01", - "index=Ilett, Miss. Bertha
Age=17.0
Fare=10.5
SHAP=0.0", - "index=Ford, Mr. William Neal
Age=16.0
Fare=34.375
SHAP=0.0", - "index=Christmann, Mr. Emil
Age=29.0
Fare=8.05
SHAP=0.01", - "index=Andreasson, Mr. Paul Edvin
Age=20.0
Fare=7.8542
SHAP=-0.0", - "index=Chaffee, Mr. Herbert Fuller
Age=46.0
Fare=61.175
SHAP=-0.03", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Age=nan
Fare=7.8958
SHAP=0.01", - "index=White, Mr. Richard Frasar
Age=21.0
Fare=77.2875
SHAP=-0.0", - "index=Rekic, Mr. Tido
Age=38.0
Fare=7.8958
SHAP=-0.02", - "index=Moran, Miss. Bertha
Age=nan
Fare=24.15
SHAP=0.01", - "index=Barton, Mr. David John
Age=22.0
Fare=8.05
SHAP=-0.0", - "index=Jussila, Miss. Katriina
Age=20.0
Fare=9.825
SHAP=-0.01", - "index=Pekoniemi, Mr. Edvard
Age=21.0
Fare=7.925
SHAP=-0.0", - "index=Turpin, Mr. William John Robert
Age=29.0
Fare=21.0
SHAP=-0.0", - "index=Moore, Mr. Leonard Charles
Age=nan
Fare=8.05
SHAP=0.01", - "index=Osen, Mr. Olaf Elon
Age=16.0
Fare=9.2167
SHAP=0.01", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Age=9.0
Fare=34.375
SHAP=0.01", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=36.5
Fare=26.0
SHAP=-0.02", - "index=Bateman, Rev. Robert James
Age=51.0
Fare=12.525
SHAP=-0.02", - "index=Meo, Mr. Alfonzo
Age=55.5
Fare=8.05
SHAP=-0.02", - "index=Cribb, Mr. John Hatfield
Age=44.0
Fare=16.1
SHAP=-0.03", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Age=nan
Fare=55.0
SHAP=0.01", - "index=Van der hoef, Mr. Wyckoff
Age=61.0
Fare=33.5
SHAP=-0.03", - "index=Sivola, Mr. Antti Wilhelm
Age=21.0
Fare=7.925
SHAP=-0.0", - "index=Klasen, Mr. Klas Albin
Age=18.0
Fare=7.8542
SHAP=-0.01", - "index=Rood, Mr. Hugh Roscoe
Age=nan
Fare=50.0
SHAP=0.02", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=19.0
Fare=7.8542
SHAP=-0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Age=44.0
Fare=27.7208
SHAP=-0.02", - "index=Vande Walle, Mr. Nestor Cyriel
Age=28.0
Fare=9.5
SHAP=0.01", - "index=Backstrom, Mr. Karl Alfred
Age=32.0
Fare=15.85
SHAP=-0.0", - "index=Blank, Mr. Henry
Age=40.0
Fare=31.0
SHAP=-0.03", - "index=Ali, Mr. Ahmed
Age=24.0
Fare=7.05
SHAP=0.0", - "index=Green, Mr. George Henry
Age=51.0
Fare=8.05
SHAP=-0.02", - "index=Nenkoff, Mr. Christo
Age=nan
Fare=7.8958
SHAP=0.01", - "index=Asplund, Miss. Lillian Gertrud
Age=5.0
Fare=31.3875
SHAP=0.01", - "index=Harknett, Miss. Alice Phoebe
Age=nan
Fare=7.55
SHAP=0.0", - "index=Hunt, Mr. George Henry
Age=33.0
Fare=12.275
SHAP=-0.01", - "index=Reed, Mr. James George
Age=nan
Fare=7.25
SHAP=0.01", - "index=Stead, Mr. William Thomas
Age=62.0
Fare=26.55
SHAP=-0.05", - "index=Thorne, Mrs. Gertrude Maybelle
Age=nan
Fare=79.2
SHAP=-0.02", - "index=Parrish, Mrs. (Lutie Davis)
Age=50.0
Fare=26.0
SHAP=-0.02", - "index=Smith, Mr. Thomas
Age=nan
Fare=7.75
SHAP=0.01", - "index=Asplund, Master. Edvin Rojj Felix
Age=3.0
Fare=31.3875
SHAP=0.03", - "index=Healy, Miss. Hanora \"Nora\"
Age=nan
Fare=7.75
SHAP=0.01", - "index=Andrews, Miss. Kornelia Theodosia
Age=63.0
Fare=77.9583
SHAP=-0.03", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Age=35.0
Fare=20.25
SHAP=-0.01", - "index=Smith, Mr. Richard William
Age=nan
Fare=26.0
SHAP=0.02", - "index=Connolly, Miss. Kate
Age=22.0
Fare=7.75
SHAP=-0.02", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Age=19.0
Fare=91.0792
SHAP=-0.0", - "index=Levy, Mr. Rene Jacques
Age=36.0
Fare=12.875
SHAP=-0.01", - "index=Lewy, Mr. Ervin G
Age=nan
Fare=27.7208
SHAP=0.02", - "index=Williams, Mr. Howard Hugh \"Harry\"
Age=nan
Fare=8.05
SHAP=0.01", - "index=Sage, Mr. George John Jr
Age=nan
Fare=69.55
SHAP=0.01", - "index=Nysveen, Mr. Johan Hansen
Age=61.0
Fare=6.2375
SHAP=-0.02", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=nan
Fare=133.65
SHAP=-0.01", - "index=Denkoff, Mr. Mitto
Age=nan
Fare=7.8958
SHAP=0.01", - "index=Burns, Miss. Elizabeth Margaret
Age=41.0
Fare=134.5
SHAP=-0.01", - "index=Dimic, Mr. Jovan
Age=42.0
Fare=8.6625
SHAP=-0.02", - "index=del Carlo, Mr. Sebastiano
Age=29.0
Fare=27.7208
SHAP=0.0", - "index=Beavan, Mr. William Thomas
Age=19.0
Fare=8.05
SHAP=-0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=nan
Fare=82.1708
SHAP=-0.01", - "index=Widener, Mr. Harry Elkins
Age=27.0
Fare=211.5
SHAP=0.01", - "index=Gustafsson, Mr. Karl Gideon
Age=19.0
Fare=7.775
SHAP=-0.0", - "index=Plotcharsky, Mr. Vasil
Age=nan
Fare=7.8958
SHAP=0.01", - "index=Goodwin, Master. Sidney Leonard
Age=1.0
Fare=46.9
SHAP=0.03", - "index=Sadlier, Mr. Matthew
Age=nan
Fare=7.7292
SHAP=0.01", - "index=Gustafsson, Mr. Johan Birger
Age=28.0
Fare=7.925
SHAP=0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=24.0
Fare=16.7
SHAP=-0.0", - "index=Niskanen, Mr. Juha
Age=39.0
Fare=7.925
SHAP=-0.02", - "index=Minahan, Miss. Daisy E
Age=33.0
Fare=90.0
SHAP=0.0", - "index=Matthews, Mr. William John
Age=30.0
Fare=13.0
SHAP=0.0", - "index=Charters, Mr. David
Age=21.0
Fare=7.7333
SHAP=-0.0", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=19.0
Fare=26.0
SHAP=-0.0", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=45.0
Fare=26.25
SHAP=-0.01", - "index=Johannesen-Bratthammer, Mr. Bernt
Age=nan
Fare=8.1125
SHAP=0.01", - "index=Peuchen, Major. Arthur Godfrey
Age=52.0
Fare=30.5
SHAP=-0.05", - "index=Anderson, Mr. Harry
Age=48.0
Fare=26.55
SHAP=-0.04", - "index=Milling, Mr. Jacob Christian
Age=48.0
Fare=13.0
SHAP=-0.02", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=33.0
Fare=27.75
SHAP=-0.0", - "index=Karlsson, Mr. Nils August
Age=22.0
Fare=7.5208
SHAP=-0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Age=nan
Fare=0.0
SHAP=0.01", - "index=Bishop, Mr. Dickinson H
Age=25.0
Fare=91.0792
SHAP=-0.01", - "index=Windelov, Mr. Einar
Age=21.0
Fare=7.25
SHAP=-0.0", - "index=Shellard, Mr. Frederick William
Age=nan
Fare=15.1
SHAP=0.02", - "index=Svensson, Mr. Olof
Age=24.0
Fare=7.7958
SHAP=0.0", - "index=O'Sullivan, Miss. Bridget Mary
Age=nan
Fare=7.6292
SHAP=0.01", - "index=Laitinen, Miss. Kristina Sofia
Age=37.0
Fare=9.5875
SHAP=-0.01", - "index=Penasco y Castellana, Mr. Victor de Satode
Age=18.0
Fare=108.9
SHAP=0.02", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Age=nan
Fare=26.55
SHAP=0.02", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=36.0
Fare=26.0
SHAP=0.0", - "index=Kassem, Mr. Fared
Age=nan
Fare=7.2292
SHAP=0.01", - "index=Cacic, Miss. Marija
Age=30.0
Fare=8.6625
SHAP=0.01", - "index=Hart, Miss. Eva Miriam
Age=7.0
Fare=26.25
SHAP=0.02", - "index=Butt, Major. Archibald Willingham
Age=45.0
Fare=26.55
SHAP=-0.02", - "index=Beane, Mr. Edward
Age=32.0
Fare=26.0
SHAP=0.0", - "index=Goldsmith, Mr. Frank John
Age=33.0
Fare=20.525
SHAP=-0.02", - "index=Ohman, Miss. Velin
Age=22.0
Fare=7.775
SHAP=-0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=39.0
Fare=79.65
SHAP=-0.0", - "index=Morrow, Mr. Thomas Rowan
Age=nan
Fare=7.75
SHAP=0.01", - "index=Harris, Mr. George
Age=62.0
Fare=10.5
SHAP=-0.01", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=53.0
Fare=51.4792
SHAP=-0.03", - "index=Patchett, Mr. George
Age=19.0
Fare=14.5
SHAP=-0.0", - "index=Ross, Mr. John Hugo
Age=36.0
Fare=40.125
SHAP=-0.0", - "index=Murdlin, Mr. Joseph
Age=nan
Fare=8.05
SHAP=0.01", - "index=Bourke, Miss. Mary
Age=nan
Fare=7.75
SHAP=0.01", - "index=Boulos, Mr. Hanna
Age=nan
Fare=7.225
SHAP=0.01", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=49.0
Fare=56.9292
SHAP=-0.03", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Age=35.0
Fare=26.55
SHAP=-0.01", - "index=Lindell, Mr. Edvard Bengtsson
Age=36.0
Fare=15.55
SHAP=-0.01", - "index=Daniel, Mr. Robert Williams
Age=27.0
Fare=30.5
SHAP=0.0", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=22.0
Fare=41.5792
SHAP=0.0", - "index=Shutes, Miss. Elizabeth W
Age=40.0
Fare=153.4625
SHAP=-0.01", - "index=Jardin, Mr. Jose Neto
Age=nan
Fare=7.05
SHAP=0.01", - "index=Horgan, Mr. John
Age=nan
Fare=7.75
SHAP=0.01", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=26.0
Fare=16.1
SHAP=0.0", - "index=Yasbeck, Mr. Antoni
Age=27.0
Fare=14.4542
SHAP=0.0", - "index=Bostandyeff, Mr. Guentcho
Age=26.0
Fare=7.8958
SHAP=0.0", - "index=Lundahl, Mr. Johan Svensson
Age=51.0
Fare=7.0542
SHAP=-0.02", - "index=Stahelin-Maeglin, Dr. Max
Age=32.0
Fare=30.5
SHAP=0.01", - "index=Willey, Mr. Edward
Age=nan
Fare=7.55
SHAP=0.01", - "index=Stanley, Miss. Amy Zillah Elsie
Age=23.0
Fare=7.55
SHAP=-0.0", - "index=Hegarty, Miss. Hanora \"Nora\"
Age=18.0
Fare=6.75
SHAP=-0.0", - "index=Eitemiller, Mr. George Floyd
Age=23.0
Fare=13.0
SHAP=-0.01", - "index=Colley, Mr. Edward Pomeroy
Age=47.0
Fare=25.5875
SHAP=-0.04", - "index=Coleff, Mr. Peju
Age=36.0
Fare=7.4958
SHAP=-0.01", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Age=40.0
Fare=39.0
SHAP=-0.01", - "index=Davidson, Mr. Thornton
Age=31.0
Fare=52.0
SHAP=0.01", - "index=Turja, Miss. Anna Sofia
Age=18.0
Fare=9.8417
SHAP=0.0", - "index=Hassab, Mr. Hammad
Age=27.0
Fare=76.7292
SHAP=0.01", - "index=Goodwin, Mr. Charles Edward
Age=14.0
Fare=46.9
SHAP=0.0", - "index=Panula, Mr. Jaako Arnold
Age=14.0
Fare=39.6875
SHAP=0.01", - "index=Fischer, Mr. Eberhard Thelander
Age=18.0
Fare=7.7958
SHAP=0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Age=42.0
Fare=7.65
SHAP=-0.03", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Age=18.0
Fare=227.525
SHAP=0.01", - "index=Hansen, Mr. Henrik Juul
Age=26.0
Fare=7.8542
SHAP=-0.0", - "index=Calderhead, Mr. Edward Pennington
Age=42.0
Fare=26.2875
SHAP=-0.03", - "index=Klaber, Mr. Herman
Age=nan
Fare=26.55
SHAP=0.03", - "index=Taylor, Mr. Elmer Zebley
Age=48.0
Fare=52.0
SHAP=-0.03", - "index=Larsson, Mr. August Viktor
Age=29.0
Fare=9.4833
SHAP=0.0", - "index=Greenberg, Mr. Samuel
Age=52.0
Fare=13.0
SHAP=-0.02", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Age=27.0
Fare=10.5
SHAP=0.02", - "index=McEvoy, Mr. Michael
Age=nan
Fare=15.5
SHAP=0.01", - "index=Johnson, Mr. Malkolm Joackim
Age=33.0
Fare=7.775
SHAP=-0.01", - "index=Gillespie, Mr. William Henry
Age=34.0
Fare=13.0
SHAP=-0.01", - "index=Allen, Miss. Elisabeth Walton
Age=29.0
Fare=211.3375
SHAP=0.01", - "index=Berriman, Mr. William John
Age=23.0
Fare=13.0
SHAP=-0.01", - "index=Troupiansky, Mr. Moses Aaron
Age=23.0
Fare=13.0
SHAP=-0.01", - "index=Williams, Mr. Leslie
Age=28.5
Fare=16.1
SHAP=0.0", - "index=Ivanoff, Mr. Kanio
Age=nan
Fare=7.8958
SHAP=0.01", - "index=McNamee, Mr. Neal
Age=24.0
Fare=16.1
SHAP=-0.0", - "index=Connaghton, Mr. Michael
Age=31.0
Fare=7.75
SHAP=0.0", - "index=Carlsson, Mr. August Sigfrid
Age=28.0
Fare=7.7958
SHAP=0.01", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Age=33.0
Fare=86.5
SHAP=0.01", - "index=Eklund, Mr. Hans Linus
Age=16.0
Fare=7.775
SHAP=0.01", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Age=51.0
Fare=77.9583
SHAP=-0.02", - "index=Moran, Mr. Daniel J
Age=nan
Fare=24.15
SHAP=0.02", - "index=Lievens, Mr. Rene Aime
Age=24.0
Fare=9.5
SHAP=0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Age=43.0
Fare=211.3375
SHAP=-0.01", - "index=Ayoub, Miss. Banoura
Age=13.0
Fare=7.2292
SHAP=0.01", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Age=17.0
Fare=57.0
SHAP=0.01", - "index=Johnston, Mr. Andrew G
Age=nan
Fare=23.45
SHAP=0.04", - "index=Ali, Mr. William
Age=25.0
Fare=7.05
SHAP=0.0", - "index=Sjoblom, Miss. Anna Sofia
Age=18.0
Fare=7.4958
SHAP=0.0", - "index=Guggenheim, Mr. Benjamin
Age=46.0
Fare=79.2
SHAP=-0.02", - "index=Leader, Dr. Alice (Farnham)
Age=49.0
Fare=25.9292
SHAP=-0.02", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Age=31.0
Fare=26.25
SHAP=0.0", - "index=Carter, Master. William Thornton II
Age=11.0
Fare=120.0
SHAP=0.04", - "index=Thomas, Master. Assad Alexander
Age=0.42
Fare=8.5167
SHAP=0.04", - "index=Johansson, Mr. Karl Johan
Age=31.0
Fare=7.775
SHAP=0.01", - "index=Slemen, Mr. Richard James
Age=35.0
Fare=10.5
SHAP=-0.01", - "index=Tomlin, Mr. Ernest Portage
Age=30.5
Fare=8.05
SHAP=0.01", - "index=McCormack, Mr. Thomas Joseph
Age=nan
Fare=7.75
SHAP=0.01", - "index=Richards, Master. George Sibley
Age=0.83
Fare=18.75
SHAP=0.06", - "index=Mudd, Mr. Thomas Charles
Age=16.0
Fare=10.5
SHAP=0.0", - "index=Lemberopolous, Mr. Peter L
Age=34.5
Fare=6.4375
SHAP=-0.02", - "index=Sage, Mr. Douglas Bullen
Age=nan
Fare=69.55
SHAP=0.01", - "index=Boulos, Miss. Nourelain
Age=9.0
Fare=15.2458
SHAP=0.01", - "index=Aks, Mrs. Sam (Leah Rosen)
Age=18.0
Fare=9.35
SHAP=0.0", - "index=Razi, Mr. Raihed
Age=nan
Fare=7.2292
SHAP=0.01", - "index=Johnson, Master. Harold Theodor
Age=4.0
Fare=11.1333
SHAP=0.05", - "index=Carlsson, Mr. Frans Olof
Age=33.0
Fare=5.0
SHAP=0.0", - "index=Gustafsson, Mr. Alfred Ossian
Age=20.0
Fare=9.8458
SHAP=-0.0", - "index=Montvila, Rev. Juozas
Age=27.0
Fare=13.0
SHAP=0.0" + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], + "y": [ + 14.514879775525088, + 15.334171594816908, + 16.223060483705805, + 16.08797919072977, + 16.977854364100093, + 17.698355623340543, + 19.31572990529555, + 19.819927307927568, + 32.233183626950215, + 33.09106789884723 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 38, - 35, - 2, - 27, - 14, - 20, - 14, - 38, - null, - 28, - null, - 19, - 18, - 21, - 45, - 4, - 26, - 21, - 17, - 16, - 29, - 20, - 46, - null, - 21, - 38, - null, - 22, - 20, - 21, - 29, - null, - 16, - 9, - 36.5, - 51, - 55.5, - 44, - null, - 61, - 21, - 18, - null, - 19, - 44, - 28, - 32, - 40, - 24, - 51, - null, - 5, - null, - 33, - null, - 62, - null, - 50, - null, - 3, - null, - 63, - 35, - null, - 22, - 19, - 36, - null, - null, - null, - 61, - null, - null, - 41, - 42, - 29, - 19, - null, - 27, - 19, - null, - 1, - null, - 28, - 24, - 39, - 33, - 30, - 21, - 19, - 45, - null, - 52, - 48, - 48, - 33, - 22, - null, - 25, - 21, - null, - 24, - null, - 37, - 18, - null, - 36, - null, - 30, - 7, - 45, - 32, - 33, - 22, - 39, - null, - 62, - 53, - 19, - 36, - null, - null, - null, - 49, - 35, - 36, - 27, - 22, - 40, - null, - null, - 26, - 27, - 26, - 51, - 32, - null, - 23, - 18, - 23, - 47, - 36, - 40, - 31, - 18, - 27, - 14, - 14, - 18, - 42, - 18, - 26, - 42, - null, - 48, - 29, - 52, - 27, - null, - 33, - 34, - 29, - 23, - 23, - 28.5, - null, - 24, - 31, - 28, - 33, - 16, - 51, - null, - 24, - 43, - 13, - 17, - null, - 25, - 18, - 46, - 49, - 31, - 11, - 0.42, - 31, - 35, - 30.5, - null, - 0.83, - 16, - 34.5, - null, - 9, - 18, - null, - 4, - 33, - 20, - 27 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - -0.005435093021259588, - 0.0038786886160810693, - 0.02845190754413674, - -0.0006618755870001252, - 0.006036187272413198, - -0.0013080127606859733, - 0.0069030215815155446, - -0.02263688794686179, - 0.012038413734761019, - 0.0013611261859566967, - 0.012122630639252759, - -0.017576076927190355, - 0.0013038109335672524, - -0.006338144322505708, - -0.023572930058695856, - 0.02830111559457549, - -0.0021746026538668273, - -0.007071583746540486, - 0.0005281343151809064, - 0.003545467125177802, - 0.005546136096203786, - -0.0009081349871494358, - -0.031329947673435374, - 0.009646017635765657, - -0.0036718840669978897, - -0.017661178365921522, - 0.009915585221932631, - -0.0011982250265055085, - -0.006073824599928465, - -0.000825488757558417, - -0.0023445029846407813, - 0.01047618594096072, - 0.0069257925558927355, - 0.013652192824122826, - -0.018842985059908054, - -0.02321662215063914, - -0.02480818450444858, - -0.02634589884501951, - 0.011726930159856987, - -0.03435637472984748, - -0.000825488757558417, - -0.008315045233310472, - 0.02460464456561599, - -0.000846718369678901, - -0.01894668671964519, - 0.005599249003933323, - -0.001056647972343015, - -0.0283633833555008, - 0.0018009855482581509, - -0.023262337025235807, - 0.009646017635765657, - 0.007753311329997374, - 0.0048870884478188405, - -0.00808762912392451, - 0.009294833489059165, - -0.04739248643282996, - -0.015080972827298674, - -0.017257637490962895, - 0.010481208333273402, - 0.03241353405789745, - 0.012038413734761019, - -0.029928100878078366, - -0.011374517980813154, - 0.02444801143877595, - -0.018129946530069902, - -0.00026594337274175986, - -0.007200922027493052, - 0.01597814878332342, - 0.01047618594096072, - 0.013509899536824674, - -0.023614062774387677, - -0.012772068848288088, - 0.009646017635765657, - -0.008289708503841418, - -0.017469398654423, - 0.0010973647983245265, - -0.0007135253868345766, - -0.01053721319116934, - 0.01221613942611844, - -0.00031364761329803715, - 0.009646017635765657, - 0.031183731168800303, - 0.010454436185667921, - 0.0014997813356448714, - -0.0006988570468255223, - -0.019224189355005104, - 0.0015128759036512043, - 0.0005443638229938359, - -0.0019643898543570005, - -0.002210467425370983, - -0.012563581925202598, - 0.01047618594096072, - -0.050683084747935925, - -0.04237594704577718, - -0.01829262620702911, - -0.0007747574695589735, - -0.00044880087728772425, - 0.008498847388925682, - -0.00520095716252589, - -0.0005585886114681909, - 0.01537852291922176, - 0.0015229687548988726, - 0.009612146307304307, - -0.00820603678101646, - 0.02392525473020613, - 0.016246910899391922, - 0.0018693418847304567, - 0.009812765039545408, - 0.008078858627466186, - 0.015594513836031814, - -0.018929183024265828, - 7.291063633024641e-05, - -0.021991133873333946, - -0.0037631743782629507, - -0.004683767795253301, - 0.010481208333273402, - -0.014941595893911848, - -0.026395549497047026, - -0.002800685811701173, - -0.004388741004511303, - 0.01047618594096072, - 0.013484010159871128, - 0.009335754692057786, - -0.02599923298685759, - -0.012179980327061411, - -0.014660450300797729, - 0.0009770009620894554, - 0.0012677901029648911, - -0.009893230925160094, - 0.0092233039067372, - 0.010481208333273402, - 0.0009433203419911454, - 0.000948120705864924, - 0.004157227216956382, - -0.021998571061377387, - 0.008233915694253365, - 0.009294833489059165, - -0.0034229340918021257, - -6.704624841170896e-05, - -0.005646743426224222, - -0.043484235829888494, - -0.013102222633886254, - -0.011758993735643557, - 0.009412933950206225, - 0.0004369825039328087, - 0.011368753068600138, - 0.00244215963562861, - 0.006696237679364591, - 0.0022821093526089525, - -0.028287645872803018, - 0.010093611439746035, - -0.0012650904439831091, - -0.029690181067334422, - 0.02896252189279815, - -0.027808446031211763, - 0.004621957097943106, - -0.02457939396992573, - 0.019003146136976023, - 0.01447441246412479, - -0.010289506678836133, - -0.009304477017254197, - 0.01377206301326799, - -0.005646743426224222, - -0.005646743426224222, - 0.001528949062225344, - 0.009646017635765657, - -0.004769937788231381, - 0.003358875560571273, - 0.006804244484639189, - 0.011836676323871769, - 0.0062111679859222614, - -0.022802833814675696, - 0.02107730067708448, - 9.8566469274418e-06, - -0.006662318490705742, - 0.008067568940675132, - 0.006193480782051272, - 0.04064503768927539, - 0.0018346604433498613, - 0.0012629118885669258, - -0.015387585355316471, - -0.018784575929831807, - 0.003614647968684862, - 0.03653344626322271, - 0.03756864111359998, - 0.00915913296893322, - -0.011169426783363936, - 0.005934466830765054, - 0.010481208333273402, - 0.058686894265503366, - 0.0027631616664621408, - -0.018206113457677933, - 0.013509899536824674, - 0.012235909423105245, - 0.0005839435114270025, - 0.009812765039545408, - 0.04697404878168792, - 0.0015904574985961342, - -0.0026687678341839882, - 0.001035132405277225 + 19.49579671070681, + 20.31508852999863, + 21.20397741888752, + 21.068896125911486, + 21.240324697340057, + 21.219995420001116, + 16.512064800485128, + 16.216262203117143, + 23.53861972104829, + 26.343130999243776 ] }, { - "hoverinfo": "text", - "marker": { - "color": "grey", - "opacity": 0.35, - "size": 7 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "text": [], + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", - "x": [], - "y": [] - } - ], - "layout": { - "hovermode": "closest", - "paper_bgcolor": "#fff", - "plot_bgcolor": "#fff", - "showlegend": false, - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 + ], + "y": [ + 12.214402702103161, + 13.033694521394981, + 13.033694521394981, + 13.374803704609429, + 13.983060139772126, + 17.744273116148236, + 20.389425175881026, + 21.93480299434134, + 31.99281968891054, + 32.436712028455055 + ] }, - "title": { - "text": "Dependence plot for Age" + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 + ], + "y": [ + 14.719165042302288, + 15.538456861594103, + 15.538456861594103, + 15.403375568618078, + 16.01163200378078, + 17.819303739959377, + 20.172789133025496, + 21.6038812372001, + 34.48908555872473, + 34.70440646969781 + ] }, - "xaxis": { - "title": { - "text": "Age" - } + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 + ], + "y": [ + 13.709341086991184, + 14.528632906283, + 14.528632906283, + 14.39355161330697, + 15.87964895756058, + 19.214355092583894, + 21.56784048565001, + 22.707510922486716, + 36.7118896131857, + 36.92721052415878 + ] }, - "yaxis": { - "title": { - "text": "SHAP value" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_dependence(\", color_col=\"Fare\")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Highlight particular index" - ] - }, - { - "cell_type": "code", - "execution_count": 25, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:41:25.636504Z", - "start_time": "2020-10-12T08:41:25.613208Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ { - "hoverinfo": "text", - "marker": { - "opacity": 0.6, - "showscale": false, - "size": 7 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "name": "female", - "opacity": 0.8, - "showlegend": true, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
Sex=female
SHAP=-0.01", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
Sex=female
SHAP=0.0", - "index=Palsson, Master. Gosta Leonard
Age=27.0
Sex=female
SHAP=-0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=14.0
Sex=female
SHAP=0.01", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
Sex=female
SHAP=0.01", - "index=Saundercock, Mr. William Henry
Age=38.0
Sex=female
SHAP=-0.02", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Age=-999.0
Sex=female
SHAP=0.01", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=19.0
Sex=female
SHAP=-0.02", - "index=Glynn, Miss. Mary Agatha
Age=18.0
Sex=female
SHAP=0.0", - "index=Meyer, Mr. Edgar Joseph
Age=21.0
Sex=female
SHAP=-0.01", - "index=Kraeff, Mr. Theodor
Age=17.0
Sex=female
SHAP=0.0", - "index=Devaney, Miss. Margaret Delia
Age=-999.0
Sex=female
SHAP=0.01", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=20.0
Sex=female
SHAP=-0.01", - "index=Rugg, Miss. Emily
Age=9.0
Sex=female
SHAP=0.01", - "index=Harris, Mr. Henry Birkhardt
Age=-999.0
Sex=female
SHAP=0.01", - "index=Skoog, Master. Harald
Age=19.0
Sex=female
SHAP=-0.0", - "index=Kink, Mr. Vincenz
Age=44.0
Sex=female
SHAP=-0.02", - "index=Hood, Mr. Ambrose Jr
Age=5.0
Sex=female
SHAP=0.01", - "index=Ilett, Miss. Bertha
Age=-999.0
Sex=female
SHAP=0.0", - "index=Ford, Mr. William Neal
Age=-999.0
Sex=female
SHAP=-0.02", - "index=Christmann, Mr. Emil
Age=50.0
Sex=female
SHAP=-0.02", - "index=Andreasson, Mr. Paul Edvin
Age=-999.0
Sex=female
SHAP=0.01", - "index=Chaffee, Mr. Herbert Fuller
Age=63.0
Sex=female
SHAP=-0.03", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Age=35.0
Sex=female
SHAP=-0.01", - "index=White, Mr. Richard Frasar
Age=22.0
Sex=female
SHAP=-0.02", - "index=Rekic, Mr. Tido
Age=19.0
Sex=female
SHAP=-0.0", - "index=Moran, Miss. Bertha
Age=-999.0
Sex=female
SHAP=-0.01", - "index=Barton, Mr. David John
Age=41.0
Sex=female
SHAP=-0.01", - "index=Jussila, Miss. Katriina
Age=-999.0
Sex=female
SHAP=-0.01", - "index=Pekoniemi, Mr. Edvard
Age=24.0
Sex=female
SHAP=-0.0", - "index=Turpin, Mr. William John Robert
Age=33.0
Sex=female
SHAP=0.0", - "index=Moore, Mr. Leonard Charles
Age=19.0
Sex=female
SHAP=-0.0", - "index=Osen, Mr. Olaf Elon
Age=45.0
Sex=female
SHAP=-0.01", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Age=33.0
Sex=female
SHAP=-0.0", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=-999.0
Sex=female
SHAP=0.01", - "index=Bateman, Rev. Robert James
Age=37.0
Sex=female
SHAP=-0.01", - "index=Meo, Mr. Alfonzo
Age=36.0
Sex=female
SHAP=0.0", - "index=Cribb, Mr. John Hatfield
Age=30.0
Sex=female
SHAP=0.01", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Age=7.0
Sex=female
SHAP=0.02", - "index=Van der hoef, Mr. Wyckoff
Age=22.0
Sex=female
SHAP=-0.0", - "index=Sivola, Mr. Antti Wilhelm
Age=39.0
Sex=female
SHAP=-0.0", - "index=Klasen, Mr. Klas Albin
Age=53.0
Sex=female
SHAP=-0.03", - "index=Rood, Mr. Hugh Roscoe
Age=-999.0
Sex=female
SHAP=0.01", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=22.0
Sex=female
SHAP=0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Age=40.0
Sex=female
SHAP=-0.01", - "index=Vande Walle, Mr. Nestor Cyriel
Age=26.0
Sex=female
SHAP=0.0", - "index=Backstrom, Mr. Karl Alfred
Age=23.0
Sex=female
SHAP=-0.0", - "index=Blank, Mr. Henry
Age=18.0
Sex=female
SHAP=-0.0", - "index=Ali, Mr. Ahmed
Age=40.0
Sex=female
SHAP=-0.01", - "index=Green, Mr. George Henry
Age=18.0
Sex=female
SHAP=0.0", - "index=Nenkoff, Mr. Christo
Age=18.0
Sex=female
SHAP=0.01", - "index=Asplund, Miss. Lillian Gertrud
Age=27.0
Sex=female
SHAP=0.02", - "index=Harknett, Miss. Alice Phoebe
Age=29.0
Sex=female
SHAP=0.01", - "index=Hunt, Mr. George Henry
Age=33.0
Sex=female
SHAP=0.01", - "index=Reed, Mr. James George
Age=51.0
Sex=female
SHAP=-0.02", - "index=Stead, Mr. William Thomas
Age=43.0
Sex=female
SHAP=-0.01", - "index=Thorne, Mrs. Gertrude Maybelle
Age=13.0
Sex=female
SHAP=0.01", - "index=Parrish, Mrs. (Lutie Davis)
Age=17.0
Sex=female
SHAP=0.01", - "index=Smith, Mr. Thomas
Age=18.0
Sex=female
SHAP=0.0", - "index=Asplund, Master. Edvin Rojj Felix
Age=49.0
Sex=female
SHAP=-0.02", - "index=Healy, Miss. Hanora \"Nora\"
Age=31.0
Sex=female
SHAP=0.0", - "index=Andrews, Miss. Kornelia Theodosia
Age=9.0
Sex=female
SHAP=0.01", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Age=18.0
Sex=female
SHAP=0.0" + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], + "y": [ + 65.75322253048627, + 66.41988919715294, + 66.41988919715294, + 65.38607277203216, + 68.00273943869882, + 75.29252570768564, + 75.57823999339993, + 76.26146980706453, + 84.23008791525574, + 82.69486841791749 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 38, - 35, - 27, - 14, - 14, - 38, - null, - 19, - 18, - 21, - 17, - null, - 20, - 9, - null, - 19, - 44, - 5, - null, - null, - 50, - null, - 63, - 35, - 22, - 19, - null, - 41, - null, - 24, - 33, - 19, - 45, - 33, - null, - 37, - 36, - 30, - 7, - 22, - 39, - 53, - null, - 22, - 40, - 26, - 23, - 18, - 40, - 18, - 18, - 27, - 29, - 33, - 51, - 43, - 13, - 17, - 18, - 49, - 31, - 9, - 18 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - -0.005435093021259588, - 0.0038786886160810693, - -0.0006618755870001252, - 0.006036187272413198, - 0.0069030215815155446, - -0.02263688794686179, - 0.012038413734761019, - -0.017576076927190355, - 0.0013038109335672524, - -0.006338144322505708, - 0.0005281343151809064, - 0.009915585221932631, - -0.006073824599928465, - 0.013652192824122826, - 0.011726930159856987, - -0.000846718369678901, - -0.01894668671964519, - 0.007753311329997374, - 0.0048870884478188405, - -0.015080972827298674, - -0.017257637490962895, - 0.012038413734761019, - -0.029928100878078366, - -0.011374517980813154, - -0.018129946530069902, - -0.00026594337274175986, - -0.012772068848288088, - -0.008289708503841418, - -0.01053721319116934, - -0.0006988570468255223, - 0.0015128759036512043, - -0.002210467425370983, - -0.012563581925202598, - -0.0007747574695589735, - 0.009612146307304307, - -0.00820603678101646, - 0.0018693418847304567, - 0.008078858627466186, - 0.015594513836031814, - -0.0037631743782629507, - -0.004683767795253301, - -0.026395549497047026, - 0.013484010159871128, - 0.0012677901029648911, - -0.009893230925160094, - 0.0009433203419911454, - -0.0034229340918021257, - -6.704624841170896e-05, - -0.011758993735643557, - 0.0004369825039328087, - 0.010093611439746035, - 0.019003146136976023, - 0.01377206301326799, - 0.011836676323871769, - -0.022802833814675696, - -0.006662318490705742, - 0.008067568940675132, - 0.006193480782051272, - 0.0012629118885669258, - -0.018784575929831807, - 0.003614647968684862, - 0.012235909423105245, - 0.0005839435114270025 + 54.6079484917571, + 55.16350404731265, + 54.3190596028682, + 52.729687622191875, + 54.26034285795427, + 55.650505045278024, + 47.857602024307745, + 47.857602024307745, + 55.01480950117432, + 55.94934223480751 ] }, { - "hoverinfo": "text", - "marker": { - "opacity": 0.6, - "showscale": false, - "size": 7 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "name": "male", - "opacity": 0.8, - "showlegend": true, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=2.0
Sex=male
SHAP=0.03", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=20.0
Sex=male
SHAP=-0.0", - "index=Palsson, Master. Gosta Leonard
Age=28.0
Sex=male
SHAP=0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=-999.0
Sex=male
SHAP=0.01", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Age=45.0
Sex=male
SHAP=-0.02", - "index=Saundercock, Mr. William Henry
Age=4.0
Sex=male
SHAP=0.03", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Age=26.0
Sex=male
SHAP=-0.0", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=21.0
Sex=male
SHAP=-0.01", - "index=Glynn, Miss. Mary Agatha
Age=16.0
Sex=male
SHAP=0.0", - "index=Meyer, Mr. Edgar Joseph
Age=29.0
Sex=male
SHAP=0.01", - "index=Kraeff, Mr. Theodor
Age=20.0
Sex=male
SHAP=-0.0", - "index=Devaney, Miss. Margaret Delia
Age=46.0
Sex=male
SHAP=-0.03", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=-999.0
Sex=male
SHAP=0.01", - "index=Rugg, Miss. Emily
Age=21.0
Sex=male
SHAP=-0.0", - "index=Harris, Mr. Henry Birkhardt
Age=38.0
Sex=male
SHAP=-0.02", - "index=Skoog, Master. Harald
Age=22.0
Sex=male
SHAP=-0.0", - "index=Kink, Mr. Vincenz
Age=21.0
Sex=male
SHAP=-0.0", - "index=Hood, Mr. Ambrose Jr
Age=29.0
Sex=male
SHAP=-0.0", - "index=Ilett, Miss. Bertha
Age=-999.0
Sex=male
SHAP=0.01", - "index=Ford, Mr. William Neal
Age=16.0
Sex=male
SHAP=0.01", - "index=Christmann, Mr. Emil
Age=36.5
Sex=male
SHAP=-0.02", - "index=Andreasson, Mr. Paul Edvin
Age=51.0
Sex=male
SHAP=-0.02", - "index=Chaffee, Mr. Herbert Fuller
Age=55.5
Sex=male
SHAP=-0.02", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Age=44.0
Sex=male
SHAP=-0.03", - "index=White, Mr. Richard Frasar
Age=61.0
Sex=male
SHAP=-0.03", - "index=Rekic, Mr. Tido
Age=21.0
Sex=male
SHAP=-0.0", - "index=Moran, Miss. Bertha
Age=18.0
Sex=male
SHAP=-0.01", - "index=Barton, Mr. David John
Age=-999.0
Sex=male
SHAP=0.02", - "index=Jussila, Miss. Katriina
Age=28.0
Sex=male
SHAP=0.01", - "index=Pekoniemi, Mr. Edvard
Age=32.0
Sex=male
SHAP=-0.0", - "index=Turpin, Mr. William John Robert
Age=40.0
Sex=male
SHAP=-0.03", - "index=Moore, Mr. Leonard Charles
Age=24.0
Sex=male
SHAP=0.0", - "index=Osen, Mr. Olaf Elon
Age=51.0
Sex=male
SHAP=-0.02", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Age=-999.0
Sex=male
SHAP=0.01", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=33.0
Sex=male
SHAP=-0.01", - "index=Bateman, Rev. Robert James
Age=-999.0
Sex=male
SHAP=0.01", - "index=Meo, Mr. Alfonzo
Age=62.0
Sex=male
SHAP=-0.05", - "index=Cribb, Mr. John Hatfield
Age=-999.0
Sex=male
SHAP=0.01", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Age=3.0
Sex=male
SHAP=0.03", - "index=Van der hoef, Mr. Wyckoff
Age=-999.0
Sex=male
SHAP=0.02", - "index=Sivola, Mr. Antti Wilhelm
Age=36.0
Sex=male
SHAP=-0.01", - "index=Klasen, Mr. Klas Albin
Age=-999.0
Sex=male
SHAP=0.02", - "index=Rood, Mr. Hugh Roscoe
Age=-999.0
Sex=male
SHAP=0.01", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=-999.0
Sex=male
SHAP=0.01", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Age=61.0
Sex=male
SHAP=-0.02", - "index=Vande Walle, Mr. Nestor Cyriel
Age=-999.0
Sex=male
SHAP=0.01", - "index=Backstrom, Mr. Karl Alfred
Age=42.0
Sex=male
SHAP=-0.02", - "index=Blank, Mr. Henry
Age=29.0
Sex=male
SHAP=0.0", - "index=Ali, Mr. Ahmed
Age=19.0
Sex=male
SHAP=-0.0", - "index=Green, Mr. George Henry
Age=27.0
Sex=male
SHAP=0.01", - "index=Nenkoff, Mr. Christo
Age=19.0
Sex=male
SHAP=-0.0", - "index=Asplund, Miss. Lillian Gertrud
Age=-999.0
Sex=male
SHAP=0.01", - "index=Harknett, Miss. Alice Phoebe
Age=1.0
Sex=male
SHAP=0.03", - "index=Hunt, Mr. George Henry
Age=-999.0
Sex=male
SHAP=0.01", - "index=Reed, Mr. James George
Age=28.0
Sex=male
SHAP=0.0", - "index=Stead, Mr. William Thomas
Age=39.0
Sex=male
SHAP=-0.02", - "index=Thorne, Mrs. Gertrude Maybelle
Age=30.0
Sex=male
SHAP=0.0", - "index=Parrish, Mrs. (Lutie Davis)
Age=21.0
Sex=male
SHAP=-0.0", - "index=Smith, Mr. Thomas
Age=-999.0
Sex=male
SHAP=0.01", - "index=Asplund, Master. Edvin Rojj Felix
Age=52.0
Sex=male
SHAP=-0.05", - "index=Healy, Miss. Hanora \"Nora\"
Age=48.0
Sex=male
SHAP=-0.04", - "index=Andrews, Miss. Kornelia Theodosia
Age=48.0
Sex=male
SHAP=-0.02", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Age=22.0
Sex=male
SHAP=-0.0", - "index=Smith, Mr. Richard William
Age=-999.0
Sex=male
SHAP=0.01", - "index=Connolly, Miss. Kate
Age=25.0
Sex=male
SHAP=-0.01", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Age=21.0
Sex=male
SHAP=-0.0", - "index=Levy, Mr. Rene Jacques
Age=-999.0
Sex=male
SHAP=0.02", - "index=Lewy, Mr. Ervin G
Age=24.0
Sex=male
SHAP=0.0", - "index=Williams, Mr. Howard Hugh \"Harry\"
Age=18.0
Sex=male
SHAP=0.02", - "index=Sage, Mr. George John Jr
Age=-999.0
Sex=male
SHAP=0.02", - "index=Nysveen, Mr. Johan Hansen
Age=-999.0
Sex=male
SHAP=0.01", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=45.0
Sex=male
SHAP=-0.02", - "index=Denkoff, Mr. Mitto
Age=32.0
Sex=male
SHAP=0.0", - "index=Burns, Miss. Elizabeth Margaret
Age=33.0
Sex=male
SHAP=-0.02", - "index=Dimic, Mr. Jovan
Age=-999.0
Sex=male
SHAP=0.01", - "index=del Carlo, Mr. Sebastiano
Age=62.0
Sex=male
SHAP=-0.01", - "index=Beavan, Mr. William Thomas
Age=19.0
Sex=male
SHAP=-0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=36.0
Sex=male
SHAP=-0.0", - "index=Widener, Mr. Harry Elkins
Age=-999.0
Sex=male
SHAP=0.01", - "index=Gustafsson, Mr. Karl Gideon
Age=-999.0
Sex=male
SHAP=0.01", - "index=Plotcharsky, Mr. Vasil
Age=49.0
Sex=male
SHAP=-0.03", - "index=Goodwin, Master. Sidney Leonard
Age=35.0
Sex=male
SHAP=-0.01", - "index=Sadlier, Mr. Matthew
Age=36.0
Sex=male
SHAP=-0.01", - "index=Gustafsson, Mr. Johan Birger
Age=27.0
Sex=male
SHAP=0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=-999.0
Sex=male
SHAP=0.01", - "index=Niskanen, Mr. Juha
Age=-999.0
Sex=male
SHAP=0.01", - "index=Minahan, Miss. Daisy E
Age=27.0
Sex=male
SHAP=0.0", - "index=Matthews, Mr. William John
Age=26.0
Sex=male
SHAP=0.0", - "index=Charters, Mr. David
Age=51.0
Sex=male
SHAP=-0.02", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=32.0
Sex=male
SHAP=0.01", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=-999.0
Sex=male
SHAP=0.01", - "index=Johannesen-Bratthammer, Mr. Bernt
Age=23.0
Sex=male
SHAP=-0.01", - "index=Peuchen, Major. Arthur Godfrey
Age=47.0
Sex=male
SHAP=-0.04", - "index=Anderson, Mr. Harry
Age=36.0
Sex=male
SHAP=-0.01", - "index=Milling, Mr. Jacob Christian
Age=31.0
Sex=male
SHAP=0.01", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=27.0
Sex=male
SHAP=0.01", - "index=Karlsson, Mr. Nils August
Age=14.0
Sex=male
SHAP=0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Age=14.0
Sex=male
SHAP=0.01", - "index=Bishop, Mr. Dickinson H
Age=18.0
Sex=male
SHAP=0.0", - "index=Windelov, Mr. Einar
Age=42.0
Sex=male
SHAP=-0.03", - "index=Shellard, Mr. Frederick William
Age=26.0
Sex=male
SHAP=-0.0", - "index=Svensson, Mr. Olof
Age=42.0
Sex=male
SHAP=-0.03", - "index=O'Sullivan, Miss. Bridget Mary
Age=-999.0
Sex=male
SHAP=0.03", - "index=Laitinen, Miss. Kristina Sofia
Age=48.0
Sex=male
SHAP=-0.03", - "index=Penasco y Castellana, Mr. Victor de Satode
Age=29.0
Sex=male
SHAP=0.0", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Age=52.0
Sex=male
SHAP=-0.02", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=-999.0
Sex=male
SHAP=0.01", - "index=Kassem, Mr. Fared
Age=33.0
Sex=male
SHAP=-0.01", - "index=Cacic, Miss. Marija
Age=34.0
Sex=male
SHAP=-0.01", - "index=Hart, Miss. Eva Miriam
Age=23.0
Sex=male
SHAP=-0.01", - "index=Butt, Major. Archibald Willingham
Age=23.0
Sex=male
SHAP=-0.01", - "index=Beane, Mr. Edward
Age=28.5
Sex=male
SHAP=0.0", - "index=Goldsmith, Mr. Frank John
Age=-999.0
Sex=male
SHAP=0.01", - "index=Ohman, Miss. Velin
Age=24.0
Sex=male
SHAP=-0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=31.0
Sex=male
SHAP=0.0", - "index=Morrow, Mr. Thomas Rowan
Age=28.0
Sex=male
SHAP=0.01", - "index=Harris, Mr. George
Age=16.0
Sex=male
SHAP=0.01", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=-999.0
Sex=male
SHAP=0.02", - "index=Patchett, Mr. George
Age=24.0
Sex=male
SHAP=0.0", - "index=Ross, Mr. John Hugo
Age=-999.0
Sex=male
SHAP=0.04", - "index=Murdlin, Mr. Joseph
Age=25.0
Sex=male
SHAP=0.0", - "index=Bourke, Miss. Mary
Age=46.0
Sex=male
SHAP=-0.02", - "index=Boulos, Mr. Hanna
Age=11.0
Sex=male
SHAP=0.04", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=0.42
Sex=male
SHAP=0.04", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Age=31.0
Sex=male
SHAP=0.01", - "index=Lindell, Mr. Edvard Bengtsson
Age=35.0
Sex=male
SHAP=-0.01", - "index=Daniel, Mr. Robert Williams
Age=30.5
Sex=male
SHAP=0.01", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=-999.0
Sex=male
SHAP=0.01", - "index=Shutes, Miss. Elizabeth W
Age=0.83
Sex=male
SHAP=0.06", - "index=Jardin, Mr. Jose Neto
Age=16.0
Sex=male
SHAP=0.0", - "index=Horgan, Mr. John
Age=34.5
Sex=male
SHAP=-0.02", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=-999.0
Sex=male
SHAP=0.01", - "index=Yasbeck, Mr. Antoni
Age=-999.0
Sex=male
SHAP=0.01", - "index=Bostandyeff, Mr. Guentcho
Age=4.0
Sex=male
SHAP=0.05", - "index=Lundahl, Mr. Johan Svensson
Age=33.0
Sex=male
SHAP=0.0", - "index=Stahelin-Maeglin, Dr. Max
Age=20.0
Sex=male
SHAP=-0.0", - "index=Willey, Mr. Edward
Age=27.0
Sex=male
SHAP=0.0" + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], + "y": [ + 26.461569884450892, + 27.28086170374271, + 28.169750592631605, + 28.034669299655572, + 29.083938780175057, + 29.590124654351264, + 20.973103125744366, + 20.38587886103848, + 26.878047699724338, + 29.968273263634117 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 2, - 20, - 28, - null, - 45, - 4, - 26, - 21, - 16, - 29, - 20, - 46, - null, - 21, - 38, - 22, - 21, - 29, - null, - 16, - 36.5, - 51, - 55.5, - 44, - 61, - 21, - 18, - null, - 28, - 32, - 40, - 24, - 51, - null, - 33, - null, - 62, - null, - 3, - null, - 36, - null, - null, - null, - 61, - null, - 42, - 29, - 19, - 27, - 19, - null, - 1, - null, - 28, - 39, - 30, - 21, - null, - 52, - 48, - 48, - 22, - null, - 25, - 21, - null, - 24, - 18, - null, - null, - 45, - 32, - 33, - null, - 62, - 19, - 36, - null, - null, - 49, - 35, - 36, - 27, - null, - null, - 27, - 26, - 51, - 32, - null, - 23, - 47, - 36, - 31, - 27, - 14, - 14, - 18, - 42, - 26, - 42, - null, - 48, - 29, - 52, - null, - 33, - 34, - 23, - 23, - 28.5, - null, - 24, - 31, - 28, - 16, - null, - 24, - null, - 25, - 46, - 11, - 0.42, - 31, - 35, - 30.5, - null, - 0.83, - 16, - 34.5, - null, - null, - 4, - 33, - 20, - 27 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 0.02845190754413674, - -0.0013080127606859733, - 0.0013611261859566967, - 0.012122630639252759, - -0.023572930058695856, - 0.02830111559457549, - -0.0021746026538668273, - -0.007071583746540486, - 0.003545467125177802, - 0.005546136096203786, - -0.0009081349871494358, - -0.031329947673435374, - 0.009646017635765657, - -0.0036718840669978897, - -0.017661178365921522, - -0.0011982250265055085, - -0.000825488757558417, - -0.0023445029846407813, - 0.01047618594096072, - 0.0069257925558927355, - -0.018842985059908054, - -0.02321662215063914, - -0.02480818450444858, - -0.02634589884501951, - -0.03435637472984748, - -0.000825488757558417, - -0.008315045233310472, - 0.02460464456561599, - 0.005599249003933323, - -0.001056647972343015, - -0.0283633833555008, - 0.0018009855482581509, - -0.023262337025235807, - 0.009646017635765657, - -0.00808762912392451, - 0.009294833489059165, - -0.04739248643282996, - 0.010481208333273402, - 0.03241353405789745, - 0.02444801143877595, - -0.007200922027493052, - 0.01597814878332342, - 0.01047618594096072, - 0.013509899536824674, - -0.023614062774387677, - 0.009646017635765657, - -0.017469398654423, - 0.0010973647983245265, - -0.0007135253868345766, - 0.01221613942611844, - -0.00031364761329803715, - 0.009646017635765657, - 0.031183731168800303, - 0.010454436185667921, - 0.0014997813356448714, - -0.019224189355005104, - 0.0005443638229938359, - -0.0019643898543570005, - 0.01047618594096072, - -0.050683084747935925, - -0.04237594704577718, - -0.01829262620702911, - -0.00044880087728772425, - 0.008498847388925682, - -0.00520095716252589, - -0.0005585886114681909, - 0.01537852291922176, - 0.0015229687548988726, - 0.02392525473020613, - 0.016246910899391922, - 0.009812765039545408, - -0.018929183024265828, - 7.291063633024641e-05, - -0.021991133873333946, - 0.010481208333273402, - -0.014941595893911848, - -0.002800685811701173, - -0.004388741004511303, - 0.01047618594096072, - 0.009335754692057786, - -0.02599923298685759, - -0.012179980327061411, - -0.014660450300797729, - 0.0009770009620894554, - 0.0092233039067372, - 0.010481208333273402, - 0.000948120705864924, - 0.004157227216956382, - -0.021998571061377387, - 0.008233915694253365, - 0.009294833489059165, - -0.005646743426224222, - -0.043484235829888494, - -0.013102222633886254, - 0.009412933950206225, - 0.011368753068600138, - 0.00244215963562861, - 0.006696237679364591, - 0.0022821093526089525, - -0.028287645872803018, - -0.0012650904439831091, - -0.029690181067334422, - 0.02896252189279815, - -0.027808446031211763, - 0.004621957097943106, - -0.02457939396992573, - 0.01447441246412479, - -0.010289506678836133, - -0.009304477017254197, - -0.005646743426224222, - -0.005646743426224222, - 0.001528949062225344, - 0.009646017635765657, - -0.004769937788231381, - 0.003358875560571273, - 0.006804244484639189, - 0.0062111679859222614, - 0.02107730067708448, - 9.8566469274418e-06, - 0.04064503768927539, - 0.0018346604433498613, - -0.015387585355316471, - 0.03653344626322271, - 0.03756864111359998, - 0.00915913296893322, - -0.011169426783363936, - 0.005934466830765054, - 0.010481208333273402, - 0.058686894265503366, - 0.0027631616664621408, - -0.018206113457677933, - 0.013509899536824674, - 0.009812765039545408, - 0.04697404878168792, - 0.0015904574985961342, - -0.0026687678341839882, - 0.001035132405277225 + 52.689866084387326, + 53.24542163994288, + 52.40097719549844, + 50.81160521482211, + 53.87673577917749, + 55.26689796650124, + 47.77702524856125, + 47.77702524856125, + 54.93423272542785, + 55.868765459061024 ] }, { - "hoverinfo": "text", - "marker": { - "color": "LightSkyBlue", - "line": { - "color": "MediumPurple", - "width": 4 - }, - "opacity": 0.5, - "size": 25 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "name": "index Saundercock, Mr. William Henry", + "mode": "lines", + "opacity": 0.1, "showlegend": false, - "text": "index Saundercock, Mr. William Henry", "type": "scatter", "x": [ - 20 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - -0.0013080127606859733 + 52.689866084387326, + 53.24542163994288, + 52.40097719549844, + 50.81160521482211, + 53.87673577917749, + 55.26689796650124, + 47.77702524856125, + 47.77702524856125, + 55.05923272542784, + 55.99376545906103 ] - } - ], - "layout": { - "hovermode": "closest", - "paper_bgcolor": "#fff", - "plot_bgcolor": "#fff", - "showlegend": true, - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } }, - "title": { - "text": "Dependence plot for Age" + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 + ], + "y": [ + 14.239311109212908, + 15.770467335284385, + 15.770467335284385, + 16.62422176798619, + 17.02639962642539, + 18.679131398052395, + 20.99212468611028, + 22.131795122946986, + 33.807461186096525, + 34.586681965317304 + ] }, - "xaxis": { - "title": { - "text": "Age" - } + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 + ], + "y": [ + 13.90752958424545, + 14.726821403537272, + 14.726821403537272, + 14.591740110561243, + 15.18604878146851, + 17.318949408104398, + 18.93632369005941, + 20.367415794234013, + 32.98459368188412, + 33.69432980563298 + ] }, - "yaxis": { - "title": { - "text": "SHAP value" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "\n", - "explainer.plot_dependence(\", color_col=\"Sex\", highlight_index=5)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Shap interactions plots" - ] - }, - { - "cell_type": "code", - "execution_count": 26, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:41:30.720557Z", - "start_time": "2020-10-12T08:41:30.703298Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ { - "hoverinfo": "text", - "marker": { - "opacity": 0.6, - "showscale": false, - "size": 7 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "name": "female", - "opacity": 0.8, - "showlegend": true, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Palsson, Master. Gosta Leonard
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
PassengerClass=2
Sex=female
SHAP=0.02", - "index=Nasser, Mrs. Nicholas (Adele Achem)
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Saundercock, Mr. William Henry
PassengerClass=3
Sex=female
SHAP=-0.03", - "index=Vestrom, Miss. Hulda Amanda Adolfina
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Glynn, Miss. Mary Agatha
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Meyer, Mr. Edgar Joseph
PassengerClass=2
Sex=female
SHAP=0.02", - "index=Kraeff, Mr. Theodor
PassengerClass=2
Sex=female
SHAP=0.02", - "index=Devaney, Miss. Margaret Delia
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Rugg, Miss. Emily
PassengerClass=3
Sex=female
SHAP=-0.03", - "index=Harris, Mr. Henry Birkhardt
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Skoog, Master. Harald
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Kink, Mr. Vincenz
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Hood, Mr. Ambrose Jr
PassengerClass=3
Sex=female
SHAP=-0.03", - "index=Ilett, Miss. Bertha
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Ford, Mr. William Neal
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Christmann, Mr. Emil
PassengerClass=2
Sex=female
SHAP=0.03", - "index=Andreasson, Mr. Paul Edvin
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Chaffee, Mr. Herbert Fuller
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
PassengerClass=3
Sex=female
SHAP=-0.03", - "index=White, Mr. Richard Frasar
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Rekic, Mr. Tido
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Moran, Miss. Bertha
PassengerClass=1
Sex=female
SHAP=0.03", - "index=Barton, Mr. David John
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Jussila, Miss. Katriina
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Pekoniemi, Mr. Edvard
PassengerClass=3
Sex=female
SHAP=-0.03", - "index=Turpin, Mr. William John Robert
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Moore, Mr. Leonard Charles
PassengerClass=2
Sex=female
SHAP=0.03", - "index=Osen, Mr. Olaf Elon
PassengerClass=2
Sex=female
SHAP=0.03", - "index=Ford, Miss. Robina Maggie \"Ruby\"
PassengerClass=2
Sex=female
SHAP=0.03", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Bateman, Rev. Robert James
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Meo, Mr. Alfonzo
PassengerClass=2
Sex=female
SHAP=0.03", - "index=Cribb, Mr. John Hatfield
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
PassengerClass=2
Sex=female
SHAP=0.03", - "index=Van der hoef, Mr. Wyckoff
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Sivola, Mr. Antti Wilhelm
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Klasen, Mr. Klas Albin
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Rood, Mr. Hugh Roscoe
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
PassengerClass=2
Sex=female
SHAP=0.03", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Vande Walle, Mr. Nestor Cyriel
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Backstrom, Mr. Karl Alfred
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Blank, Mr. Henry
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Ali, Mr. Ahmed
PassengerClass=2
Sex=female
SHAP=0.03", - "index=Green, Mr. George Henry
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Nenkoff, Mr. Christo
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Asplund, Miss. Lillian Gertrud
PassengerClass=2
Sex=female
SHAP=0.02", - "index=Harknett, Miss. Alice Phoebe
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Hunt, Mr. George Henry
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Reed, Mr. James George
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Stead, Mr. William Thomas
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Thorne, Mrs. Gertrude Maybelle
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Parrish, Mrs. (Lutie Davis)
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Smith, Mr. Thomas
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Asplund, Master. Edvin Rojj Felix
PassengerClass=1
Sex=female
SHAP=0.02", - "index=Healy, Miss. Hanora \"Nora\"
PassengerClass=2
Sex=female
SHAP=0.03", - "index=Andrews, Miss. Kornelia Theodosia
PassengerClass=3
Sex=female
SHAP=-0.02", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
PassengerClass=3
Sex=female
SHAP=-0.02" + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], + "y": [ + 16.717907511075552, + 17.665730403813697, + 17.665730403813697, + 17.53064911083767, + 18.934544973966016, + 21.41531608649599, + 24.166325360909518, + 23.29470540296957, + 30.066494954462463, + 31.347659649639898 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 1, - 1, - 3, - 2, - 3, - 3, - 3, - 3, - 3, - 2, - 2, - 3, - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 1, - 2, - 3, - 1, - 3, - 3, - 1, - 1, - 1, - 1, - 3, - 1, - 2, - 2, - 2, - 3, - 3, - 2, - 3, - 2, - 3, - 1, - 1, - 3, - 2, - 1, - 3, - 3, - 3, - 2, - 3, - 1, - 2, - 1, - 1, - 1, - 1, - 3, - 1, - 3, - 1, - 2, - 3, - 3 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 0.01797905213824648, - 0.019845571910840867, - -0.023635651001708145, - 0.022787211620960573, - -0.018784636469894537, - -0.03321729652463298, - -0.015411497702629128, - -0.017712302811479962, - -0.02392436342125001, - 0.022952331931327445, - 0.022089552227785997, - -0.02499900704959105, - -0.020706483816297087, - -0.030284341930342355, - 0.021138691874151058, - -0.02002440229786475, - 0.019852188148035764, - -0.027147601703809802, - -0.017770628258256944, - 0.023179488777577556, - 0.02994458149764747, - -0.015411497702629128, - 0.021945149519860034, - -0.026410524541649168, - -0.018724058124640133, - 0.016257109636461115, - 0.025535842238322504, - 0.020955227314149217, - 0.023125519171938082, - -0.026369146150701586, - 0.016559359054519385, - 0.028330448825304146, - 0.029085360174631984, - 0.029681004669911436, - -0.015411497702629128, - -0.021101867138119828, - 0.02978985934510834, - -0.0204473715517632, - 0.02863854307738776, - -0.019576340318222838, - 0.0216861610170844, - 0.020059491421161046, - -0.01782002598809254, - 0.02586323102577756, - 0.020394874815578015, - -0.023698881155291306, - -0.01963873542197894, - -0.017773592729740204, - 0.028980185090063455, - -0.020030558331499363, - 0.016095717502468472, - 0.0205779275591022, - 0.020193967827134382, - 0.020827866958563142, - 0.021940974967928607, - 0.022937831492334318, - -0.017118679220423923, - 0.019261422311426572, - -0.0194845495736299, - 0.021234393486489735, - 0.02822373192554191, - -0.02069532444545053, - -0.02172660765191917 + 13.624317028256128, + 15.155473254327612, + 16.0443621432165, + 15.90928085024047, + 16.743856484440283, + 17.505091718167666, + 18.871485607965813, + 19.131547527470456, + 29.14925586835193, + 29.578568711677512 ] }, { - "hoverinfo": "text", - "marker": { - "opacity": 0.6, - "showscale": false, - "size": 7 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "name": "male", - "opacity": 0.8, - "showlegend": true, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Palsson, Master. Gosta Leonard
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Nasser, Mrs. Nicholas (Adele Achem)
PassengerClass=1
Sex=male
SHAP=-0.01", - "index=Saundercock, Mr. William Henry
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Vestrom, Miss. Hulda Amanda Adolfina
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
PassengerClass=2
Sex=male
SHAP=-0.02", - "index=Glynn, Miss. Mary Agatha
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Meyer, Mr. Edgar Joseph
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Kraeff, Mr. Theodor
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Devaney, Miss. Margaret Delia
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Rugg, Miss. Emily
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=Harris, Mr. Henry Birkhardt
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Skoog, Master. Harald
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Kink, Mr. Vincenz
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Hood, Mr. Ambrose Jr
PassengerClass=2
Sex=male
SHAP=-0.02", - "index=Ilett, Miss. Bertha
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Ford, Mr. William Neal
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Christmann, Mr. Emil
PassengerClass=2
Sex=male
SHAP=-0.02", - "index=Andreasson, Mr. Paul Edvin
PassengerClass=2
Sex=male
SHAP=-0.02", - "index=Chaffee, Mr. Herbert Fuller
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
PassengerClass=3
Sex=male
SHAP=0.02", - "index=White, Mr. Richard Frasar
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=Rekic, Mr. Tido
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Moran, Miss. Bertha
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Barton, Mr. David John
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=Jussila, Miss. Katriina
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Pekoniemi, Mr. Edvard
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Turpin, Mr. William John Robert
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=Moore, Mr. Leonard Charles
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Osen, Mr. Olaf Elon
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Ford, Miss. Robina Maggie \"Ruby\"
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
PassengerClass=2
Sex=male
SHAP=-0.02", - "index=Bateman, Rev. Robert James
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Meo, Mr. Alfonzo
PassengerClass=1
Sex=male
SHAP=-0.01", - "index=Cribb, Mr. John Hatfield
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Van der hoef, Mr. Wyckoff
PassengerClass=1
Sex=male
SHAP=-0.01", - "index=Sivola, Mr. Antti Wilhelm
PassengerClass=2
Sex=male
SHAP=-0.01", - "index=Klasen, Mr. Klas Albin
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=Rood, Mr. Hugh Roscoe
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Vande Walle, Mr. Nestor Cyriel
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Backstrom, Mr. Karl Alfred
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Blank, Mr. Henry
PassengerClass=2
Sex=male
SHAP=-0.02", - "index=Ali, Mr. Ahmed
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Green, Mr. George Henry
PassengerClass=1
Sex=male
SHAP=-0.01", - "index=Nenkoff, Mr. Christo
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Asplund, Miss. Lillian Gertrud
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Harknett, Miss. Alice Phoebe
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Hunt, Mr. George Henry
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Reed, Mr. James George
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Stead, Mr. William Thomas
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Thorne, Mrs. Gertrude Maybelle
PassengerClass=2
Sex=male
SHAP=-0.02", - "index=Parrish, Mrs. (Lutie Davis)
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Smith, Mr. Thomas
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Asplund, Master. Edvin Rojj Felix
PassengerClass=1
Sex=male
SHAP=-0.01", - "index=Healy, Miss. Hanora \"Nora\"
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=Andrews, Miss. Kornelia Theodosia
PassengerClass=2
Sex=male
SHAP=-0.02", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Smith, Mr. Richard William
PassengerClass=2
Sex=male
SHAP=-0.01", - "index=Connolly, Miss. Kate
PassengerClass=1
Sex=male
SHAP=-0.01", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Levy, Mr. Rene Jacques
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Lewy, Mr. Ervin G
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Williams, Mr. Howard Hugh \"Harry\"
PassengerClass=1
Sex=male
SHAP=-0.01", - "index=Sage, Mr. George John Jr
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=Nysveen, Mr. Johan Hansen
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=Denkoff, Mr. Mitto
PassengerClass=2
Sex=male
SHAP=-0.02", - "index=Burns, Miss. Elizabeth Margaret
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Dimic, Mr. Jovan
PassengerClass=3
Sex=male
SHAP=0.01", - "index=del Carlo, Mr. Sebastiano
PassengerClass=2
Sex=male
SHAP=-0.01", - "index=Beavan, Mr. William Thomas
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=Widener, Mr. Harry Elkins
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Gustafsson, Mr. Karl Gideon
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Plotcharsky, Mr. Vasil
PassengerClass=1
Sex=male
SHAP=-0.01", - "index=Goodwin, Master. Sidney Leonard
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=Sadlier, Mr. Matthew
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Gustafsson, Mr. Johan Birger
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Niskanen, Mr. Juha
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Minahan, Miss. Daisy E
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Matthews, Mr. William John
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Charters, Mr. David
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Johannesen-Bratthammer, Mr. Bernt
PassengerClass=2
Sex=male
SHAP=-0.02", - "index=Peuchen, Major. Arthur Godfrey
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=Anderson, Mr. Harry
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Milling, Mr. Jacob Christian
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
PassengerClass=1
Sex=male
SHAP=-0.01", - "index=Karlsson, Mr. Nils August
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Frost, Mr. Anthony Wood \"Archie\"
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Bishop, Mr. Dickinson H
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Windelov, Mr. Einar
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Shellard, Mr. Frederick William
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Svensson, Mr. Olof
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=O'Sullivan, Miss. Bridget Mary
PassengerClass=1
Sex=male
SHAP=-0.01", - "index=Laitinen, Miss. Kristina Sofia
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=Penasco y Castellana, Mr. Victor de Satode
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
PassengerClass=2
Sex=male
SHAP=-0.02", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Kassem, Mr. Fared
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Cacic, Miss. Marija
PassengerClass=2
Sex=male
SHAP=-0.02", - "index=Hart, Miss. Eva Miriam
PassengerClass=2
Sex=male
SHAP=-0.02", - "index=Butt, Major. Archibald Willingham
PassengerClass=2
Sex=male
SHAP=-0.02", - "index=Beane, Mr. Edward
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Goldsmith, Mr. Frank John
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Ohman, Miss. Velin
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Morrow, Mr. Thomas Rowan
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Harris, Mr. George
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Patchett, Mr. George
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Ross, Mr. John Hugo
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Murdlin, Mr. Joseph
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Bourke, Miss. Mary
PassengerClass=1
Sex=male
SHAP=-0.02", - "index=Boulos, Mr. Hanna
PassengerClass=1
Sex=male
SHAP=-0.01", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Homer, Mr. Harry (\"Mr E Haven\")
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Lindell, Mr. Edvard Bengtsson
PassengerClass=2
Sex=male
SHAP=-0.02", - "index=Daniel, Mr. Robert Williams
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Shutes, Miss. Elizabeth W
PassengerClass=2
Sex=male
SHAP=-0.02", - "index=Jardin, Mr. Jose Neto
PassengerClass=2
Sex=male
SHAP=-0.01", - "index=Horgan, Mr. John
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Yasbeck, Mr. Antoni
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Bostandyeff, Mr. Guentcho
PassengerClass=3
Sex=male
SHAP=0.02", - "index=Lundahl, Mr. Johan Svensson
PassengerClass=1
Sex=male
SHAP=-0.01", - "index=Stahelin-Maeglin, Dr. Max
PassengerClass=3
Sex=male
SHAP=0.01", - "index=Willey, Mr. Edward
PassengerClass=2
Sex=male
SHAP=-0.02" + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], + "y": [ + 52.535949062614804, + 53.09150461817036, + 52.24706017372592, + 50.65768819304959, + 53.722818757404966, + 55.112980944728704, + 47.62310822678873, + 47.62310822678873, + 54.78031570365531, + 55.7148484372885 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 2, - 3, - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 3, - 2, - 3, - 3, - 2, - 2, - 3, - 3, - 1, - 3, - 3, - 1, - 3, - 3, - 1, - 3, - 3, - 3, - 2, - 3, - 1, - 3, - 3, - 1, - 2, - 1, - 3, - 3, - 3, - 3, - 3, - 2, - 3, - 1, - 3, - 3, - 3, - 3, - 3, - 3, - 2, - 3, - 3, - 1, - 1, - 2, - 3, - 2, - 1, - 3, - 3, - 3, - 1, - 1, - 3, - 1, - 2, - 3, - 3, - 2, - 3, - 1, - 3, - 3, - 1, - 1, - 3, - 1, - 3, - 3, - 3, - 3, - 3, - 1, - 3, - 2, - 1, - 3, - 1, - 1, - 3, - 3, - 3, - 3, - 3, - 1, - 1, - 1, - 3, - 2, - 3, - 3, - 2, - 2, - 2, - 3, - 3, - 3, - 3, - 3, - 3, - 3, - 3, - 3, - 3, - 1, - 1, - 3, - 3, - 2, - 3, - 3, - 2, - 2, - 3, - 3, - 3, - 3, - 1, - 3, - 2 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 0.019732006123244213, - 0.013771439419867509, - -0.018820559578651825, - 0.011883283518485263, - -0.01436724420065654, - 0.021556304955442484, - 0.014419304927332087, - -0.017725948787907564, - 0.022736887727682106, - 0.014126483509217348, - 0.013407173304747486, - -0.016689538576181294, - 0.01220324642858709, - -0.015362701260716623, - 0.013798021387480808, - 0.013771439419867509, - 0.013415809660293224, - -0.018070877079995523, - 0.012558876188161375, - 0.013425827912031084, - -0.015790160868422526, - -0.015724817169804724, - 0.013881058343919832, - 0.018774233287470708, - -0.015779101768146092, - 0.013415809660293224, - 0.014680800765723647, - -0.015108002373806875, - 0.014126483509217348, - 0.017193990566083447, - -0.015230872020185627, - 0.013478691156112148, - 0.01386624662274927, - 0.01220324642858709, - -0.01651605181745657, - 0.012266127924406015, - -0.014558260883977978, - 0.011770650098724147, - 0.019545040198242356, - -0.014719725857686414, - -0.012872618864798279, - -0.01673330207403165, - 0.012558876188161375, - 0.01642074568810885, - 0.013588310080164472, - 0.01220324642858709, - 0.01416416554101205, - -0.017046911515708967, - 0.013771439419867509, - -0.01494943213097745, - 0.013449731403313958, - 0.01220324642858709, - 0.019686959051049092, - 0.011770650098724147, - 0.0140567407731606, - 0.013798021387480808, - -0.01648972960238358, - 0.013608654435683164, - 0.012558876188161375, - -0.014558260883977978, - -0.016537121665343886, - -0.016522436708943353, - 0.013478691156112148, - -0.012602490513958495, - -0.013290756678922381, - 0.013478691156112148, - 0.014840018767822951, - 0.013407173304747486, - -0.012636855757343047, - -0.0165747953929192, - 0.012181829848018744, - -0.015689791441587757, - -0.019964867664370257, - 0.019724161470995497, - 0.011770650098724147, - -0.014208887021356623, - 0.01613366435300911, - -0.015442468562278926, - 0.012558876188161375, - 0.012181829848018744, - -0.014866700252246203, - -0.01886692671861745, - 0.01717808564170906, - -0.018523924952189075, - 0.012266127924406015, - 0.011770650098724147, - 0.016646015510407584, - 0.013777788144240265, - 0.013573498358993909, - -0.016074016183351164, - 0.012266127924406015, - -0.01622518047093774, - -0.016818642539001446, - 0.01405869919367794, - -0.016278077060630457, - -0.014458113090421238, - 0.02068111515169334, - 0.020802277038010603, - 0.013328123666357133, - 0.013021758785875852, - 0.014557480678515467, - -0.016466469589280622, - -0.013680045767807278, - -0.015424928163176171, - 0.014126483509217348, - -0.015653747775268345, - 0.01368510147646915, - 0.013778869096572723, - -0.01673868321952263, - -0.01622518047093774, - -0.01622518047093774, - 0.016372836944758114, - 0.01220324642858709, - 0.016631612356934153, - 0.014191180444046343, - 0.013762217394097324, - 0.013104119895477533, - 0.01930378918517316, - 0.013771439419867509, - 0.019706813680640374, - 0.013508248666151287, - -0.015283462352745594, - -0.014576761050959423, - 0.013986001029577142, - 0.013939417259027033, - -0.015293822465610908, - 0.014156137007149702, - 0.011770650098724147, - -0.016628237819351074, - -0.013974286733722458, - 0.014350122521039326, - 0.01642074568810885, - 0.012181829848018744, - 0.01504169826893231, - -0.011218530902193196, - 0.013771439419867509, - -0.01649791087550457 + 13.90752958424545, + 14.726821403537272, + 14.726821403537272, + 14.591740110561243, + 15.18604878146851, + 17.318949408104398, + 18.93632369005941, + 20.367415794234013, + 32.98459368188412, + 33.69432980563298 ] - } - ], - "layout": { - "hovermode": "closest", - "paper_bgcolor": "#fff", - "plot_bgcolor": "#fff", - "showlegend": true, - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } }, - "title": { - "text": "Interaction plot for PassengerClass and Sex" + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 + ], + "y": [ + 13.709341086991184, + 14.528632906283, + 14.528632906283, + 14.39355161330697, + 15.87964895756058, + 19.214355092583894, + 21.56784048565001, + 22.707510922486716, + 36.7118896131857, + 36.92721052415878 + ] }, - "xaxis": { - "title": { - "text": "PassengerClass" - } + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 + ], + "y": [ + 14.76520790520487, + 15.584499724496684, + 16.473388613385577, + 16.338307320409548, + 16.509735891838115, + 15.212207525272383, + 16.858622211267793, + 17.362819613899806, + 27.756223578918192, + 28.994597290976117 + ] }, - "yaxis": { - "title": { - "text": "SHAP value" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_interaction(\"Sex\", \"PassengerClass\")" - ] - }, - { - "cell_type": "code", - "execution_count": 27, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:41:32.289517Z", - "start_time": "2020-10-12T08:41:32.250459Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ { - "box": { - "visible": true + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "meanline": { - "visible": true + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 + ], + "y": [ + 13.709341086991184, + 14.528632906283, + 14.528632906283, + 14.39355161330697, + 15.87964895756058, + 19.214355092583894, + 21.56784048565001, + 22.707510922486716, + 36.7118896131857, + 36.92721052415878 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "name": "female", + "mode": "lines", + "opacity": 0.1, "showlegend": false, - "type": "violin", + "type": "scatter", "x": [ - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female", - "female" + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "xaxis": "x", "y": [ - 0.017979052138246476, - 0.019845571910840867, - -0.023635651001708148, - 0.022787211620960562, - -0.01878463646989454, - -0.03321729652463299, - -0.015411497702629125, - -0.01771230281147996, - -0.023924363421250018, - 0.022952331931327438, - 0.022089552227785986, - -0.024999007049591057, - -0.020706483816297094, - -0.03028434193034235, - 0.021138691874151048, - -0.020024402297864754, - 0.019852188148035764, - -0.027147601703809806, - -0.017770628258256944, - 0.02317948877757755, - 0.029944581497647463, - -0.015411497702629125, - 0.021945149519860027, - -0.026410524541649168, - -0.018724058124640126, - 0.01625710963646111, - 0.025535842238322497, - 0.02095522731414921, - 0.02312551917193808, - -0.026369146150701586, - 0.016559359054519385, - 0.02833044882530414, - 0.02908536017463198, - 0.029681004669911422, - -0.015411497702629125, - -0.021101867138119824, - 0.02978985934510833, - -0.020447371551763197, - 0.028638543077387748, - -0.01957634031822284, - 0.021686161017084392, - 0.020059491421161042, - -0.017820025988092538, - 0.025863231025777554, - 0.02039487481557802, - -0.023698881155291313, - -0.019638735421978942, - -0.017773592729740193, - 0.028980185090063452, - -0.020030558331499356, - 0.016095717502468472, - 0.0205779275591022, - 0.020193967827134375, - 0.02082786695856314, - 0.021940974967928604, - 0.022937831492334325, - -0.017118679220423913, - 0.019261422311426565, - -0.0194845495736299, - 0.021234393486489735, - 0.028223731925541902, - -0.02069532444545053, - -0.021726607651919173 + 14.560203285309948, + 15.379495104601762, + 16.26838399349065, + 16.133302700514623, + 17.037125638140374, + 16.61450192451133, + 18.967987317577453, + 19.472184720209466, + 32.15346747310664, + 32.516936532227874 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "yaxis": "y" + "y": [ + 39.918421351202994, + 40.47397690675855, + 40.47397690675855, + 38.44016048163777, + 39.318001390728675, + 37.94114973149714, + 24.33345287976623, + 23.6079626836878, + 31.341651173373723, + 33.151088559943595 + ] }, { - "hoverinfo": "text", - "marker": { - "cmax": 3, - "cmin": 1, - "color": [ - 1, - 1, - 3, - 2, - 3, - 3, - 3, - 3, - 3, - 2, - 2, - 3, - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 1, - 2, - 3, - 1, - 3, - 3, - 1, - 1, - 1, - 1, - 3, - 1, - 2, - 2, - 2, - 3, - 3, - 2, - 3, - 2, - 3, - 1, - 1, - 3, - 2, - 1, - 3, - 3, - 3, - 2, - 3, - 1, - 2, - 1, - 1, - 1, - 1, - 3, - 1, - 3, - 1, - 2, - 3, - 3 - ], - "colorbar": { - "title": { - "text": "PassengerClass" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.6, - "showscale": true, - "size": 7 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "name": "PassengerClass", + "mode": "lines", + "opacity": 0.1, "showlegend": false, - "text": [ - "index: Cumings, Mrs. John Bradley (Florence Briggs Thayer)
shap: 0.017979052138246476
PassengerClass: 1", - "index: Futrelle, Mrs. Jacques Heath (Lily May Peel)
shap: 0.019845571910840867
PassengerClass: 1", - "index: Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
shap: -0.023635651001708148
PassengerClass: 3", - "index: Nasser, Mrs. Nicholas (Adele Achem)
shap: 0.022787211620960562
PassengerClass: 2", - "index: Vestrom, Miss. Hulda Amanda Adolfina
shap: -0.01878463646989454
PassengerClass: 3", - "index: Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
shap: -0.03321729652463299
PassengerClass: 3", - "index: Glynn, Miss. Mary Agatha
shap: -0.015411497702629125
PassengerClass: 3", - "index: Devaney, Miss. Margaret Delia
shap: -0.01771230281147996
PassengerClass: 3", - "index: Arnold-Franchi, Mrs. Josef (Josefine Franchi)
shap: -0.023924363421250018
PassengerClass: 3", - "index: Rugg, Miss. Emily
shap: 0.022952331931327438
PassengerClass: 2", - "index: Ilett, Miss. Bertha
shap: 0.022089552227785986
PassengerClass: 2", - "index: Moran, Miss. Bertha
shap: -0.024999007049591057
PassengerClass: 3", - "index: Jussila, Miss. Katriina
shap: -0.020706483816297094
PassengerClass: 3", - "index: Ford, Miss. Robina Maggie \"Ruby\"
shap: -0.03028434193034235
PassengerClass: 3", - "index: Chibnall, Mrs. (Edith Martha Bowerman)
shap: 0.021138691874151048
PassengerClass: 1", - "index: Andersen-Jensen, Miss. Carla Christine Nielsine
shap: -0.020024402297864754
PassengerClass: 3", - "index: Brown, Mrs. James Joseph (Margaret Tobin)
shap: 0.019852188148035764
PassengerClass: 1", - "index: Asplund, Miss. Lillian Gertrud
shap: -0.027147601703809806
PassengerClass: 3", - "index: Harknett, Miss. Alice Phoebe
shap: -0.017770628258256944
PassengerClass: 3", - "index: Thorne, Mrs. Gertrude Maybelle
shap: 0.02317948877757755
PassengerClass: 1", - "index: Parrish, Mrs. (Lutie Davis)
shap: 0.029944581497647463
PassengerClass: 2", - "index: Healy, Miss. Hanora \"Nora\"
shap: -0.015411497702629125
PassengerClass: 3", - "index: Andrews, Miss. Kornelia Theodosia
shap: 0.021945149519860027
PassengerClass: 1", - "index: Abbott, Mrs. Stanton (Rosa Hunt)
shap: -0.026410524541649168
PassengerClass: 3", - "index: Connolly, Miss. Kate
shap: -0.018724058124640126
PassengerClass: 3", - "index: Bishop, Mrs. Dickinson H (Helen Walton)
shap: 0.01625710963646111
PassengerClass: 1", - "index: Frauenthal, Mrs. Henry William (Clara Heinsheimer)
shap: 0.025535842238322497
PassengerClass: 1", - "index: Burns, Miss. Elizabeth Margaret
shap: 0.02095522731414921
PassengerClass: 1", - "index: Meyer, Mrs. Edgar Joseph (Leila Saks)
shap: 0.02312551917193808
PassengerClass: 1", - "index: Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
shap: -0.026369146150701586
PassengerClass: 3", - "index: Minahan, Miss. Daisy E
shap: 0.016559359054519385
PassengerClass: 1", - "index: Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
shap: 0.02833044882530414
PassengerClass: 2", - "index: Hart, Mrs. Benjamin (Esther Ada Bloomfield)
shap: 0.02908536017463198
PassengerClass: 2", - "index: West, Mrs. Edwy Arthur (Ada Mary Worth)
shap: 0.029681004669911422
PassengerClass: 2", - "index: O'Sullivan, Miss. Bridget Mary
shap: -0.015411497702629125
PassengerClass: 3", - "index: Laitinen, Miss. Kristina Sofia
shap: -0.021101867138119824
PassengerClass: 3", - "index: Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
shap: 0.02978985934510833
PassengerClass: 2", - "index: Cacic, Miss. Marija
shap: -0.020447371551763197
PassengerClass: 3", - "index: Hart, Miss. Eva Miriam
shap: 0.028638543077387748
PassengerClass: 2", - "index: Ohman, Miss. Velin
shap: -0.01957634031822284
PassengerClass: 3", - "index: Taussig, Mrs. Emil (Tillie Mandelbaum)
shap: 0.021686161017084392
PassengerClass: 1", - "index: Appleton, Mrs. Edward Dale (Charlotte Lamson)
shap: 0.020059491421161042
PassengerClass: 1", - "index: Bourke, Miss. Mary
shap: -0.017820025988092538
PassengerClass: 3", - "index: Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
shap: 0.025863231025777554
PassengerClass: 2", - "index: Shutes, Miss. Elizabeth W
shap: 0.02039487481557802
PassengerClass: 1", - "index: Lobb, Mrs. William Arthur (Cordelia K Stanlick)
shap: -0.023698881155291313
PassengerClass: 3", - "index: Stanley, Miss. Amy Zillah Elsie
shap: -0.019638735421978942
PassengerClass: 3", - "index: Hegarty, Miss. Hanora \"Nora\"
shap: -0.017773592729740193
PassengerClass: 3", - "index: Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
shap: 0.028980185090063452
PassengerClass: 2", - "index: Turja, Miss. Anna Sofia
shap: -0.020030558331499356
PassengerClass: 3", - "index: Astor, Mrs. John Jacob (Madeleine Talmadge Force)
shap: 0.016095717502468472
PassengerClass: 1", - "index: Troutt, Miss. Edwina Celia \"Winnie\"
shap: 0.0205779275591022
PassengerClass: 2", - "index: Allen, Miss. Elisabeth Walton
shap: 0.020193967827134375
PassengerClass: 1", - "index: Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
shap: 0.02082786695856314
PassengerClass: 1", - "index: Hogeboom, Mrs. John C (Anna Andrews)
shap: 0.021940974967928604
PassengerClass: 1", - "index: Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
shap: 0.022937831492334325
PassengerClass: 1", - "index: Ayoub, Miss. Banoura
shap: -0.017118679220423913
PassengerClass: 3", - "index: Dick, Mrs. Albert Adrian (Vera Gillespie)
shap: 0.019261422311426565
PassengerClass: 1", - "index: Sjoblom, Miss. Anna Sofia
shap: -0.0194845495736299
PassengerClass: 3", - "index: Leader, Dr. Alice (Farnham)
shap: 0.021234393486489735
PassengerClass: 1", - "index: Collyer, Mrs. Harvey (Charlotte Annie Tate)
shap: 0.028223731925541902
PassengerClass: 2", - "index: Boulos, Miss. Nourelain
shap: -0.02069532444545053
PassengerClass: 3", - "index: Aks, Mrs. Sam (Leah Rosen)
shap: -0.021726607651919173
PassengerClass: 3" - ], - "type": "scatter", - "x": [ - 0.2905993550108729, - 0.06659199781806231, - 0.7419527811203297, - 0.1766587169280098, - -1.041607981648412, - 1.194345703135816, - -0.9547344737552896, - 0.014111726690134798, - -1.3086690635436644, - 0.23160054530214522, - -0.018019266420940264, - -1.0012191745472652, - -0.4402349875836557, - 0.19719752472449506, - -1.115059852896304, - -0.5342830861222184, - 1.3096221528254566, - 0.24698034686918016, - -1.400173329348294, - 0.014329176060098746, - 0.49152580186647715, - -0.11773937321542732, - -0.11717852170000041, - 1.5112207345660629, - 0.7633967149417721, - 3.285385017233762, - 0.5647245571291928, - -0.2677602404861803, - 0.32774461617196043, - 0.4950279054745335, - 0.12545934078297782, - 0.9296713141961315, - 1.821581061966905, - -0.5708530992407131, - -2.4903433203338627, - 1.1615063211887013, - -0.2082916838326312, - 0.28597695377846555, - -0.006950498823066136, - 0.21004729308031875, - 1.284979302147685, - -0.4935337880375421, - 0.9969341959512567, - -1.8418873536889004, - 0.5460631592007059, - 1.9222609822203272, - 0.3095501033769434, - 1.0096457239973684, - 2.4249333840146314, - 0.0806089432604015, - -0.04741774911647618, - -0.2596782677537396, - 0.3912806790192198, - 0.11512355894017136, - -0.2598557999757373, - 1.8696106186432735, - 0.9927431108969844, - -0.20433527856951597, - -1.1251052013080207, - -1.1330519566377062, - 0.29116793764022136, - -0.13609169805808355, - 0.4635470971003859 + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "xaxis": "x2", "y": [ - 0.017979052138246476, - 0.019845571910840867, - -0.023635651001708148, - 0.022787211620960562, - -0.01878463646989454, - -0.03321729652463299, - -0.015411497702629125, - -0.01771230281147996, - -0.023924363421250018, - 0.022952331931327438, - 0.022089552227785986, - -0.024999007049591057, - -0.020706483816297094, - -0.03028434193034235, - 0.021138691874151048, - -0.020024402297864754, - 0.019852188148035764, - -0.027147601703809806, - -0.017770628258256944, - 0.02317948877757755, - 0.029944581497647463, - -0.015411497702629125, - 0.021945149519860027, - -0.026410524541649168, - -0.018724058124640126, - 0.01625710963646111, - 0.025535842238322497, - 0.02095522731414921, - 0.02312551917193808, - -0.026369146150701586, - 0.016559359054519385, - 0.02833044882530414, - 0.02908536017463198, - 0.029681004669911422, - -0.015411497702629125, - -0.021101867138119824, - 0.02978985934510833, - -0.020447371551763197, - 0.028638543077387748, - -0.01957634031822284, - 0.021686161017084392, - 0.020059491421161042, - -0.017820025988092538, - 0.025863231025777554, - 0.02039487481557802, - -0.023698881155291313, - -0.019638735421978942, - -0.017773592729740193, - 0.028980185090063452, - -0.020030558331499356, - 0.016095717502468472, - 0.0205779275591022, - 0.020193967827134375, - 0.02082786695856314, - 0.021940974967928604, - 0.022937831492334325, - -0.017118679220423913, - 0.019261422311426565, - -0.0194845495736299, - 0.021234393486489735, - 0.028223731925541902, - -0.02069532444545053, - -0.021726607651919173 + 47.497935555389766, + 48.05349111094532, + 48.05349111094532, + 46.46411913026899, + 48.73098882505916, + 48.728390831387436, + 41.055978430907764, + 40.33048823482933, + 47.09246461552003, + 47.74128306343892 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "yaxis": "y2" + "y": [ + 51.3112977169773, + 51.86685327253285, + 51.86685327253285, + 50.27748129185653, + 52.544350986646684, + 55.22762006707733, + 47.051142625947264, + 47.051142625947264, + 52.77820909672805, + 52.65357877119817 + ] }, { - "box": { - "visible": true + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "meanline": { - "visible": true + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 + ], + "y": [ + 14.239311109212908, + 15.770467335284385, + 15.770467335284385, + 16.62422176798619, + 17.02639962642539, + 18.679131398052395, + 20.99212468611028, + 22.131795122946986, + 33.807461186096525, + 34.586681965317304 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "name": "male", + "mode": "lines", + "opacity": 0.1, "showlegend": false, - "type": "violin", + "type": "scatter", "x": [ - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male", - "male" + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "xaxis": "x3", "y": [ - 0.01973200612324421, - 0.013771439419867509, - -0.018820559578651825, - 0.011883283518485258, - -0.014367244200656536, - 0.02155630495544248, - 0.014419304927332083, - -0.01772594878790756, - 0.022736887727682103, - 0.014126483509217344, - 0.013407173304747486, - -0.01668953857618129, - 0.012203246428587087, - -0.015362701260716625, - 0.013798021387480808, - 0.013771439419867509, - 0.013415809660293224, - -0.01807087707999553, - 0.012558876188161375, - 0.013425827912031084, - -0.015790160868422533, - -0.01572481716980472, - 0.013881058343919832, - 0.0187742332874707, - -0.015779101768146092, - 0.013415809660293224, - 0.014680800765723642, - -0.015108002373806877, - 0.014126483509217344, - 0.017193990566083443, - -0.015230872020185625, - 0.013478691156112145, - 0.013866246622749268, - 0.012203246428587087, - -0.01651605181745657, - 0.012266127924406012, - -0.01455826088397798, - 0.011770650098724144, - 0.019545040198242353, - -0.014719725857686418, - -0.012872618864798277, - -0.01673330207403165, - 0.012558876188161375, - 0.01642074568810885, - 0.013588310080164472, - 0.012203246428587087, - 0.014164165541012049, - -0.017046911515708967, - 0.013771439419867509, - -0.014949432130977453, - 0.013449731403313958, - 0.012203246428587087, - 0.019686959051049092, - 0.011770650098724144, - 0.014056740773160596, - 0.013798021387480807, - -0.01648972960238358, - 0.013608654435683163, - 0.012558876188161375, - -0.01455826088397798, - -0.01653712166534388, - -0.01652243670894335, - 0.013478691156112145, - -0.012602490513958495, - -0.013290756678922377, - 0.013478691156112145, - 0.014840018767822951, - 0.013407173304747486, - -0.01263685575734305, - -0.016574795392919207, - 0.012181829848018738, - -0.015689791441587754, - -0.019964867664370264, - 0.01972416147099549, - 0.011770650098724144, - -0.014208887021356621, - 0.01613366435300911, - -0.015442468562278924, - 0.012558876188161375, - 0.012181829848018738, - -0.0148667002522462, - -0.01886692671861745, - 0.017178085641709057, - -0.018523924952189075, - 0.012266127924406012, - 0.011770650098724144, - 0.01664601551040758, - 0.013777788144240261, - 0.013573498358993907, - -0.016074016183351164, - 0.012266127924406012, - -0.01622518047093774, - -0.016818642539001442, - 0.01405869919367794, - -0.01627807706063046, - -0.014458113090421238, - 0.020681115151693342, - 0.0208022770380106, - 0.01332812366635713, - 0.01302175878587585, - 0.014557480678515464, - -0.016466469589280622, - -0.013680045767807281, - -0.015424928163176168, - 0.014126483509217344, - -0.015653747775268345, - 0.013685101476469147, - 0.013778869096572721, - -0.016738683219522633, - -0.01622518047093774, - -0.01622518047093774, - 0.01637283694475811, - 0.012203246428587087, - 0.01663161235693415, - 0.014191180444046339, - 0.013762217394097321, - 0.013104119895477533, - 0.019303789185173153, - 0.013771439419867509, - 0.019706813680640367, - 0.013508248666151287, - -0.01528346235274559, - -0.014576761050959421, - 0.01398600102957714, - 0.013939417259027028, - -0.015293822465610908, - 0.014156137007149697, - 0.011770650098724144, - -0.016628237819351077, - -0.013974286733722457, - 0.014350122521039323, - 0.01642074568810885, - 0.012181829848018738, - 0.015041698268932304, - -0.011218530902193196, - 0.013771439419867505, - -0.01649791087550457 - ], - "yaxis": "y3" + 72.50416693139253, + 74.721694317934, + 74.721694317934, + 72.68787789281322, + 74.20270458525272, + 79.9722383587214, + 80.73101028854596, + 81.46385342580086, + 87.16029134061776, + 86.15831919819146 + ] }, { - "hoverinfo": "text", - "marker": { - "cmax": 3, - "cmin": 1, - "color": [ - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 2, - 3, - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 3, - 2, - 3, - 3, - 2, - 2, - 3, - 3, - 1, - 3, - 3, - 1, - 3, - 3, - 1, - 3, - 3, - 3, - 2, - 3, - 1, - 3, - 3, - 1, - 2, - 1, - 3, - 3, - 3, - 3, - 3, - 2, - 3, - 1, - 3, - 3, - 3, - 3, - 3, - 3, - 2, - 3, - 3, - 1, - 1, - 2, - 3, - 2, - 1, - 3, - 3, - 3, - 1, - 1, - 3, - 1, - 2, - 3, - 3, - 2, - 3, - 1, - 3, - 3, - 1, - 1, - 3, - 1, - 3, - 3, - 3, - 3, - 3, - 1, - 3, - 2, - 1, - 3, - 1, - 1, - 3, - 3, - 3, - 3, - 3, - 1, - 1, - 1, - 3, - 2, - 3, - 3, - 2, - 2, - 2, - 3, - 3, - 3, - 3, - 3, - 3, - 3, - 3, - 3, - 3, - 1, - 1, - 3, - 3, - 2, - 3, - 3, - 2, - 2, - 3, - 3, - 3, - 3, - 1, - 3, - 2 - ], - "colorbar": { - "title": { - "text": "PassengerClass" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.6, - "showscale": false, - "size": 7 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "name": "PassengerClass", + "mode": "lines", + "opacity": 0.1, "showlegend": false, - "text": [ - "index: Palsson, Master. Gosta Leonard
shap: 0.01973200612324421
PassengerClass: 3", - "index: Saundercock, Mr. William Henry
shap: 0.013771439419867509
PassengerClass: 3", - "index: Meyer, Mr. Edgar Joseph
shap: -0.018820559578651825
PassengerClass: 1", - "index: Kraeff, Mr. Theodor
shap: 0.011883283518485258
PassengerClass: 3", - "index: Harris, Mr. Henry Birkhardt
shap: -0.014367244200656536
PassengerClass: 1", - "index: Skoog, Master. Harald
shap: 0.02155630495544248
PassengerClass: 3", - "index: Kink, Mr. Vincenz
shap: 0.014419304927332083
PassengerClass: 3", - "index: Hood, Mr. Ambrose Jr
shap: -0.01772594878790756
PassengerClass: 2", - "index: Ford, Mr. William Neal
shap: 0.022736887727682103
PassengerClass: 3", - "index: Christmann, Mr. Emil
shap: 0.014126483509217344
PassengerClass: 3", - "index: Andreasson, Mr. Paul Edvin
shap: 0.013407173304747486
PassengerClass: 3", - "index: Chaffee, Mr. Herbert Fuller
shap: -0.01668953857618129
PassengerClass: 1", - "index: Petroff, Mr. Pastcho (\"Pentcho\")
shap: 0.012203246428587087
PassengerClass: 3", - "index: White, Mr. Richard Frasar
shap: -0.015362701260716625
PassengerClass: 1", - "index: Rekic, Mr. Tido
shap: 0.013798021387480808
PassengerClass: 3", - "index: Barton, Mr. David John
shap: 0.013771439419867509
PassengerClass: 3", - "index: Pekoniemi, Mr. Edvard
shap: 0.013415809660293224
PassengerClass: 3", - "index: Turpin, Mr. William John Robert
shap: -0.01807087707999553
PassengerClass: 2", - "index: Moore, Mr. Leonard Charles
shap: 0.012558876188161375
PassengerClass: 3", - "index: Osen, Mr. Olaf Elon
shap: 0.013425827912031084
PassengerClass: 3", - "index: Navratil, Mr. Michel (\"Louis M Hoffman\")
shap: -0.015790160868422533
PassengerClass: 2", - "index: Bateman, Rev. Robert James
shap: -0.01572481716980472
PassengerClass: 2", - "index: Meo, Mr. Alfonzo
shap: 0.013881058343919832
PassengerClass: 3", - "index: Cribb, Mr. John Hatfield
shap: 0.0187742332874707
PassengerClass: 3", - "index: Van der hoef, Mr. Wyckoff
shap: -0.015779101768146092
PassengerClass: 1", - "index: Sivola, Mr. Antti Wilhelm
shap: 0.013415809660293224
PassengerClass: 3", - "index: Klasen, Mr. Klas Albin
shap: 0.014680800765723642
PassengerClass: 3", - "index: Rood, Mr. Hugh Roscoe
shap: -0.015108002373806877
PassengerClass: 1", - "index: Vande Walle, Mr. Nestor Cyriel
shap: 0.014126483509217344
PassengerClass: 3", - "index: Backstrom, Mr. Karl Alfred
shap: 0.017193990566083443
PassengerClass: 3", - "index: Blank, Mr. Henry
shap: -0.015230872020185625
PassengerClass: 1", - "index: Ali, Mr. Ahmed
shap: 0.013478691156112145
PassengerClass: 3", - "index: Green, Mr. George Henry
shap: 0.013866246622749268
PassengerClass: 3", - "index: Nenkoff, Mr. Christo
shap: 0.012203246428587087
PassengerClass: 3", - "index: Hunt, Mr. George Henry
shap: -0.01651605181745657
PassengerClass: 2", - "index: Reed, Mr. James George
shap: 0.012266127924406012
PassengerClass: 3", - "index: Stead, Mr. William Thomas
shap: -0.01455826088397798
PassengerClass: 1", - "index: Smith, Mr. Thomas
shap: 0.011770650098724144
PassengerClass: 3", - "index: Asplund, Master. Edvin Rojj Felix
shap: 0.019545040198242353
PassengerClass: 3", - "index: Smith, Mr. Richard William
shap: -0.014719725857686418
PassengerClass: 1", - "index: Levy, Mr. Rene Jacques
shap: -0.012872618864798277
PassengerClass: 2", - "index: Lewy, Mr. Ervin G
shap: -0.01673330207403165
PassengerClass: 1", - "index: Williams, Mr. Howard Hugh \"Harry\"
shap: 0.012558876188161375
PassengerClass: 3", - "index: Sage, Mr. George John Jr
shap: 0.01642074568810885
PassengerClass: 3", - "index: Nysveen, Mr. Johan Hansen
shap: 0.013588310080164472
PassengerClass: 3", - "index: Denkoff, Mr. Mitto
shap: 0.012203246428587087
PassengerClass: 3", - "index: Dimic, Mr. Jovan
shap: 0.014164165541012049
PassengerClass: 3", - "index: del Carlo, Mr. Sebastiano
shap: -0.017046911515708967
PassengerClass: 2", - "index: Beavan, Mr. William Thomas
shap: 0.013771439419867509
PassengerClass: 3", - "index: Widener, Mr. Harry Elkins
shap: -0.014949432130977453
PassengerClass: 1", - "index: Gustafsson, Mr. Karl Gideon
shap: 0.013449731403313958
PassengerClass: 3", - "index: Plotcharsky, Mr. Vasil
shap: 0.012203246428587087
PassengerClass: 3", - "index: Goodwin, Master. Sidney Leonard
shap: 0.019686959051049092
PassengerClass: 3", - "index: Sadlier, Mr. Matthew
shap: 0.011770650098724144
PassengerClass: 3", - "index: Gustafsson, Mr. Johan Birger
shap: 0.014056740773160596
PassengerClass: 3", - "index: Niskanen, Mr. Juha
shap: 0.013798021387480807
PassengerClass: 3", - "index: Matthews, Mr. William John
shap: -0.01648972960238358
PassengerClass: 2", - "index: Charters, Mr. David
shap: 0.013608654435683163
PassengerClass: 3", - "index: Johannesen-Bratthammer, Mr. Bernt
shap: 0.012558876188161375
PassengerClass: 3", - "index: Peuchen, Major. Arthur Godfrey
shap: -0.01455826088397798
PassengerClass: 1", - "index: Anderson, Mr. Harry
shap: -0.01653712166534388
PassengerClass: 1", - "index: Milling, Mr. Jacob Christian
shap: -0.01652243670894335
PassengerClass: 2", - "index: Karlsson, Mr. Nils August
shap: 0.013478691156112145
PassengerClass: 3", - "index: Frost, Mr. Anthony Wood \"Archie\"
shap: -0.012602490513958495
PassengerClass: 2", - "index: Bishop, Mr. Dickinson H
shap: -0.013290756678922377
PassengerClass: 1", - "index: Windelov, Mr. Einar
shap: 0.013478691156112145
PassengerClass: 3", - "index: Shellard, Mr. Frederick William
shap: 0.014840018767822951
PassengerClass: 3", - "index: Svensson, Mr. Olof
shap: 0.013407173304747486
PassengerClass: 3", - "index: Penasco y Castellana, Mr. Victor de Satode
shap: -0.01263685575734305
PassengerClass: 1", - "index: Bradley, Mr. George (\"George Arthur Brayton\")
shap: -0.016574795392919207
PassengerClass: 1", - "index: Kassem, Mr. Fared
shap: 0.012181829848018738
PassengerClass: 3", - "index: Butt, Major. Archibald Willingham
shap: -0.015689791441587754
PassengerClass: 1", - "index: Beane, Mr. Edward
shap: -0.019964867664370264
PassengerClass: 2", - "index: Goldsmith, Mr. Frank John
shap: 0.01972416147099549
PassengerClass: 3", - "index: Morrow, Mr. Thomas Rowan
shap: 0.011770650098724144
PassengerClass: 3", - "index: Harris, Mr. George
shap: -0.014208887021356621
PassengerClass: 2", - "index: Patchett, Mr. George
shap: 0.01613366435300911
PassengerClass: 3", - "index: Ross, Mr. John Hugo
shap: -0.015442468562278924
PassengerClass: 1", - "index: Murdlin, Mr. Joseph
shap: 0.012558876188161375
PassengerClass: 3", - "index: Boulos, Mr. Hanna
shap: 0.012181829848018738
PassengerClass: 3", - "index: Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
shap: -0.0148667002522462
PassengerClass: 1", - "index: Homer, Mr. Harry (\"Mr E Haven\")
shap: -0.01886692671861745
PassengerClass: 1", - "index: Lindell, Mr. Edvard Bengtsson
shap: 0.017178085641709057
PassengerClass: 3", - "index: Daniel, Mr. Robert Williams
shap: -0.018523924952189075
PassengerClass: 1", - "index: Jardin, Mr. Jose Neto
shap: 0.012266127924406012
PassengerClass: 3", - "index: Horgan, Mr. John
shap: 0.011770650098724144
PassengerClass: 3", - "index: Yasbeck, Mr. Antoni
shap: 0.01664601551040758
PassengerClass: 3", - "index: Bostandyeff, Mr. Guentcho
shap: 0.013777788144240261
PassengerClass: 3", - "index: Lundahl, Mr. Johan Svensson
shap: 0.013573498358993907
PassengerClass: 3", - "index: Stahelin-Maeglin, Dr. Max
shap: -0.016074016183351164
PassengerClass: 1", - "index: Willey, Mr. Edward
shap: 0.012266127924406012
PassengerClass: 3", - "index: Eitemiller, Mr. George Floyd
shap: -0.01622518047093774
PassengerClass: 2", - "index: Colley, Mr. Edward Pomeroy
shap: -0.016818642539001442
PassengerClass: 1", - "index: Coleff, Mr. Peju
shap: 0.01405869919367794
PassengerClass: 3", - "index: Davidson, Mr. Thornton
shap: -0.01627807706063046
PassengerClass: 1", - "index: Hassab, Mr. Hammad
shap: -0.014458113090421238
PassengerClass: 1", - "index: Goodwin, Mr. Charles Edward
shap: 0.020681115151693342
PassengerClass: 3", - "index: Panula, Mr. Jaako Arnold
shap: 0.0208022770380106
PassengerClass: 3", - "index: Fischer, Mr. Eberhard Thelander
shap: 0.01332812366635713
PassengerClass: 3", - "index: Humblen, Mr. Adolf Mathias Nicolai Olsen
shap: 0.01302175878587585
PassengerClass: 3", - "index: Hansen, Mr. Henrik Juul
shap: 0.014557480678515464
PassengerClass: 3", - "index: Calderhead, Mr. Edward Pennington
shap: -0.016466469589280622
PassengerClass: 1", - "index: Klaber, Mr. Herman
shap: -0.013680045767807281
PassengerClass: 1", - "index: Taylor, Mr. Elmer Zebley
shap: -0.015424928163176168
PassengerClass: 1", - "index: Larsson, Mr. August Viktor
shap: 0.014126483509217344
PassengerClass: 3", - "index: Greenberg, Mr. Samuel
shap: -0.015653747775268345
PassengerClass: 2", - "index: McEvoy, Mr. Michael
shap: 0.013685101476469147
PassengerClass: 3", - "index: Johnson, Mr. Malkolm Joackim
shap: 0.013778869096572721
PassengerClass: 3", - "index: Gillespie, Mr. William Henry
shap: -0.016738683219522633
PassengerClass: 2", - "index: Berriman, Mr. William John
shap: -0.01622518047093774
PassengerClass: 2", - "index: Troupiansky, Mr. Moses Aaron
shap: -0.01622518047093774
PassengerClass: 2", - "index: Williams, Mr. Leslie
shap: 0.01637283694475811
PassengerClass: 3", - "index: Ivanoff, Mr. Kanio
shap: 0.012203246428587087
PassengerClass: 3", - "index: McNamee, Mr. Neal
shap: 0.01663161235693415
PassengerClass: 3", - "index: Connaghton, Mr. Michael
shap: 0.014191180444046339
PassengerClass: 3", - "index: Carlsson, Mr. August Sigfrid
shap: 0.013762217394097321
PassengerClass: 3", - "index: Eklund, Mr. Hans Linus
shap: 0.013104119895477533
PassengerClass: 3", - "index: Moran, Mr. Daniel J
shap: 0.019303789185173153
PassengerClass: 3", - "index: Lievens, Mr. Rene Aime
shap: 0.013771439419867509
PassengerClass: 3", - "index: Johnston, Mr. Andrew G
shap: 0.019706813680640367
PassengerClass: 3", - "index: Ali, Mr. William
shap: 0.013508248666151287
PassengerClass: 3", - "index: Guggenheim, Mr. Benjamin
shap: -0.01528346235274559
PassengerClass: 1", - "index: Carter, Master. William Thornton II
shap: -0.014576761050959421
PassengerClass: 1", - "index: Thomas, Master. Assad Alexander
shap: 0.01398600102957714
PassengerClass: 3", - "index: Johansson, Mr. Karl Johan
shap: 0.013939417259027028
PassengerClass: 3", - "index: Slemen, Mr. Richard James
shap: -0.015293822465610908
PassengerClass: 2", - "index: Tomlin, Mr. Ernest Portage
shap: 0.014156137007149697
PassengerClass: 3", - "index: McCormack, Mr. Thomas Joseph
shap: 0.011770650098724144
PassengerClass: 3", - "index: Richards, Master. George Sibley
shap: -0.016628237819351077
PassengerClass: 2", - "index: Mudd, Mr. Thomas Charles
shap: -0.013974286733722457
PassengerClass: 2", - "index: Lemberopolous, Mr. Peter L
shap: 0.014350122521039323
PassengerClass: 3", - "index: Sage, Mr. Douglas Bullen
shap: 0.01642074568810885
PassengerClass: 3", - "index: Razi, Mr. Raihed
shap: 0.012181829848018738
PassengerClass: 3", - "index: Johnson, Master. Harold Theodor
shap: 0.015041698268932304
PassengerClass: 3", - "index: Carlsson, Mr. Frans Olof
shap: -0.011218530902193196
PassengerClass: 1", - "index: Gustafsson, Mr. Alfred Ossian
shap: 0.013771439419867505
PassengerClass: 3", - "index: Montvila, Rev. Juozas
shap: -0.01649791087550457
PassengerClass: 2" - ], - "type": "scatter", - "x": [ - -0.4106441980806207, - 0.6888466719055799, - -0.7105878398867612, - 0.6646310305519264, - 1.1231669721984614, - 0.9385853401243855, - -1.6035071049010816, - 0.07274468689888046, - -0.009212896966216702, - -0.35394259847246845, - 1.2757787000259007, - 1.1375285888825621, - 0.890612670952799, - 0.9876880708736776, - -1.5876662872063712, - -2.081268894458642, - -0.20122941556003482, - 0.6223818765014386, - 0.28057233514671065, - 0.6083070478079624, - 0.5879400687080845, - -0.5332208599711143, - -2.1167430302944537, - 0.22125857895475037, - -0.5274205859304373, - -2.212447383898065, - 1.040203132147011, - -1.635188313743844, - -0.402951717074725, - -1.6572489803752788, - -1.4123102925667266, - -1.1217940008549692, - -0.0706049495607406, - -0.8073408097140509, - 1.1651736270291286, - -1.4246013154627604, - -0.1910248202471626, - -0.7934709074754837, - 0.18016320779091616, - 0.30017275190597426, - -0.1990371895440075, - 0.6404950223172399, - -0.1273792395589974, - 0.8007832498489414, - 2.204238731223202, - 1.5274678784423361, - -0.7130535609337171, - -0.6725708905328075, - -0.9636346583985479, - 0.16882388952153593, - 0.13481103792241117, - 0.19293832393503127, - 2.3584468444955684, - 0.5147181453371225, - -0.1931640676395404, - -0.35721300018560737, - -0.25186658668342293, - -0.44814718930936737, - -1.5066617122545272, - -0.030388590705850142, - 1.1507325999234688, - 1.8864173391544126, - -0.15979544739044443, - -0.591007636636083, - -0.4224885761039492, - -0.23301306712870024, - 0.3853780073186336, - 0.6542644292588996, - -0.6611293557632641, - 1.7500019373587299, - 0.26363016975896914, - -1.4002058964554627, - -0.28818348870097477, - -0.5017020014364795, - 0.045631369784452674, - 0.6965292067961814, - 1.1631481086241078, - -0.3081631078086627, - -0.6195139702097506, - 1.5359136969753036, - 1.513453138624316, - 0.7468863721451553, - 2.5266560798153512, - 0.1564337954779341, - -0.510081140136913, - -0.5206842860419114, - 0.5097998428373485, - -0.5273082363846874, - -0.5440091672877382, - 1.097687479506881, - 1.672269326770432, - -0.8125192124625912, - -0.7591456831547241, - -0.3640594098498287, - 0.8791936638651218, - 0.7036827823959431, - -1.6188691266267075, - -0.689538863954912, - 1.272820991303577, - 0.22013894014606156, - -0.3120336544210036, - 0.02186465899843949, - -0.5220724465704035, - -1.1900733975103546, - -0.3878111551936406, - -0.6221852839363377, - 0.6123344386094788, - 0.27611061946739823, - -1.4635701325281725, - -0.5123707770767594, - -0.8539171551758139, - 0.48259212764696097, - 0.9448374368314533, - -0.24494011253358686, - 1.36447501266828, - 1.0442106066030796, - 1.2186032045329425, - -2.1560130535364284, - 0.24212642402059015, - 0.4093232759548299, - -0.568630427041089, - 2.636546396354983, - -0.42526570949035164, - -0.4217140060856405, - -1.439201504861717, - 1.2605980594517134, - -0.4032548739977492, - 0.3964529586309054, - 1.349459802648665, - 1.5664055926936142, - -0.3657845967842759, - 1.2309961431006433, - 3.3889319817638652, - 0.7468774443850338, - -1.6143939143769066, - 0.6064629709787411, - 0.21506639303649475 + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "xaxis": "x4", "y": [ - 0.01973200612324421, - 0.013771439419867509, - -0.018820559578651825, - 0.011883283518485258, - -0.014367244200656536, - 0.02155630495544248, - 0.014419304927332083, - -0.01772594878790756, - 0.022736887727682103, - 0.014126483509217344, - 0.013407173304747486, - -0.01668953857618129, - 0.012203246428587087, - -0.015362701260716625, - 0.013798021387480808, - 0.013771439419867509, - 0.013415809660293224, - -0.01807087707999553, - 0.012558876188161375, - 0.013425827912031084, - -0.015790160868422533, - -0.01572481716980472, - 0.013881058343919832, - 0.0187742332874707, - -0.015779101768146092, - 0.013415809660293224, - 0.014680800765723642, - -0.015108002373806877, - 0.014126483509217344, - 0.017193990566083443, - -0.015230872020185625, - 0.013478691156112145, - 0.013866246622749268, - 0.012203246428587087, - -0.01651605181745657, - 0.012266127924406012, - -0.01455826088397798, - 0.011770650098724144, - 0.019545040198242353, - -0.014719725857686418, - -0.012872618864798277, - -0.01673330207403165, - 0.012558876188161375, - 0.01642074568810885, - 0.013588310080164472, - 0.012203246428587087, - 0.014164165541012049, - -0.017046911515708967, - 0.013771439419867509, - -0.014949432130977453, - 0.013449731403313958, - 0.012203246428587087, - 0.019686959051049092, - 0.011770650098724144, - 0.014056740773160596, - 0.013798021387480807, - -0.01648972960238358, - 0.013608654435683163, - 0.012558876188161375, - -0.01455826088397798, - -0.01653712166534388, - -0.01652243670894335, - 0.013478691156112145, - -0.012602490513958495, - -0.013290756678922377, - 0.013478691156112145, - 0.014840018767822951, - 0.013407173304747486, - -0.01263685575734305, - -0.016574795392919207, - 0.012181829848018738, - -0.015689791441587754, - -0.019964867664370264, - 0.01972416147099549, - 0.011770650098724144, - -0.014208887021356621, - 0.01613366435300911, - -0.015442468562278924, - 0.012558876188161375, - 0.012181829848018738, - -0.0148667002522462, - -0.01886692671861745, - 0.017178085641709057, - -0.018523924952189075, - 0.012266127924406012, - 0.011770650098724144, - 0.01664601551040758, - 0.013777788144240261, - 0.013573498358993907, - -0.016074016183351164, - 0.012266127924406012, - -0.01622518047093774, - -0.016818642539001442, - 0.01405869919367794, - -0.01627807706063046, - -0.014458113090421238, - 0.020681115151693342, - 0.0208022770380106, - 0.01332812366635713, - 0.01302175878587585, - 0.014557480678515464, - -0.016466469589280622, - -0.013680045767807281, - -0.015424928163176168, - 0.014126483509217344, - -0.015653747775268345, - 0.013685101476469147, - 0.013778869096572721, - -0.016738683219522633, - -0.01622518047093774, - -0.01622518047093774, - 0.01637283694475811, - 0.012203246428587087, - 0.01663161235693415, - 0.014191180444046339, - 0.013762217394097321, - 0.013104119895477533, - 0.019303789185173153, - 0.013771439419867509, - 0.019706813680640367, - 0.013508248666151287, - -0.01528346235274559, - -0.014576761050959421, - 0.01398600102957714, - 0.013939417259027028, - -0.015293822465610908, - 0.014156137007149697, - 0.011770650098724144, - -0.016628237819351077, - -0.013974286733722457, - 0.014350122521039323, - 0.01642074568810885, - 0.012181829848018738, - 0.015041698268932304, - -0.011218530902193196, - 0.013771439419867505, - -0.01649791087550457 - ], - "yaxis": "y4" - } - ], - "layout": { - "hovermode": "closest", - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } - }, - "title": { - "text": "Interaction plot for Sex and PassengerClass" - }, - "xaxis": { - "anchor": "y", - "domain": [ - 0, - 0.31875 + 14.423162025711033, + 15.242453845002851, + 15.242453845002851, + 15.107372552026826, + 15.715628987189529, + 17.523300723368127, + 19.876786116434246, + 21.30787822060885, + 34.193082542133475, + 34.40840345310655 ] }, - "xaxis2": { - "anchor": "y2", - "domain": [ - 0.36874999999999997, - 0.475 + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "visible": false, - "zeroline": false - }, - "xaxis3": { - "anchor": "y3", - "domain": [ - 0.525, - 0.84375 + "y": [ + 66.45981619614892, + 67.01537175170448, + 67.01537175170448, + 65.42599977102816, + 68.47718257112808, + 72.34402094771012, + 72.59234988569423, + 72.89538018872453, + 80.34712807663637, + 79.98248276508528 ] }, - "xaxis4": { - "anchor": "y4", - "domain": [ - 0.8937499999999999, - 0.9999999999999999 + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "visible": false, - "zeroline": false + "y": [ + 29.105057936015434, + 29.92434975530725, + 30.81323864419614, + 30.678157351220108, + 33.31076016507292, + 39.46438791946756, + 32.73298159265235, + 33.6040906612798, + 41.25028076492347, + 43.186568115223544 + ] }, - "yaxis": { - "anchor": "x", - "domain": [ + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ 0, - 1 - ], - "range": [ - -0.043182485482022887, - 0.038927955946941706 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "title": { - "text": "SHAP value" - } + "y": [ + 13.709341086991184, + 14.528632906283, + 14.528632906283, + 14.39355161330697, + 15.87964895756058, + 19.214355092583894, + 21.56784048565001, + 22.707510922486716, + 36.7118896131857, + 36.92721052415878 + ] }, - "yaxis2": { - "anchor": "x2", - "domain": [ + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ 0, - 1 - ], - "matches": "y", - "range": [ - -0.043182485482022887, - 0.038927955946941706 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false + "y": [ + 13.709341086991184, + 14.528632906283, + 14.528632906283, + 14.39355161330697, + 15.87964895756058, + 19.214355092583894, + 21.56784048565001, + 22.707510922486716, + 36.7118896131857, + 36.92721052415878 + ] }, - "yaxis3": { - "anchor": "x3", - "domain": [ + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ 0, - 1 - ], - "matches": "y", - "range": [ - -0.043182485482022887, - 0.038927955946941706 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showticklabels": false + "y": [ + 34.97663958501314, + 37.6433062516798, + 39.757591965965524, + 42.20558695343419, + 43.03892028676753, + 44.61553277785169, + 46.55369265718804, + 42.18602333265543, + 43.922692736625606, + 42.228685544866444 + ] }, - "yaxis4": { - "anchor": "x4", - "domain": [ + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ 0, - 1 - ], - "matches": "y", - "range": [ - -0.043182485482022887, - 0.038927955946941706 + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_interaction(\"PassengerClass\", \"Sex\")" - ] - }, - { - "cell_type": "code", - "execution_count": 28, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:41:33.550221Z", - "start_time": "2020-10-12T08:41:33.534699Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ + "y": [ + 13.181003322914805, + 14.128826215652952, + 14.128826215652952, + 14.291363970295967, + 14.638242289564666, + 19.159766690072445, + 21.553938357648367, + 21.77443983759257, + 31.017954497324606, + 30.033275408297694 + ] + }, { - "hoverinfo": "text", - "marker": { - "color": [ - 71.2833, - 53.1, - 21.075, - 11.1333, - 30.0708, - 8.05, - 7.8542, - 31.3875, - 7.75, - 82.1708, - 7.8958, - 7.8792, - 17.8, - 10.5, - 83.475, - 27.9, - 8.6625, - 73.5, - 10.5, - 34.375, - 8.05, - 7.8542, - 61.175, - 7.8958, - 77.2875, - 7.8958, - 24.15, - 8.05, - 9.825, - 7.925, - 21, - 8.05, - 9.2167, - 34.375, - 26, - 12.525, - 8.05, - 16.1, - 55, - 33.5, - 7.925, - 7.8542, - 50, - 7.8542, - 27.7208, - 9.5, - 15.85, - 31, - 7.05, - 8.05, - 7.8958, - 31.3875, - 7.55, - 12.275, - 7.25, - 26.55, - 79.2, - 26, - 7.75, - 31.3875, - 7.75, - 77.9583, - 20.25, - 26, - 7.75, - 91.0792, - 12.875, - 27.7208, - 8.05, - 69.55, - 6.2375, - 133.65, - 7.8958, - 134.5, - 8.6625, - 27.7208, - 8.05, - 82.1708, - 211.5, - 7.775, - 7.8958, - 46.9, - 7.7292, - 7.925, - 16.7, - 7.925, - 90, - 13, - 7.7333, - 26, - 26.25, - 8.1125, - 30.5, - 26.55, - 13, - 27.75, - 7.5208, - 0, - 91.0792, - 7.25, - 15.1, - 7.7958, - 7.6292, - 9.5875, - 108.9, - 26.55, - 26, - 7.2292, - 8.6625, - 26.25, - 26.55, - 26, - 20.525, - 7.775, - 79.65, - 7.75, - 10.5, - 51.4792, - 14.5, - 40.125, - 8.05, - 7.75, - 7.225, - 56.9292, - 26.55, - 15.55, - 30.5, - 41.5792, - 153.4625, - 7.05, - 7.75, - 16.1, - 14.4542, - 7.8958, - 7.0542, - 30.5, - 7.55, - 7.55, - 6.75, - 13, - 25.5875, - 7.4958, - 39, - 52, - 9.8417, - 76.7292, - 46.9, - 39.6875, - 7.7958, - 7.65, - 227.525, - 7.8542, - 26.2875, - 26.55, - 52, - 9.4833, - 13, - 10.5, - 15.5, - 7.775, - 13, - 211.3375, - 13, - 13, - 16.1, - 7.8958, - 16.1, - 7.75, - 7.7958, - 86.5, - 7.775, - 77.9583, - 24.15, - 9.5, - 211.3375, - 7.2292, - 57, - 23.45, - 7.05, - 7.4958, - 79.2, - 25.9292, - 26.25, - 120, - 8.5167, - 7.775, - 10.5, - 8.05, - 7.75, - 18.75, - 10.5, - 6.4375, - 69.55, - 15.2458, - 9.35, - 7.2292, - 11.1333, - 5, - 9.8458, - 13 - ], - "colorbar": { - "title": { - "text": "Fare" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.6, - "showscale": true, - "size": 7 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
Fare=71.2833
SHAP=0.0", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
Fare=53.1
SHAP=0.0", - "index=Palsson, Master. Gosta Leonard
Age=2.0
Fare=21.075
SHAP=0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=27.0
Fare=11.1333
SHAP=-0.0", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
Fare=30.0708
SHAP=0.0", - "index=Saundercock, Mr. William Henry
Age=20.0
Fare=8.05
SHAP=0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Age=14.0
Fare=7.8542
SHAP=0.0", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=38.0
Fare=31.3875
SHAP=0.0", - "index=Glynn, Miss. Mary Agatha
Age=nan
Fare=7.75
SHAP=0.0", - "index=Meyer, Mr. Edgar Joseph
Age=28.0
Fare=82.1708
SHAP=-0.0", - "index=Kraeff, Mr. Theodor
Age=nan
Fare=7.8958
SHAP=-0.0", - "index=Devaney, Miss. Margaret Delia
Age=19.0
Fare=7.8792
SHAP=0.0", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=18.0
Fare=17.8
SHAP=0.0", - "index=Rugg, Miss. Emily
Age=21.0
Fare=10.5
SHAP=-0.0", - "index=Harris, Mr. Henry Birkhardt
Age=45.0
Fare=83.475
SHAP=0.0", - "index=Skoog, Master. Harald
Age=4.0
Fare=27.9
SHAP=-0.0", - "index=Kink, Mr. Vincenz
Age=26.0
Fare=8.6625
SHAP=0.0", - "index=Hood, Mr. Ambrose Jr
Age=21.0
Fare=73.5
SHAP=-0.0", - "index=Ilett, Miss. Bertha
Age=17.0
Fare=10.5
SHAP=-0.0", - "index=Ford, Mr. William Neal
Age=16.0
Fare=34.375
SHAP=-0.0", - "index=Christmann, Mr. Emil
Age=29.0
Fare=8.05
SHAP=0.0", - "index=Andreasson, Mr. Paul Edvin
Age=20.0
Fare=7.8542
SHAP=0.0", - "index=Chaffee, Mr. Herbert Fuller
Age=46.0
Fare=61.175
SHAP=0.0", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Age=nan
Fare=7.8958
SHAP=-0.0", - "index=White, Mr. Richard Frasar
Age=21.0
Fare=77.2875
SHAP=-0.0", - "index=Rekic, Mr. Tido
Age=38.0
Fare=7.8958
SHAP=-0.0", - "index=Moran, Miss. Bertha
Age=nan
Fare=24.15
SHAP=0.0", - "index=Barton, Mr. David John
Age=22.0
Fare=8.05
SHAP=0.0", - "index=Jussila, Miss. Katriina
Age=20.0
Fare=9.825
SHAP=-0.0", - "index=Pekoniemi, Mr. Edvard
Age=21.0
Fare=7.925
SHAP=0.0", - "index=Turpin, Mr. William John Robert
Age=29.0
Fare=21.0
SHAP=-0.0", - "index=Moore, Mr. Leonard Charles
Age=nan
Fare=8.05
SHAP=-0.0", - "index=Osen, Mr. Olaf Elon
Age=16.0
Fare=9.2167
SHAP=0.0", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Age=9.0
Fare=34.375
SHAP=-0.0", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=36.5
Fare=26.0
SHAP=0.0", - "index=Bateman, Rev. Robert James
Age=51.0
Fare=12.525
SHAP=0.0", - "index=Meo, Mr. Alfonzo
Age=55.5
Fare=8.05
SHAP=0.0", - "index=Cribb, Mr. John Hatfield
Age=44.0
Fare=16.1
SHAP=-0.0", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Age=nan
Fare=55.0
SHAP=-0.0", - "index=Van der hoef, Mr. Wyckoff
Age=61.0
Fare=33.5
SHAP=-0.01", - "index=Sivola, Mr. Antti Wilhelm
Age=21.0
Fare=7.925
SHAP=0.0", - "index=Klasen, Mr. Klas Albin
Age=18.0
Fare=7.8542
SHAP=0.0", - "index=Rood, Mr. Hugh Roscoe
Age=nan
Fare=50.0
SHAP=0.0", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=19.0
Fare=7.8542
SHAP=0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Age=44.0
Fare=27.7208
SHAP=-0.0", - "index=Vande Walle, Mr. Nestor Cyriel
Age=28.0
Fare=9.5
SHAP=0.0", - "index=Backstrom, Mr. Karl Alfred
Age=32.0
Fare=15.85
SHAP=-0.0", - "index=Blank, Mr. Henry
Age=40.0
Fare=31.0
SHAP=-0.01", - "index=Ali, Mr. Ahmed
Age=24.0
Fare=7.05
SHAP=0.0", - "index=Green, Mr. George Henry
Age=51.0
Fare=8.05
SHAP=0.0", - "index=Nenkoff, Mr. Christo
Age=nan
Fare=7.8958
SHAP=-0.0", - "index=Asplund, Miss. Lillian Gertrud
Age=5.0
Fare=31.3875
SHAP=-0.0", - "index=Harknett, Miss. Alice Phoebe
Age=nan
Fare=7.55
SHAP=0.0", - "index=Hunt, Mr. George Henry
Age=33.0
Fare=12.275
SHAP=-0.0", - "index=Reed, Mr. James George
Age=nan
Fare=7.25
SHAP=-0.0", - "index=Stead, Mr. William Thomas
Age=62.0
Fare=26.55
SHAP=-0.0", - "index=Thorne, Mrs. Gertrude Maybelle
Age=nan
Fare=79.2
SHAP=-0.01", - "index=Parrish, Mrs. (Lutie Davis)
Age=50.0
Fare=26.0
SHAP=-0.0", - "index=Smith, Mr. Thomas
Age=nan
Fare=7.75
SHAP=-0.0", - "index=Asplund, Master. Edvin Rojj Felix
Age=3.0
Fare=31.3875
SHAP=-0.0", - "index=Healy, Miss. Hanora \"Nora\"
Age=nan
Fare=7.75
SHAP=0.0", - "index=Andrews, Miss. Kornelia Theodosia
Age=63.0
Fare=77.9583
SHAP=0.0", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Age=35.0
Fare=20.25
SHAP=-0.0", - "index=Smith, Mr. Richard William
Age=nan
Fare=26.0
SHAP=0.0", - "index=Connolly, Miss. Kate
Age=22.0
Fare=7.75
SHAP=0.0", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Age=19.0
Fare=91.0792
SHAP=-0.0", - "index=Levy, Mr. Rene Jacques
Age=36.0
Fare=12.875
SHAP=-0.0", - "index=Lewy, Mr. Ervin G
Age=nan
Fare=27.7208
SHAP=0.0", - "index=Williams, Mr. Howard Hugh \"Harry\"
Age=nan
Fare=8.05
SHAP=-0.0", - "index=Sage, Mr. George John Jr
Age=nan
Fare=69.55
SHAP=-0.01", - "index=Nysveen, Mr. Johan Hansen
Age=61.0
Fare=6.2375
SHAP=0.0", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=nan
Fare=133.65
SHAP=-0.01", - "index=Denkoff, Mr. Mitto
Age=nan
Fare=7.8958
SHAP=-0.0", - "index=Burns, Miss. Elizabeth Margaret
Age=41.0
Fare=134.5
SHAP=0.01", - "index=Dimic, Mr. Jovan
Age=42.0
Fare=8.6625
SHAP=-0.0", - "index=del Carlo, Mr. Sebastiano
Age=29.0
Fare=27.7208
SHAP=-0.0", - "index=Beavan, Mr. William Thomas
Age=19.0
Fare=8.05
SHAP=0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=nan
Fare=82.1708
SHAP=-0.01", - "index=Widener, Mr. Harry Elkins
Age=27.0
Fare=211.5
SHAP=-0.0", - "index=Gustafsson, Mr. Karl Gideon
Age=19.0
Fare=7.775
SHAP=0.0", - "index=Plotcharsky, Mr. Vasil
Age=nan
Fare=7.8958
SHAP=-0.0", - "index=Goodwin, Master. Sidney Leonard
Age=1.0
Fare=46.9
SHAP=-0.0", - "index=Sadlier, Mr. Matthew
Age=nan
Fare=7.7292
SHAP=-0.0", - "index=Gustafsson, Mr. Johan Birger
Age=28.0
Fare=7.925
SHAP=0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=24.0
Fare=16.7
SHAP=-0.0", - "index=Niskanen, Mr. Juha
Age=39.0
Fare=7.925
SHAP=-0.0", - "index=Minahan, Miss. Daisy E
Age=33.0
Fare=90.0
SHAP=0.0", - "index=Matthews, Mr. William John
Age=30.0
Fare=13.0
SHAP=-0.0", - "index=Charters, Mr. David
Age=21.0
Fare=7.7333
SHAP=0.0", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=19.0
Fare=26.0
SHAP=0.0", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=45.0
Fare=26.25
SHAP=-0.0", - "index=Johannesen-Bratthammer, Mr. Bernt
Age=nan
Fare=8.1125
SHAP=-0.0", - "index=Peuchen, Major. Arthur Godfrey
Age=52.0
Fare=30.5
SHAP=-0.01", - "index=Anderson, Mr. Harry
Age=48.0
Fare=26.55
SHAP=-0.0", - "index=Milling, Mr. Jacob Christian
Age=48.0
Fare=13.0
SHAP=0.0", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=33.0
Fare=27.75
SHAP=0.0", - "index=Karlsson, Mr. Nils August
Age=22.0
Fare=7.5208
SHAP=0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Age=nan
Fare=0.0
SHAP=-0.0", - "index=Bishop, Mr. Dickinson H
Age=25.0
Fare=91.0792
SHAP=-0.0", - "index=Windelov, Mr. Einar
Age=21.0
Fare=7.25
SHAP=0.0", - "index=Shellard, Mr. Frederick William
Age=nan
Fare=15.1
SHAP=0.0", - "index=Svensson, Mr. Olof
Age=24.0
Fare=7.7958
SHAP=0.0", - "index=O'Sullivan, Miss. Bridget Mary
Age=nan
Fare=7.6292
SHAP=-0.0", - "index=Laitinen, Miss. Kristina Sofia
Age=37.0
Fare=9.5875
SHAP=-0.0", - "index=Penasco y Castellana, Mr. Victor de Satode
Age=18.0
Fare=108.9
SHAP=-0.01", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Age=nan
Fare=26.55
SHAP=0.0", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=36.0
Fare=26.0
SHAP=0.0", - "index=Kassem, Mr. Fared
Age=nan
Fare=7.2292
SHAP=-0.0", - "index=Cacic, Miss. Marija
Age=30.0
Fare=8.6625
SHAP=0.0", - "index=Hart, Miss. Eva Miriam
Age=7.0
Fare=26.25
SHAP=0.0", - "index=Butt, Major. Archibald Willingham
Age=45.0
Fare=26.55
SHAP=-0.0", - "index=Beane, Mr. Edward
Age=32.0
Fare=26.0
SHAP=0.0", - "index=Goldsmith, Mr. Frank John
Age=33.0
Fare=20.525
SHAP=0.0", - "index=Ohman, Miss. Velin
Age=22.0
Fare=7.775
SHAP=0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=39.0
Fare=79.65
SHAP=0.01", - "index=Morrow, Mr. Thomas Rowan
Age=nan
Fare=7.75
SHAP=-0.0", - "index=Harris, Mr. George
Age=62.0
Fare=10.5
SHAP=0.01", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=53.0
Fare=51.4792
SHAP=-0.0", - "index=Patchett, Mr. George
Age=19.0
Fare=14.5
SHAP=-0.0", - "index=Ross, Mr. John Hugo
Age=36.0
Fare=40.125
SHAP=0.0", - "index=Murdlin, Mr. Joseph
Age=nan
Fare=8.05
SHAP=-0.0", - "index=Bourke, Miss. Mary
Age=nan
Fare=7.75
SHAP=0.0", - "index=Boulos, Mr. Hanna
Age=nan
Fare=7.225
SHAP=-0.0", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=49.0
Fare=56.9292
SHAP=0.0", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Age=35.0
Fare=26.55
SHAP=0.0", - "index=Lindell, Mr. Edvard Bengtsson
Age=36.0
Fare=15.55
SHAP=0.0", - "index=Daniel, Mr. Robert Williams
Age=27.0
Fare=30.5
SHAP=-0.0", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=22.0
Fare=41.5792
SHAP=0.0", - "index=Shutes, Miss. Elizabeth W
Age=40.0
Fare=153.4625
SHAP=0.01", - "index=Jardin, Mr. Jose Neto
Age=nan
Fare=7.05
SHAP=-0.0", - "index=Horgan, Mr. John
Age=nan
Fare=7.75
SHAP=-0.0", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=26.0
Fare=16.1
SHAP=-0.0", - "index=Yasbeck, Mr. Antoni
Age=27.0
Fare=14.4542
SHAP=-0.0", - "index=Bostandyeff, Mr. Guentcho
Age=26.0
Fare=7.8958
SHAP=0.0", - "index=Lundahl, Mr. Johan Svensson
Age=51.0
Fare=7.0542
SHAP=0.0", - "index=Stahelin-Maeglin, Dr. Max
Age=32.0
Fare=30.5
SHAP=0.0", - "index=Willey, Mr. Edward
Age=nan
Fare=7.55
SHAP=-0.0", - "index=Stanley, Miss. Amy Zillah Elsie
Age=23.0
Fare=7.55
SHAP=0.0", - "index=Hegarty, Miss. Hanora \"Nora\"
Age=18.0
Fare=6.75
SHAP=-0.0", - "index=Eitemiller, Mr. George Floyd
Age=23.0
Fare=13.0
SHAP=-0.0", - "index=Colley, Mr. Edward Pomeroy
Age=47.0
Fare=25.5875
SHAP=-0.0", - "index=Coleff, Mr. Peju
Age=36.0
Fare=7.4958
SHAP=-0.0", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Age=40.0
Fare=39.0
SHAP=-0.0", - "index=Davidson, Mr. Thornton
Age=31.0
Fare=52.0
SHAP=-0.0", - "index=Turja, Miss. Anna Sofia
Age=18.0
Fare=9.8417
SHAP=0.0", - "index=Hassab, Mr. Hammad
Age=27.0
Fare=76.7292
SHAP=-0.0", - "index=Goodwin, Mr. Charles Edward
Age=14.0
Fare=46.9
SHAP=-0.0", - "index=Panula, Mr. Jaako Arnold
Age=14.0
Fare=39.6875
SHAP=0.0", - "index=Fischer, Mr. Eberhard Thelander
Age=18.0
Fare=7.7958
SHAP=0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Age=42.0
Fare=7.65
SHAP=-0.0", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Age=18.0
Fare=227.525
SHAP=-0.0", - "index=Hansen, Mr. Henrik Juul
Age=26.0
Fare=7.8542
SHAP=0.0", - "index=Calderhead, Mr. Edward Pennington
Age=42.0
Fare=26.2875
SHAP=-0.0", - "index=Klaber, Mr. Herman
Age=nan
Fare=26.55
SHAP=0.0", - "index=Taylor, Mr. Elmer Zebley
Age=48.0
Fare=52.0
SHAP=0.0", - "index=Larsson, Mr. August Viktor
Age=29.0
Fare=9.4833
SHAP=0.0", - "index=Greenberg, Mr. Samuel
Age=52.0
Fare=13.0
SHAP=0.0", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Age=27.0
Fare=10.5
SHAP=0.0", - "index=McEvoy, Mr. Michael
Age=nan
Fare=15.5
SHAP=0.0", - "index=Johnson, Mr. Malkolm Joackim
Age=33.0
Fare=7.775
SHAP=-0.0", - "index=Gillespie, Mr. William Henry
Age=34.0
Fare=13.0
SHAP=-0.0", - "index=Allen, Miss. Elisabeth Walton
Age=29.0
Fare=211.3375
SHAP=0.0", - "index=Berriman, Mr. William John
Age=23.0
Fare=13.0
SHAP=-0.0", - "index=Troupiansky, Mr. Moses Aaron
Age=23.0
Fare=13.0
SHAP=-0.0", - "index=Williams, Mr. Leslie
Age=28.5
Fare=16.1
SHAP=-0.0", - "index=Ivanoff, Mr. Kanio
Age=nan
Fare=7.8958
SHAP=-0.0", - "index=McNamee, Mr. Neal
Age=24.0
Fare=16.1
SHAP=-0.0", - "index=Connaghton, Mr. Michael
Age=31.0
Fare=7.75
SHAP=-0.0", - "index=Carlsson, Mr. August Sigfrid
Age=28.0
Fare=7.7958
SHAP=0.0", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Age=33.0
Fare=86.5
SHAP=0.0", - "index=Eklund, Mr. Hans Linus
Age=16.0
Fare=7.775
SHAP=0.0", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Age=51.0
Fare=77.9583
SHAP=0.0", - "index=Moran, Mr. Daniel J
Age=nan
Fare=24.15
SHAP=-0.0", - "index=Lievens, Mr. Rene Aime
Age=24.0
Fare=9.5
SHAP=0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Age=43.0
Fare=211.3375
SHAP=0.0", - "index=Ayoub, Miss. Banoura
Age=13.0
Fare=7.2292
SHAP=-0.0", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Age=17.0
Fare=57.0
SHAP=-0.0", - "index=Johnston, Mr. Andrew G
Age=nan
Fare=23.45
SHAP=-0.0", - "index=Ali, Mr. William
Age=25.0
Fare=7.05
SHAP=0.0", - "index=Sjoblom, Miss. Anna Sofia
Age=18.0
Fare=7.4958
SHAP=0.0", - "index=Guggenheim, Mr. Benjamin
Age=46.0
Fare=79.2
SHAP=0.0", - "index=Leader, Dr. Alice (Farnham)
Age=49.0
Fare=25.9292
SHAP=-0.0", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Age=31.0
Fare=26.25
SHAP=0.0", - "index=Carter, Master. William Thornton II
Age=11.0
Fare=120.0
SHAP=0.0", - "index=Thomas, Master. Assad Alexander
Age=0.42
Fare=8.5167
SHAP=0.0", - "index=Johansson, Mr. Karl Johan
Age=31.0
Fare=7.775
SHAP=0.0", - "index=Slemen, Mr. Richard James
Age=35.0
Fare=10.5
SHAP=-0.0", - "index=Tomlin, Mr. Ernest Portage
Age=30.5
Fare=8.05
SHAP=0.0", - "index=McCormack, Mr. Thomas Joseph
Age=nan
Fare=7.75
SHAP=-0.0", - "index=Richards, Master. George Sibley
Age=0.83
Fare=18.75
SHAP=0.0", - "index=Mudd, Mr. Thomas Charles
Age=16.0
Fare=10.5
SHAP=-0.0", - "index=Lemberopolous, Mr. Peter L
Age=34.5
Fare=6.4375
SHAP=-0.0", - "index=Sage, Mr. Douglas Bullen
Age=nan
Fare=69.55
SHAP=-0.01", - "index=Boulos, Miss. Nourelain
Age=9.0
Fare=15.2458
SHAP=0.0", - "index=Aks, Mrs. Sam (Leah Rosen)
Age=18.0
Fare=9.35
SHAP=0.0", - "index=Razi, Mr. Raihed
Age=nan
Fare=7.2292
SHAP=-0.0", - "index=Johnson, Master. Harold Theodor
Age=4.0
Fare=11.1333
SHAP=0.0", - "index=Carlsson, Mr. Frans Olof
Age=33.0
Fare=5.0
SHAP=-0.0", - "index=Gustafsson, Mr. Alfred Ossian
Age=20.0
Fare=9.8458
SHAP=-0.0", - "index=Montvila, Rev. Juozas
Age=27.0
Fare=13.0
SHAP=-0.0" - ], + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 38, - 35, - 2, - 27, - 14, - 20, - 14, - 38, - null, - 28, - null, - 19, - 18, - 21, - 45, - 4, - 26, - 21, - 17, - 16, - 29, - 20, - 46, - null, - 21, - 38, - null, - 22, - 20, - 21, - 29, - null, - 16, - 9, - 36.5, - 51, - 55.5, - 44, - null, - 61, - 21, - 18, - null, - 19, - 44, - 28, - 32, - 40, - 24, - 51, - null, - 5, - null, - 33, - null, - 62, - null, - 50, - null, - 3, - null, - 63, - 35, - null, - 22, - 19, - 36, - null, - null, - null, - 61, - null, - null, - 41, - 42, - 29, - 19, - null, - 27, - 19, - null, - 1, - null, - 28, - 24, - 39, - 33, - 30, - 21, - 19, - 45, - null, - 52, - 48, - 48, - 33, - 22, - null, - 25, - 21, - null, - 24, - null, - 37, - 18, - null, - 36, - null, - 30, - 7, - 45, - 32, - 33, - 22, - 39, - null, - 62, - 53, - 19, - 36, - null, - null, - null, - 49, - 35, - 36, - 27, - 22, - 40, - null, - null, - 26, - 27, - 26, - 51, - 32, - null, - 23, - 18, - 23, - 47, - 36, - 40, - 31, - 18, - 27, - 14, - 14, - 18, - 42, - 18, - 26, - 42, - null, - 48, - 29, - 52, - 27, - null, - 33, - 34, - 29, - 23, - 23, - 28.5, - null, - 24, - 31, - 28, - 33, - 16, - 51, - null, - 24, - 43, - 13, - 17, - null, - 25, - 18, - 46, - 49, - 31, - 11, - 0.42, - 31, - 35, - 30.5, - null, - 0.83, - 16, - 34.5, - null, - 9, - 18, - null, - 4, - 33, - 20, - 27 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 0.004387781937202548, - 0.0020738543604192214, - 0.0010197148430261694, - -2.270709732613121e-05, - 0.0007973382290208142, - 0.000925549261887703, - 0.0004866936982809786, - 0.0013290079514515077, - 0.0017104644489460855, - -0.0016275176133639952, - -0.0013289058198815722, - 0.00019577715701352567, - 0.00029775671573839833, - -6.596083451444642e-05, - 0.0021675795496779986, - -0.000694314189549824, - 0.0010369083082997787, - -0.0024579580418009304, - -0.000664827915093767, - -0.0010224620363518612, - 0.002263899071260708, - 0.0013036700332735506, - 0.0016565063615826994, - -0.002801232139770917, - -0.002403958729612448, - -0.0023729804559947322, - 0.0003346315345801559, - 0.000925549261887703, - -0.0014289880163741461, - 0.001404348957308648, - -0.0014263691287062725, - -0.0019001371268608889, - 0.001825705974921047, - -0.0009348030536933569, - 0.004152369320047002, - 0.0004147833939024385, - 0.001518573166210124, - -0.0008334449231455772, - -0.0016741011374372657, - -0.006335239444646614, - 0.001404348957308648, - 0.0015522784850016628, - 0.0035822179822810668, - 0.0008828231828098428, - -0.004005063618578034, - 0.0012363991308607047, - -0.0011667564729205611, - -0.005112658259417958, - 0.0018337486141737041, - 0.0018601692457075284, - -0.002801232139770917, - -0.0003237951243400527, - 0.00038691004625730384, - -0.0008870260482516031, - -0.0033235818472596244, - -0.0034578576018205907, - -0.009584079561718008, - -0.0008656785957258391, - -0.001795949603547174, - -0.0004998334654105402, - 0.0017104644489460855, - 0.0023601128502062163, - -0.0007829631813967796, - 0.0033663656972088155, - 0.00012425319486456345, - -0.002431537301209109, - -0.00032483474330144706, - 0.002940826294390371, - -0.0019001371268608889, - -0.005663817523008262, - 0.0031431331207862744, - -0.007030676995067952, - -0.002801232139770917, - 0.007921444974177835, - -0.0010127564693203537, - -9.160698258949015e-05, - 0.000925549261887703, - -0.006237288281375966, - -0.002841523571622801, - 0.0013036700332735506, - -0.002801232139770917, - -0.001568931786001242, - -0.0018164827740803447, - 0.002324587442660225, - -0.0005529821531536454, - -0.0019655366947213975, - 0.00490125916560265, - -0.0019230843278806482, - 0.0007384106044749984, - 0.0009585225720234766, - -0.000865657709948805, - -0.0019001371268608889, - -0.006697126520184348, - -0.0020328519503584096, - 0.0002687552479701099, - 0.0034776119935107774, - 0.0018233598121296219, - -0.004891192228199815, - -0.004713616694690147, - 0.0018233598121296219, - 0.0024384888919110467, - 0.0014096251948200887, - -0.00044776367142264134, - -0.0018004159650774963, - -0.00541185890205428, - 0.002885459542383135, - 0.001366205180290543, - -0.003314893496821912, - 0.0010014990266361881, - 0.00025189879505069864, - -0.0016862469147569952, - 0.0008013635699258486, - 0.00018919940493003013, - 0.0008251939612225589, - 0.005804202427229974, - -0.001795949603547174, - 0.008239871921110984, - -0.0017327202846916265, - -0.0007249750770617841, - 0.0017867570453247283, - -0.0019001371268608889, - 0.002227948526969825, - -0.003703755658832344, - 0.002096064622356274, - 0.0009268822414545778, - 6.398768156900571e-06, - -0.0018105269315789997, - 0.00028654339175318317, - 0.008839554762732902, - -0.003419148206762079, - -0.001795949603547174, - -0.0008436531736063543, - -0.00043436613292256986, - 0.0018537723607042565, - 0.0034370293245207222, - 0.004712364931831828, - -0.0033235818472596244, - 0.0013345160348779844, - -0.0008675096461104542, - -0.0014362826766675242, - -0.003146558861359176, - -0.002615018111508595, - -0.00021850322272841508, - -0.001580342926116902, - 0.00014773303947081539, - -0.002956872325853898, - -0.0011782946787912353, - 0.0008635107536280148, - 0.0017157965070906138, - -0.0008812443388945188, - -0.003893777532918395, - 0.001192082505341248, - -0.0022838333052962335, - 0.003454331904623565, - 0.0008132484420062026, - 0.0014274728031049761, - 7.318731440503334e-05, - 0.001864621774721476, - 0.0020144035928490326, - -0.002951103968380996, - -0.0008870260482516031, - 0.0009084018433684897, - -0.0014362826766675242, - -0.0014362826766675242, - -0.0022679960313625094, - -0.002801232139770917, - -0.0007145209391579972, - -0.0004388916474282298, - 0.002179844901748211, - 0.003458206873619204, - 0.0010979265648478982, - 0.0028804869886690375, - -9.243292040468155e-05, - 4.0044830342377685e-06, - 0.004131777804209266, - -0.001089574694651198, - -0.0012686342872708003, - -0.001323302571935058, - 0.0018337486141737041, - 0.0005011400983089943, - 0.0048774832239341466, - -0.0016968028727528622, - 0.0004518679375720311, - 0.0014048706373433265, - 0.0007772930239094274, - 0.0009664238085408493, - -0.0028146376943369985, - 0.0011656729358825787, - -0.001795949603547174, - 0.0021098202163755703, - -0.0008334888261405282, - -0.002478581282135162, - -0.005663817523008262, - 0.00020644961132757446, - 0.000873104375588894, - -0.003314893496821912, - 0.0001540829565180404, - -0.001450944083084875, - -0.00032263778701653866, - -0.0016715807660598668 + 14.525706712122814, + 15.47352960486096, + 15.47352960486096, + 15.517019740456359, + 16.056028872193117, + 17.838704746627858, + 20.589714021041388, + 19.83237977738716, + 29.822382163735057, + 29.332118287483926 ] }, { - "hoverinfo": "text", - "marker": { - "color": "grey", - "opacity": 0.35, - "size": 7 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "text": [], + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", - "x": [], - "y": [] + "x": [ + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 + ], + "y": [ + 14.423162025711033, + 15.242453845002851, + 15.242453845002851, + 15.107372552026826, + 15.715628987189529, + 17.523300723368127, + 19.876786116434246, + 21.30787822060885, + 34.193082542133475, + 34.40840345310655 + ] }, { - "hoverinfo": "text", - "marker": { - "color": "LightSkyBlue", - "line": { - "color": "MediumPurple", - "width": 4 - }, - "opacity": 0.5, - "size": 25 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "name": "index Vestrom, Miss. Hulda Amanda Adolfina", + "mode": "lines", + "opacity": 0.1, "showlegend": false, - "text": "index Vestrom, Miss. Hulda Amanda Adolfina", "type": "scatter", "x": [ - 14 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 0.0004866936982809786 + 65.1238859155521, + 67.34141330209357, + 67.34141330209357, + 65.30759687697278, + 66.89734046671637, + 71.30782813326279, + 70.38346160933034, + 70.38346160933034, + 74.46024690646804, + 74.33561658093817 ] - } - ], - "layout": { - "hovermode": "closest", - "paper_bgcolor": "#fff", - "plot_bgcolor": "#fff", - "showlegend": false, - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } - }, - "title": { - "text": "Interaction plot for Age and Fare" - }, - "xaxis": { - "title": { - "text": "Age" - } }, - "yaxis": { - "title": { - "text": "SHAP value" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_interaction(\"Fare\", \"Age\", highlight_index=name)" - ] - }, - { - "cell_type": "code", - "execution_count": 29, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:41:34.951988Z", - "start_time": "2020-10-12T08:41:34.934358Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ { - "hoverinfo": "text", - "marker": { - "color": [ - 38, - 35, - 2, - 27, - 14, - 20, - 14, - 38, - 28, - 19, - 18, - 21, - 45, - 4, - 26, - 21, - 17, - 16, - 29, - 20, - 46, - 21, - 38, - 22, - 20, - 21, - 29, - 16, - 9, - 36.5, - 51, - 55.5, - 44, - 61, - 21, - 18, - 19, - 44, - 28, - 32, - 40, - 24, - 51, - 5, - 33, - 62, - 50, - 3, - 63, - 35, - 22, - 19, - 36, - 61, - 41, - 42, - 29, - 19, - 27, - 19, - 1, - 28, - 24, - 39, - 33, - 30, - 21, - 19, - 45, - 52, - 48, - 48, - 33, - 22, - 25, - 21, - 24, - 37, - 18, - 36, - 30, - 7, - 45, - 32, - 33, - 22, - 39, - 62, - 53, - 19, - 36, - 49, - 35, - 36, - 27, - 22, - 40, - 26, - 27, - 26, - 51, - 32, - 23, - 18, - 23, - 47, - 36, - 40, - 31, - 18, - 27, - 14, - 14, - 18, - 42, - 18, - 26, - 42, - 48, - 29, - 52, - 27, - 33, - 34, - 29, - 23, - 23, - 28.5, - 24, - 31, - 28, - 33, - 16, - 51, - 24, - 43, - 13, - 17, - 25, - 18, - 46, - 49, - 31, - 11, - 0.42, - 31, - 35, - 30.5, - 0.83, - 16, - 34.5, - 9, - 18, - 4, - 33, - 20, - 27 - ], - "colorbar": { - "title": { - "text": "Age" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.6, - "showscale": true, - "size": 7 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Fare=71.2833
Age=38.0
SHAP=0.0", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Fare=53.1
Age=35.0
SHAP=0.0", - "index=Palsson, Master. Gosta Leonard
Fare=21.075
Age=2.0
SHAP=0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Fare=11.1333
Age=27.0
SHAP=-0.0", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Fare=30.0708
Age=14.0
SHAP=0.0", - "index=Saundercock, Mr. William Henry
Fare=8.05
Age=20.0
SHAP=0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Fare=7.8542
Age=14.0
SHAP=0.0", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Fare=31.3875
Age=38.0
SHAP=0.0", - "index=Meyer, Mr. Edgar Joseph
Fare=82.1708
Age=28.0
SHAP=-0.0", - "index=Devaney, Miss. Margaret Delia
Fare=7.8792
Age=19.0
SHAP=0.0", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Fare=17.8
Age=18.0
SHAP=0.0", - "index=Rugg, Miss. Emily
Fare=10.5
Age=21.0
SHAP=-0.0", - "index=Harris, Mr. Henry Birkhardt
Fare=83.475
Age=45.0
SHAP=0.0", - "index=Skoog, Master. Harald
Fare=27.9
Age=4.0
SHAP=-0.0", - "index=Kink, Mr. Vincenz
Fare=8.6625
Age=26.0
SHAP=0.0", - "index=Hood, Mr. Ambrose Jr
Fare=73.5
Age=21.0
SHAP=-0.0", - "index=Ilett, Miss. Bertha
Fare=10.5
Age=17.0
SHAP=-0.0", - "index=Ford, Mr. William Neal
Fare=34.375
Age=16.0
SHAP=-0.0", - "index=Christmann, Mr. Emil
Fare=8.05
Age=29.0
SHAP=0.0", - "index=Andreasson, Mr. Paul Edvin
Fare=7.8542
Age=20.0
SHAP=0.0", - "index=Chaffee, Mr. Herbert Fuller
Fare=61.175
Age=46.0
SHAP=0.0", - "index=White, Mr. Richard Frasar
Fare=77.2875
Age=21.0
SHAP=-0.0", - "index=Rekic, Mr. Tido
Fare=7.8958
Age=38.0
SHAP=-0.0", - "index=Barton, Mr. David John
Fare=8.05
Age=22.0
SHAP=0.0", - "index=Jussila, Miss. Katriina
Fare=9.825
Age=20.0
SHAP=-0.0", - "index=Pekoniemi, Mr. Edvard
Fare=7.925
Age=21.0
SHAP=0.0", - "index=Turpin, Mr. William John Robert
Fare=21.0
Age=29.0
SHAP=-0.0", - "index=Osen, Mr. Olaf Elon
Fare=9.2167
Age=16.0
SHAP=0.0", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Fare=34.375
Age=9.0
SHAP=-0.0", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Fare=26.0
Age=36.5
SHAP=0.0", - "index=Bateman, Rev. Robert James
Fare=12.525
Age=51.0
SHAP=0.0", - "index=Meo, Mr. Alfonzo
Fare=8.05
Age=55.5
SHAP=0.0", - "index=Cribb, Mr. John Hatfield
Fare=16.1
Age=44.0
SHAP=-0.0", - "index=Van der hoef, Mr. Wyckoff
Fare=33.5
Age=61.0
SHAP=-0.01", - "index=Sivola, Mr. Antti Wilhelm
Fare=7.925
Age=21.0
SHAP=0.0", - "index=Klasen, Mr. Klas Albin
Fare=7.8542
Age=18.0
SHAP=0.0", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Fare=7.8542
Age=19.0
SHAP=0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Fare=27.7208
Age=44.0
SHAP=-0.0", - "index=Vande Walle, Mr. Nestor Cyriel
Fare=9.5
Age=28.0
SHAP=0.0", - "index=Backstrom, Mr. Karl Alfred
Fare=15.85
Age=32.0
SHAP=-0.0", - "index=Blank, Mr. Henry
Fare=31.0
Age=40.0
SHAP=-0.01", - "index=Ali, Mr. Ahmed
Fare=7.05
Age=24.0
SHAP=0.0", - "index=Green, Mr. George Henry
Fare=8.05
Age=51.0
SHAP=0.0", - "index=Asplund, Miss. Lillian Gertrud
Fare=31.3875
Age=5.0
SHAP=-0.0", - "index=Hunt, Mr. George Henry
Fare=12.275
Age=33.0
SHAP=-0.0", - "index=Stead, Mr. William Thomas
Fare=26.55
Age=62.0
SHAP=-0.0", - "index=Parrish, Mrs. (Lutie Davis)
Fare=26.0
Age=50.0
SHAP=-0.0", - "index=Asplund, Master. Edvin Rojj Felix
Fare=31.3875
Age=3.0
SHAP=-0.0", - "index=Andrews, Miss. Kornelia Theodosia
Fare=77.9583
Age=63.0
SHAP=0.0", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Fare=20.25
Age=35.0
SHAP=-0.0", - "index=Connolly, Miss. Kate
Fare=7.75
Age=22.0
SHAP=0.0", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Fare=91.0792
Age=19.0
SHAP=-0.0", - "index=Levy, Mr. Rene Jacques
Fare=12.875
Age=36.0
SHAP=-0.0", - "index=Nysveen, Mr. Johan Hansen
Fare=6.2375
Age=61.0
SHAP=0.0", - "index=Burns, Miss. Elizabeth Margaret
Fare=134.5
Age=41.0
SHAP=0.01", - "index=Dimic, Mr. Jovan
Fare=8.6625
Age=42.0
SHAP=-0.0", - "index=del Carlo, Mr. Sebastiano
Fare=27.7208
Age=29.0
SHAP=-0.0", - "index=Beavan, Mr. William Thomas
Fare=8.05
Age=19.0
SHAP=0.0", - "index=Widener, Mr. Harry Elkins
Fare=211.5
Age=27.0
SHAP=-0.0", - "index=Gustafsson, Mr. Karl Gideon
Fare=7.775
Age=19.0
SHAP=0.0", - "index=Goodwin, Master. Sidney Leonard
Fare=46.9
Age=1.0
SHAP=-0.0", - "index=Gustafsson, Mr. Johan Birger
Fare=7.925
Age=28.0
SHAP=0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Fare=16.7
Age=24.0
SHAP=-0.0", - "index=Niskanen, Mr. Juha
Fare=7.925
Age=39.0
SHAP=-0.0", - "index=Minahan, Miss. Daisy E
Fare=90.0
Age=33.0
SHAP=0.0", - "index=Matthews, Mr. William John
Fare=13.0
Age=30.0
SHAP=-0.0", - "index=Charters, Mr. David
Fare=7.7333
Age=21.0
SHAP=0.0", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Fare=26.0
Age=19.0
SHAP=0.0", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Fare=26.25
Age=45.0
SHAP=-0.0", - "index=Peuchen, Major. Arthur Godfrey
Fare=30.5
Age=52.0
SHAP=-0.01", - "index=Anderson, Mr. Harry
Fare=26.55
Age=48.0
SHAP=-0.0", - "index=Milling, Mr. Jacob Christian
Fare=13.0
Age=48.0
SHAP=0.0", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Fare=27.75
Age=33.0
SHAP=0.0", - "index=Karlsson, Mr. Nils August
Fare=7.5208
Age=22.0
SHAP=0.0", - "index=Bishop, Mr. Dickinson H
Fare=91.0792
Age=25.0
SHAP=-0.0", - "index=Windelov, Mr. Einar
Fare=7.25
Age=21.0
SHAP=0.0", - "index=Svensson, Mr. Olof
Fare=7.7958
Age=24.0
SHAP=0.0", - "index=Laitinen, Miss. Kristina Sofia
Fare=9.5875
Age=37.0
SHAP=-0.0", - "index=Penasco y Castellana, Mr. Victor de Satode
Fare=108.9
Age=18.0
SHAP=-0.01", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Fare=26.0
Age=36.0
SHAP=0.0", - "index=Cacic, Miss. Marija
Fare=8.6625
Age=30.0
SHAP=0.0", - "index=Hart, Miss. Eva Miriam
Fare=26.25
Age=7.0
SHAP=0.0", - "index=Butt, Major. Archibald Willingham
Fare=26.55
Age=45.0
SHAP=-0.0", - "index=Beane, Mr. Edward
Fare=26.0
Age=32.0
SHAP=0.0", - "index=Goldsmith, Mr. Frank John
Fare=20.525
Age=33.0
SHAP=0.0", - "index=Ohman, Miss. Velin
Fare=7.775
Age=22.0
SHAP=0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Fare=79.65
Age=39.0
SHAP=0.01", - "index=Harris, Mr. George
Fare=10.5
Age=62.0
SHAP=0.01", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Fare=51.4792
Age=53.0
SHAP=-0.0", - "index=Patchett, Mr. George
Fare=14.5
Age=19.0
SHAP=-0.0", - "index=Ross, Mr. John Hugo
Fare=40.125
Age=36.0
SHAP=0.0", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Fare=56.9292
Age=49.0
SHAP=0.0", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Fare=26.55
Age=35.0
SHAP=0.0", - "index=Lindell, Mr. Edvard Bengtsson
Fare=15.55
Age=36.0
SHAP=0.0", - "index=Daniel, Mr. Robert Williams
Fare=30.5
Age=27.0
SHAP=-0.0", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Fare=41.5792
Age=22.0
SHAP=0.0", - "index=Shutes, Miss. Elizabeth W
Fare=153.4625
Age=40.0
SHAP=0.01", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Fare=16.1
Age=26.0
SHAP=-0.0", - "index=Yasbeck, Mr. Antoni
Fare=14.4542
Age=27.0
SHAP=-0.0", - "index=Bostandyeff, Mr. Guentcho
Fare=7.8958
Age=26.0
SHAP=0.0", - "index=Lundahl, Mr. Johan Svensson
Fare=7.0542
Age=51.0
SHAP=0.0", - "index=Stahelin-Maeglin, Dr. Max
Fare=30.5
Age=32.0
SHAP=0.0", - "index=Stanley, Miss. Amy Zillah Elsie
Fare=7.55
Age=23.0
SHAP=0.0", - "index=Hegarty, Miss. Hanora \"Nora\"
Fare=6.75
Age=18.0
SHAP=-0.0", - "index=Eitemiller, Mr. George Floyd
Fare=13.0
Age=23.0
SHAP=-0.0", - "index=Colley, Mr. Edward Pomeroy
Fare=25.5875
Age=47.0
SHAP=-0.0", - "index=Coleff, Mr. Peju
Fare=7.4958
Age=36.0
SHAP=-0.0", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Fare=39.0
Age=40.0
SHAP=-0.0", - "index=Davidson, Mr. Thornton
Fare=52.0
Age=31.0
SHAP=-0.0", - "index=Turja, Miss. Anna Sofia
Fare=9.8417
Age=18.0
SHAP=0.0", - "index=Hassab, Mr. Hammad
Fare=76.7292
Age=27.0
SHAP=-0.0", - "index=Goodwin, Mr. Charles Edward
Fare=46.9
Age=14.0
SHAP=-0.0", - "index=Panula, Mr. Jaako Arnold
Fare=39.6875
Age=14.0
SHAP=0.0", - "index=Fischer, Mr. Eberhard Thelander
Fare=7.7958
Age=18.0
SHAP=0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Fare=7.65
Age=42.0
SHAP=-0.0", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Fare=227.525
Age=18.0
SHAP=-0.0", - "index=Hansen, Mr. Henrik Juul
Fare=7.8542
Age=26.0
SHAP=0.0", - "index=Calderhead, Mr. Edward Pennington
Fare=26.2875
Age=42.0
SHAP=-0.0", - "index=Taylor, Mr. Elmer Zebley
Fare=52.0
Age=48.0
SHAP=0.0", - "index=Larsson, Mr. August Viktor
Fare=9.4833
Age=29.0
SHAP=0.0", - "index=Greenberg, Mr. Samuel
Fare=13.0
Age=52.0
SHAP=0.0", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Fare=10.5
Age=27.0
SHAP=0.0", - "index=Johnson, Mr. Malkolm Joackim
Fare=7.775
Age=33.0
SHAP=-0.0", - "index=Gillespie, Mr. William Henry
Fare=13.0
Age=34.0
SHAP=-0.0", - "index=Allen, Miss. Elisabeth Walton
Fare=211.3375
Age=29.0
SHAP=0.0", - "index=Berriman, Mr. William John
Fare=13.0
Age=23.0
SHAP=-0.0", - "index=Troupiansky, Mr. Moses Aaron
Fare=13.0
Age=23.0
SHAP=-0.0", - "index=Williams, Mr. Leslie
Fare=16.1
Age=28.5
SHAP=-0.0", - "index=McNamee, Mr. Neal
Fare=16.1
Age=24.0
SHAP=-0.0", - "index=Connaghton, Mr. Michael
Fare=7.75
Age=31.0
SHAP=-0.0", - "index=Carlsson, Mr. August Sigfrid
Fare=7.7958
Age=28.0
SHAP=0.0", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Fare=86.5
Age=33.0
SHAP=0.0", - "index=Eklund, Mr. Hans Linus
Fare=7.775
Age=16.0
SHAP=0.0", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Fare=77.9583
Age=51.0
SHAP=0.0", - "index=Lievens, Mr. Rene Aime
Fare=9.5
Age=24.0
SHAP=0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Fare=211.3375
Age=43.0
SHAP=0.0", - "index=Ayoub, Miss. Banoura
Fare=7.2292
Age=13.0
SHAP=-0.0", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Fare=57.0
Age=17.0
SHAP=-0.0", - "index=Ali, Mr. William
Fare=7.05
Age=25.0
SHAP=0.0", - "index=Sjoblom, Miss. Anna Sofia
Fare=7.4958
Age=18.0
SHAP=0.0", - "index=Guggenheim, Mr. Benjamin
Fare=79.2
Age=46.0
SHAP=0.0", - "index=Leader, Dr. Alice (Farnham)
Fare=25.9292
Age=49.0
SHAP=-0.0", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Fare=26.25
Age=31.0
SHAP=0.0", - "index=Carter, Master. William Thornton II
Fare=120.0
Age=11.0
SHAP=0.0", - "index=Thomas, Master. Assad Alexander
Fare=8.5167
Age=0.42
SHAP=0.0", - "index=Johansson, Mr. Karl Johan
Fare=7.775
Age=31.0
SHAP=0.0", - "index=Slemen, Mr. Richard James
Fare=10.5
Age=35.0
SHAP=-0.0", - "index=Tomlin, Mr. Ernest Portage
Fare=8.05
Age=30.5
SHAP=0.0", - "index=Richards, Master. George Sibley
Fare=18.75
Age=0.83
SHAP=0.0", - "index=Mudd, Mr. Thomas Charles
Fare=10.5
Age=16.0
SHAP=-0.0", - "index=Lemberopolous, Mr. Peter L
Fare=6.4375
Age=34.5
SHAP=-0.0", - "index=Boulos, Miss. Nourelain
Fare=15.2458
Age=9.0
SHAP=0.0", - "index=Aks, Mrs. Sam (Leah Rosen)
Fare=9.35
Age=18.0
SHAP=0.0", - "index=Johnson, Master. Harold Theodor
Fare=11.1333
Age=4.0
SHAP=0.0", - "index=Carlsson, Mr. Frans Olof
Fare=5.0
Age=33.0
SHAP=-0.0", - "index=Gustafsson, Mr. Alfred Ossian
Fare=9.8458
Age=20.0
SHAP=-0.0", - "index=Montvila, Rev. Juozas
Fare=13.0
Age=27.0
SHAP=-0.0" - ], + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 71.2833, - 53.1, - 21.075, - 11.1333, - 30.0708, - 8.05, - 7.8542, - 31.3875, - 82.1708, - 7.8792, - 17.8, - 10.5, - 83.475, - 27.9, - 8.6625, - 73.5, - 10.5, - 34.375, - 8.05, - 7.8542, - 61.175, - 77.2875, - 7.8958, - 8.05, - 9.825, - 7.925, - 21, - 9.2167, - 34.375, - 26, - 12.525, - 8.05, - 16.1, - 33.5, - 7.925, - 7.8542, + 0, + 7.6588, 7.8542, - 27.7208, - 9.5, - 15.85, - 31, - 7.05, - 8.05, - 31.3875, - 12.275, - 26.55, - 26, - 31.3875, - 77.9583, - 20.25, - 7.75, - 91.0792, - 12.875, - 6.2375, - 134.5, - 8.6625, - 27.7208, 8.05, - 211.5, - 7.775, - 46.9, - 7.925, - 16.7, - 7.925, - 90, - 13, - 7.7333, - 26, - 26.25, - 30.5, - 26.55, - 13, - 27.75, - 7.5208, - 91.0792, - 7.25, - 7.7958, - 9.5875, - 108.9, - 26, - 8.6625, - 26.25, - 26.55, - 26, - 20.525, - 7.775, - 79.65, 10.5, - 51.4792, - 14.5, - 40.125, - 56.9292, - 26.55, - 15.55, - 30.5, - 41.5792, - 153.4625, 16.1, - 14.4542, - 7.8958, - 7.0542, - 30.5, - 7.55, - 6.75, - 13, - 25.5875, - 7.4958, - 39, - 52, - 9.8417, - 76.7292, - 46.9, - 39.6875, - 7.7958, - 7.65, - 227.525, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 + ], + "y": [ + 16.45463456335649, + 17.402457456094638, + 17.402457456094638, + 17.26737616311861, + 17.614254482387302, + 20.734910000074986, + 22.837415000984237, + 22.943630766642727, + 31.552461479200545, + 32.33921096160219 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0, + 7.6588, 7.8542, - 26.2875, - 52, - 9.4833, - 13, + 8.05, 10.5, - 7.775, - 13, - 211.3375, - 13, - 13, - 16.1, 16.1, - 7.75, - 7.7958, - 86.5, - 7.775, - 77.9583, - 9.5, - 211.3375, - 7.2292, - 57, - 7.05, - 7.4958, - 79.2, - 25.9292, 26.25, - 120, - 8.5167, - 7.775, - 10.5, - 8.05, - 18.75, - 10.5, - 6.4375, - 15.2458, - 9.35, - 11.1333, - 5, - 9.8458, - 13 + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 0.004387781937202546, - 0.002073854360419222, - 0.0010197148430261687, - -2.270709732613179e-05, - 0.0007973382290208147, - 0.000925549261887702, - 0.00048669369828098014, - 0.0013290079514515069, - -0.0016275176133639954, - 0.0001957771570135247, - 0.00029775671573839736, - -6.596083451444617e-05, - 0.0021675795496780012, - -0.0006943141895498245, - 0.001036908308299778, - -0.0024579580418009326, - -0.0006648279150937673, - -0.001022462036351862, - 0.0022638990712607076, - 0.0013036700332735498, - 0.0016565063615827007, - -0.002403958729612447, - -0.0023729804559947344, - 0.000925549261887702, - -0.001428988016374146, - 0.0014043489573086463, - -0.0014263691287062744, - 0.001825705974921046, - -0.000934803053693358, - 0.004152369320047001, - 0.0004147833939024383, - 0.0015185731662101238, - -0.0008334449231455783, - -0.0063352394446466115, - 0.0014043489573086463, - 0.001552278485001663, - 0.0008828231828098439, - -0.004005063618578035, - 0.0012363991308607044, - -0.001166756472920562, - -0.005112658259417963, - 0.001833748614173703, - 0.0018601692457075284, - -0.0003237951243400535, - -0.0008870260482516031, - -0.0034578576018205907, - -0.0008656785957258403, - -0.0004998334654105405, - 0.0023601128502062155, - -0.0007829631813967806, - 0.00012425319486456316, - -0.0024315373012091103, - -0.00032483474330144706, - 0.0031431331207862744, - 0.00792144497417783, - -0.0010127564693203533, - -9.160698258949218e-05, - 0.000925549261887702, - -0.0028415235716228015, - 0.0013036700332735498, - -0.0015689317860012415, - 0.002324587442660224, - -0.0005529821531536441, - -0.0019655366947213975, - 0.004901259165602648, - -0.001923084327880649, - 0.000738410604474996, - 0.0009585225720234776, - -0.0008656577099488082, - -0.006697126520184348, - -0.0020328519503584105, - 0.0002687552479701096, - 0.003477611993510778, - 0.0018233598121296212, - -0.004713616694690144, - 0.0018233598121296212, - 0.0014096251948200877, - -0.0018004159650774963, - -0.005411858902054279, - 0.001366205180290544, - 0.0010014990266361884, - 0.0002518987950506982, - -0.0016862469147569967, - 0.0008013635699258469, - 0.00018919940493002986, - 0.00082519396122256, - 0.0058042024272299715, - 0.008239871921110987, - -0.0017327202846916304, - -0.0007249750770617846, - 0.0017867570453247276, - 0.002096064622356275, - 0.0009268822414545769, - 6.3987681569005575e-06, - -0.001810526931579002, - 0.00028654339175318306, - 0.008839554762732902, - -0.0008436531736063545, - -0.0004343661329225697, - 0.0018537723607042558, - 0.003437029324520723, - 0.004712364931831831, - 0.0013345160348779844, - -0.0008675096461104542, - -0.0014362826766675261, - -0.0031465588613591782, - -0.002615018111508596, - -0.00021850322272842104, - -0.0015803429261169026, - 0.0001477330394708157, - -0.0029568723258538987, - -0.001178294678791234, - 0.000863510753628015, - 0.0017157965070906135, - -0.0008812443388945172, - -0.0038937775329183984, - 0.0011920825053412475, - -0.002283833305296235, - 0.0008132484420062035, - 0.0014274728031049763, - 7.31873144050338e-05, - 0.0018646217747214778, - -0.002951103968380998, - -0.0008870260482516033, - 0.0009084018433684885, - -0.0014362826766675261, - -0.0014362826766675261, - -0.0022679960313625107, - -0.0007145209391579982, - -0.00043889164742823175, - 0.0021798449017482097, - 0.003458206873619202, - 0.0010979265648478973, - 0.002880486988669038, - 4.004483034236562e-06, - 0.004131777804209265, - -0.0010895746946511964, - -0.0012686342872708007, - 0.001833748614173703, - 0.0005011400983089939, - 0.004877483223934145, - -0.0016968028727528653, - 0.0004518679375720313, - 0.0014048706373433295, - 0.0007772930239094267, - 0.0009664238085408481, - -0.0028146376943369994, - 0.0011656729358825784, - 0.0021098202163755703, - -0.0008334888261405293, - -0.002478581282135164, - 0.00020644961132757503, - 0.0008731043755888955, - 0.00015408295651804123, - -0.0014509440830848732, - -0.00032263778701653947, - -0.0016715807660598683 + 65.14679314157785, + 65.81345980824452, + 65.81345980824452, + 64.77964338312374, + 67.3963100497904, + 80.03932727631113, + 79.28932727631113, + 81.43089042330905, + 84.37887180454774, + 82.0814187505024 ] }, { - "hoverinfo": "text", - "marker": { - "color": "grey", - "opacity": 0.35, - "size": 7 + "hoverinfo": "skip", + "line": { + "color": "grey" }, - "mode": "markers", - "text": [ - "index=Glynn, Miss. Mary Agatha
Fare=7.75
Age=-999.0
SHAP=0.0", - "index=Kraeff, Mr. Theodor
Fare=7.8958
Age=-999.0
SHAP=-0.0", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Fare=7.8958
Age=-999.0
SHAP=-0.0", - "index=Moran, Miss. Bertha
Fare=24.15
Age=-999.0
SHAP=0.0", - "index=Moore, Mr. Leonard Charles
Fare=8.05
Age=-999.0
SHAP=-0.0", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Fare=55.0
Age=-999.0
SHAP=-0.0", - "index=Rood, Mr. Hugh Roscoe
Fare=50.0
Age=-999.0
SHAP=0.0", - "index=Nenkoff, Mr. Christo
Fare=7.8958
Age=-999.0
SHAP=-0.0", - "index=Harknett, Miss. Alice Phoebe
Fare=7.55
Age=-999.0
SHAP=0.0", - "index=Reed, Mr. James George
Fare=7.25
Age=-999.0
SHAP=-0.0", - "index=Thorne, Mrs. Gertrude Maybelle
Fare=79.2
Age=-999.0
SHAP=-0.01", - "index=Smith, Mr. Thomas
Fare=7.75
Age=-999.0
SHAP=-0.0", - "index=Healy, Miss. Hanora \"Nora\"
Fare=7.75
Age=-999.0
SHAP=0.0", - "index=Smith, Mr. Richard William
Fare=26.0
Age=-999.0
SHAP=0.0", - "index=Lewy, Mr. Ervin G
Fare=27.7208
Age=-999.0
SHAP=0.0", - "index=Williams, Mr. Howard Hugh \"Harry\"
Fare=8.05
Age=-999.0
SHAP=-0.0", - "index=Sage, Mr. George John Jr
Fare=69.55
Age=-999.0
SHAP=-0.01", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Fare=133.65
Age=-999.0
SHAP=-0.01", - "index=Denkoff, Mr. Mitto
Fare=7.8958
Age=-999.0
SHAP=-0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Fare=82.1708
Age=-999.0
SHAP=-0.01", - "index=Plotcharsky, Mr. Vasil
Fare=7.8958
Age=-999.0
SHAP=-0.0", - "index=Sadlier, Mr. Matthew
Fare=7.7292
Age=-999.0
SHAP=-0.0", - "index=Johannesen-Bratthammer, Mr. Bernt
Fare=8.1125
Age=-999.0
SHAP=-0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Fare=0.0
Age=-999.0
SHAP=-0.0", - "index=Shellard, Mr. Frederick William
Fare=15.1
Age=-999.0
SHAP=0.0", - "index=O'Sullivan, Miss. Bridget Mary
Fare=7.6292
Age=-999.0
SHAP=-0.0", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Fare=26.55
Age=-999.0
SHAP=0.0", - "index=Kassem, Mr. Fared
Fare=7.2292
Age=-999.0
SHAP=-0.0", - "index=Morrow, Mr. Thomas Rowan
Fare=7.75
Age=-999.0
SHAP=-0.0", - "index=Murdlin, Mr. Joseph
Fare=8.05
Age=-999.0
SHAP=-0.0", - "index=Bourke, Miss. Mary
Fare=7.75
Age=-999.0
SHAP=0.0", - "index=Boulos, Mr. Hanna
Fare=7.225
Age=-999.0
SHAP=-0.0", - "index=Jardin, Mr. Jose Neto
Fare=7.05
Age=-999.0
SHAP=-0.0", - "index=Horgan, Mr. John
Fare=7.75
Age=-999.0
SHAP=-0.0", - "index=Willey, Mr. Edward
Fare=7.55
Age=-999.0
SHAP=-0.0", - "index=Klaber, Mr. Herman
Fare=26.55
Age=-999.0
SHAP=0.0", - "index=McEvoy, Mr. Michael
Fare=15.5
Age=-999.0
SHAP=0.0", - "index=Ivanoff, Mr. Kanio
Fare=7.8958
Age=-999.0
SHAP=-0.0", - "index=Moran, Mr. Daniel J
Fare=24.15
Age=-999.0
SHAP=-0.0", - "index=Johnston, Mr. Andrew G
Fare=23.45
Age=-999.0
SHAP=-0.0", - "index=McCormack, Mr. Thomas Joseph
Fare=7.75
Age=-999.0
SHAP=-0.0", - "index=Sage, Mr. Douglas Bullen
Fare=69.55
Age=-999.0
SHAP=-0.01", - "index=Razi, Mr. Raihed
Fare=7.2292
Age=-999.0
SHAP=-0.0" - ], + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 7.75, - 7.8958, - 7.8958, - 24.15, - 8.05, - 55, - 50, - 7.8958, - 7.55, - 7.25, - 79.2, - 7.75, - 7.75, - 26, - 27.7208, - 8.05, - 69.55, - 133.65, - 7.8958, - 82.1708, - 7.8958, - 7.7292, - 8.1125, - 0, - 15.1, - 7.6292, - 26.55, - 7.2292, - 7.75, - 8.05, - 7.75, - 7.225, - 7.05, - 7.75, - 7.55, - 26.55, - 15.5, - 7.8958, - 24.15, - 23.45, - 7.75, - 69.55, - 7.2292 - ], - "y": [ - 0.001710464448946087, - -0.0013289058198815724, - -0.0028012321397709174, - 0.0003346315345801569, - -0.0019001371268608902, - -0.0016741011374372628, - 0.003582217982281066, - -0.0028012321397709174, - 0.00038691004625730384, - -0.003323581847259625, - -0.009584079561718008, - -0.0017959496035471734, - 0.001710464448946087, - 0.0033663656972088164, - 0.002940826294390371, - -0.0019001371268608902, - -0.005663817523008261, - -0.007030676995067954, - -0.0028012321397709174, - -0.006237288281375966, - -0.0028012321397709174, - -0.001816482774080344, - -0.0019001371268608902, - -0.004891192228199813, - 0.0024384888919110463, - -0.00044776367142264047, - 0.0028854595423831357, - -0.003314893496821912, - -0.0017959496035471734, - -0.0019001371268608902, - 0.002227948526969825, - -0.003703755658832344, - -0.0034191482067620804, - -0.0017959496035471734, - -0.003323581847259625, - 0.003454331904623567, - 0.0020144035928490334, - -0.0028012321397709174, - -9.24329204046796e-05, - -0.001323302571935058, - -0.0017959496035471734, - -0.005663817523008261, - -0.003314893496821912 - ] - } - ], - "layout": { - "hovermode": "closest", - "paper_bgcolor": "#fff", - "plot_bgcolor": "#fff", - "showlegend": false, - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } - }, - "title": { - "text": "Interaction plot for Fare and Age" - }, - "xaxis": { - "title": { - "text": "Fare" - } - }, - "yaxis": { - "title": { - "text": "SHAP value" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_interaction(\"Age\", \"Fare\")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## partial dependence plots (pdp)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Plot average general partial dependence plot with ice lines for specific observations" - ] - }, - { - "cell_type": "code", - "execution_count": 30, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:41:37.781436Z", - "start_time": "2020-10-12T08:41:37.617984Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ - { - "line": { - "color": "grey", - "width": 4 - }, - "mode": "lines+markers", - "name": "average prediction
for different values of
Fare", - "type": "scatter", - "x": [ - 0, - 7.65, - 7.8542, + 0, + 7.6588, + 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 33.42, - 32.9, - 32.91, - 33.31, - 35.59, - 38.01, - 37.46, - 37.13, - 44.78, - 45.38 + 50.145168591863744, + 50.700724147419294, + 50.700724147419294, + 49.11135216674297, + 52.17648273109835, + 54.7688427206199, + 46.27897000267991, + 46.27897000267991, + 52.56117747954651, + 52.49571021317968 ] }, { @@ -43599,27 +25770,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 13.52339941012055, - 13.52339941012055, - 13.52339941012055, - 13.344106480827623, - 14.797082771754996, - 15.768789157954874, - 17.577691167631425, - 17.321323152930074, - 25.530642332365083, - 27.298982100704848 + 66.82050452946814, + 67.48717119613481, + 67.48717119613481, + 66.45335477101403, + 69.35891032656957, + 77.91623244953293, + 78.20194673524722, + 78.88517654891183, + 82.6105514138598, + 82.77073421537212 ] }, { @@ -43633,27 +25804,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 15.833226177670495, - 14.237167064370002, - 14.237167064370002, - 14.052526541494185, - 15.80455933204771, - 17.299033031067278, - 19.807238249415764, - 19.790190662714092, - 30.592586536268012, - 30.592586536268012 + 14.239311109212908, + 15.770467335284385, + 15.770467335284385, + 16.62422176798619, + 17.02639962642539, + 18.679131398052395, + 20.99212468611028, + 22.131795122946986, + 33.807461186096525, + 34.586681965317304 ] }, { @@ -43667,27 +25838,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 47.949525811764, - 46.3534666984635, - 46.3534666984635, - 44.67800882300563, - 45.89962305901745, - 41.574597462253344, - 30.26398652534914, - 30.26398652534914, - 36.73925133636992, - 36.73925133636992 + 17.527887059383715, + 18.347178878675535, + 19.236067767564425, + 19.100986474588396, + 20.004809412214147, + 20.98434330648634, + 18.230195493515, + 19.248678610432727, + 25.68981037056493, + 26.847988424395165 ] }, { @@ -43701,27 +25872,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 24.49461555659178, - 24.49461555659178, - 24.627482689458912, - 24.2663715783478, - 26.076077795258445, - 28.653263906457234, - 27.08926671131968, - 26.48670260875558, - 31.40512666742993, - 31.40512666742993 + 74.27316831041666, + 75.93514014140258, + 75.93514014140258, + 74.45687927183738, + 75.8902126051707, + 79.50832345208069, + 80.35042871523858, + 81.03365852890319, + 88.52024166516435, + 89.60226069496451 ] }, { @@ -43735,27 +25906,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 11.861753305057498, - 11.861753305057498, - 11.861753305057498, - 11.682460375764567, - 13.135436666691938, - 15.479755464634664, - 17.288657474311215, - 17.032289459609864, - 25.24160863904487, - 27.00994840738464 + 62.125763845586015, + 62.681319401141565, + 62.681319401141565, + 61.09194742046523, + 62.54848926050223, + 67.93090078942211, + 67.44654574472224, + 68.90487907805557, + 76.05947528241391, + 74.83276100534557 ] }, { @@ -43769,27 +25940,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 13.52339941012055, - 13.52339941012055, - 13.52339941012055, - 13.344106480827623, - 14.797082771754996, - 15.768789157954874, - 17.577691167631425, - 17.321323152930074, - 25.530642332365083, - 27.298982100704848 + 13.338610396431688, + 14.869766622503167, + 14.869766622503167, + 15.723521055204968, + 16.125698913644168, + 17.64934000937018, + 20.827198162292934, + 21.966868599129644, + 34.523360293104815, + 33.302581072325594 ] }, { @@ -43803,27 +25974,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 15.833226177670495, - 14.237167064370002, - 14.237167064370002, - 14.052526541494185, - 15.80455933204771, - 17.299033031067278, - 19.807238249415764, - 19.790190662714092, - 30.592586536268012, - 30.592586536268012 + 11.888476776177235, + 12.707768595469055, + 12.707768595469055, + 13.610281287455434, + 14.218537722618132, + 17.97975069899424, + 20.62490275872703, + 22.170280577187345, + 31.043112086571366, + 30.34414728325874 ] }, { @@ -43837,27 +26008,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 12.441961015942093, - 12.441961015942093, - 12.441961015942093, - 12.262668086649162, - 13.715644377576536, - 15.334906319331967, - 17.315926461749072, - 17.05955844704772, - 25.268877626482727, - 27.0372173948225 + 14.76520790520487, + 15.584499724496684, + 16.473388613385577, + 16.338307320409548, + 16.509735891838115, + 15.212207525272383, + 16.858622211267793, + 17.362819613899806, + 27.756223578918192, + 28.994597290976117 ] }, { @@ -43871,27 +26042,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 23.61399520158155, - 23.61399520158155, - 23.61399520158155, - 27.94891415859353, - 32.22607212822968, - 31.561153747918592, - 32.880976935182986, - 30.013822695660323, - 37.2123969953107, - 36.48073676365046 + 40.979405274597156, + 41.64607194126382, + 41.64607194126382, + 40.090516385708256, + 42.57022980953933, + 52.713973276624415, + 48.483237088439516, + 47.757746892361084, + 53.06568538587435, + 52.872089543103094 ] }, { @@ -43905,27 +26076,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 24.621006306823816, - 23.024947193523325, - 23.024947193523325, - 22.840306670647507, - 22.245809022716564, - 18.543624148766988, - 9.731845649488491, - 10.32744313376522, - 14.014902732871516, - 16.827402732871516 + 68.440677304754, + 70.10264913573992, + 70.10264913573992, + 69.61322399185252, + 71.04655732518586, + 79.98143230464945, + 80.82353756780735, + 81.50676738147195, + 86.22375987445824, + 87.3057789042584 ] }, { @@ -43939,27 +26110,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 34.802553453204894, - 36.08460473525617, - 36.08460473525617, - 40.7929380685895, - 44.73633426122434, - 45.86154870823773, - 45.487493324430574, - 40.13823610017336, - 44.857062255118514, - 45.29206869012495 + 11.888476776177235, + 12.707768595469055, + 12.707768595469055, + 13.610281287455434, + 14.218537722618132, + 17.97975069899424, + 20.62490275872703, + 22.170280577187345, + 31.043112086571366, + 30.34414728325874 ] }, { @@ -43973,27 +26144,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 55.130279005742885, - 53.534219892442394, - 51.91517227339478, - 49.642311800534316, - 51.902764167338276, - 58.70135166047985, - 53.24492984628735, - 52.92857182159598, - 64.07958655218422, - 64.07958655218422 + 14.423162025711033, + 15.242453845002851, + 15.242453845002851, + 15.107372552026826, + 15.715628987189529, + 17.523300723368127, + 19.876786116434246, + 21.30787822060885, + 34.193082542133475, + 34.40840345310655 ] }, { @@ -44007,27 +26178,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 14.869846096954015, - 15.587588032437885, - 15.720455165305019, - 15.309469558941261, - 16.743070849868634, - 20.110424334188753, - 22.71923869252397, - 21.800316565268506, - 30.467149424698526, - 30.467149424698526 + 25.46777107494926, + 26.884437741615923, + 27.984966842145027, + 28.230580877232747, + 29.452803099454965, + 30.778896456105475, + 33.22734162795489, + 30.94976446932091, + 40.09099569418317, + 41.17303614196048 ] }, { @@ -44041,27 +26212,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 15.833226177670495, - 14.237167064370002, - 14.237167064370002, - 14.052526541494185, - 15.80455933204771, - 17.299033031067278, - 19.807238249415764, - 19.790190662714092, - 30.592586536268012, - 30.592586536268012 + 11.888476776177235, + 12.444032331732792, + 12.444032331732792, + 12.610281287455432, + 13.218537722618134, + 17.688084032327573, + 19.333236092060364, + 20.878613910520677, + 29.751445419904698, + 29.05248061659207 ] }, { @@ -44075,27 +26246,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 30.21080279296372, - 30.21080279296372, - 30.21080279296372, - 29.260514985533053, - 31.609879632053918, - 29.284854035289793, - 20.390209484940225, - 20.390209484940225, - 29.644283019563517, - 29.644283019563517 + 67.85413082901961, + 68.52079749568628, + 68.52079749568628, + 67.4869810705655, + 70.10364773723217, + 78.29173909096474, + 78.57745337667903, + 79.26068319034363, + 83.12615467364908, + 82.78633747516142 ] }, { @@ -44109,27 +26280,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 54.91070755912312, - 53.314648445822634, - 51.695600826775014, - 49.01457708860842, - 52.23619132462024, - 60.21255659553958, - 53.21811365809324, - 53.21811365809324, - 61.092870643329036, - 61.092870643329036 + 28.475066638537495, + 31.141733305204163, + 33.25601901948987, + 33.50163305457759, + 33.957188610133144, + 33.435968938805665, + 34.374128818142005, + 29.66216687523302, + 30.167062511777274, + 28.138134685097484 ] }, { @@ -44143,27 +26314,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 16.598368951751937, - 15.002309838451442, - 15.002309838451442, - 14.817669315575625, - 15.878344081437792, - 14.50584980945025, - 8.371154643505085, - 8.72743169978214, - 15.002012511009646, - 19.582852279349414 + 15.051776874914118, + 15.871068694205933, + 15.871068694205933, + 15.73598740122991, + 16.34424383639261, + 18.151915572571212, + 20.50540096563733, + 21.936493069811934, + 34.82169739133656, + 35.03701830230964 ] }, { @@ -44177,27 +26348,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 15.946733750564235, - 14.350674637263742, - 14.350674637263742, - 13.939689030899984, - 14.988724435127851, - 15.390293530513965, - 17.898498748862455, - 17.642130734161107, - 27.792945520734786, - 29.561285289074547 + 63.499065446115196, + 64.05462100167077, + 64.05462100167077, + 62.46524902099443, + 63.92179086103141, + 69.3042023899513, + 68.81984734525143, + 70.27818067858477, + 76.18953363969986, + 74.82488832814877 ] }, { @@ -44211,27 +26382,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 54.59793640287371, - 53.001877289573216, - 51.382829670525595, - 49.83513926569234, - 51.92342016837084, - 59.89978543929016, - 52.90534250184382, - 52.90534250184382, - 61.296439356360665, - 61.296439356360665 + 13.709341086991184, + 14.528632906283, + 14.528632906283, + 14.39355161330697, + 15.87964895756058, + 19.214355092583894, + 21.56784048565001, + 22.707510922486716, + 36.7118896131857, + 36.92721052415878 ] }, { @@ -44245,27 +26416,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 15.833226177670495, - 14.237167064370002, - 14.237167064370002, - 14.052526541494185, - 15.80455933204771, - 17.299033031067278, - 19.807238249415764, - 19.790190662714092, - 30.592586536268012, - 30.592586536268012 + 13.709341086991184, + 14.528632906283, + 14.528632906283, + 14.39355161330697, + 15.87964895756058, + 19.214355092583894, + 21.56784048565001, + 22.707510922486716, + 36.7118896131857, + 36.92721052415878 ] }, { @@ -44279,27 +26450,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 70.46710950152514, - 69.83879232370852, - 72.71666778158398, - 69.86383570138348, - 72.32204811400692, - 71.44930541522957, - 58.998257442228855, - 58.681899417537494, - 65.33655503431451, - 65.33655503431451 + 76.38204258781974, + 78.59956997436122, + 78.59956997436122, + 76.74757173105861, + 78.33090506439196, + 80.92487791427227, + 82.46395287439985, + 82.76698317743016, + 88.88662633910681, + 88.94381725584356 ] }, { @@ -44313,27 +26484,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 64.49745669420284, - 62.90139758090236, - 65.03568329518806, - 64.07758805709283, - 67.4966163580684, - 68.22387365929106, - 54.78934194816598, - 54.78934194816598, - 58.564183969650166, - 58.564183969650166 + 14.239311109212908, + 15.770467335284385, + 15.770467335284385, + 16.62422176798619, + 17.02639962642539, + 18.679131398052395, + 20.99212468611028, + 22.131795122946986, + 33.807461186096525, + 34.586681965317304 ] }, { @@ -44347,27 +26518,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 16.766407438860337, - 15.170348325559848, - 15.170348325559848, - 14.759362719196092, - 15.808398123423958, - 15.562411663254515, - 17.898498748862455, - 17.642130734161107, - 28.79294552073478, - 30.561285289074547 + 67.33653505064464, + 69.5540624371861, + 68.89143617455984, + 68.02827365693508, + 69.61801724667868, + 70.64291975858619, + 64.78233928572793, + 64.78233928572793, + 69.92764620306508, + 71.42607880494594 ] }, { @@ -44381,27 +26552,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 11.861753305057498, - 11.861753305057498, - 11.861753305057498, - 11.682460375764567, - 13.135436666691938, - 15.479755464634664, - 17.288657474311215, - 17.032289459609864, - 25.24160863904487, - 27.00994840738464 + 13.709341086991184, + 14.528632906283, + 14.528632906283, + 14.39355161330697, + 15.87964895756058, + 19.214355092583894, + 21.56784048565001, + 22.707510922486716, + 36.7118896131857, + 36.92721052415878 ] }, { @@ -44415,27 +26586,27 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 15.833226177670495, - 14.237167064370002, - 14.237167064370002, - 14.052526541494185, - 15.80455933204771, - 17.299033031067278, - 19.807238249415764, - 19.790190662714092, - 30.592586536268012, - 30.592586536268012 + 16.45463456335649, + 17.402457456094638, + 17.402457456094638, + 17.26737616311861, + 17.614254482387302, + 20.734910000074986, + 22.837415000984237, + 22.943630766642727, + 31.552461479200545, + 32.33921096160219 ] }, { @@ -44449,27 +26620,137 @@ "type": "scatter", "x": [ 0, - 7.65, + 7.6588, 7.8542, 8.05, 10.5, 16.1, 26.25, - 33.49999999999994, - 76.7292, + 33.030555555555544, + 76.37039999999999, 227.525 ], "y": [ - 16.766407438860337, - 15.170348325559848, - 15.170348325559848, - 14.759362719196092, - 15.808398123423958, - 15.562411663254515, - 17.898498748862455, - 17.642130734161107, - 28.79294552073478, - 30.561285289074547 + 14.423162025711033, + 15.242453845002851, + 15.242453845002851, + 15.107372552026826, + 15.715628987189529, + 17.523300723368127, + 19.876786116434246, + 21.30787822060885, + 34.193082542133475, + 34.40840345310655 + ] + } + ], + "layout": { + "plot_bgcolor": "#fff", + "showlegend": false, + "template": { + "data": { + "scatter": [ + { + "type": "scatter" + } + ] + } + }, + "title": { + "text": "pdp plot for Fare" + }, + "xaxis": { + "title": { + "text": "Fare" + } + }, + "yaxis": { + "title": { + "text": "Predicted Survival (Predicted %)" + } + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_pdp(\"Fare\")" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T15:59:35.340890Z", + "start_time": "2021-01-20T15:59:35.165755Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "line": { + "color": "grey", + "width": 4 + }, + "mode": "lines+markers", + "name": "average prediction
for different values of
Deck", + "type": "scatter", + "x": [ + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" + ], + "y": [ + 46.27, + 49.07, + 46.43, + 53.29, + 55.81, + 48.7, + 42.89, + 34.74 ] }, { @@ -44482,28 +26763,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 29.822683208666962, - 31.82247642620212, - 31.82247642620212, - 38.61738984611553, - 43.00780946449719, - 44.672304981095074, - 47.32805383761848, - 45.69308232764697, - 50.01582757241073, - 48.68249423907741 + 29.96477714836545, + 25.484327459546353, + 32.35416152063092, + 36.63791119817708, + 43.9287913649327, + 29.98498312779303, + 27.31705220525956, + 14.218691385815163 ] }, { @@ -44516,28 +26793,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 40.00971842089707, - 41.29176970294835, - 41.29176970294835, - 46.000103036281686, - 48.755069923698905, - 48.506101364176345, - 46.40864172505003, - 42.091791908200236, - 44.00565265594577, - 44.440659090952195 + 76.88577435065709, + 87.3074099979067, + 74.544000057662, + 83.97434570780773, + 77.83199994177193, + 80.43190070947973, + 71.10998720312128, + 69.02013861849115 ] }, { @@ -44550,28 +26823,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 16.766407438860337, - 15.170348325559848, - 15.170348325559848, - 14.759362719196092, - 15.808398123423958, - 15.562411663254515, - 19.89849874886245, - 19.642130734161103, - 32.33580266359192, - 34.10414243193169 + 34.012558486226354, + 41.23814922655554, + 35.47563657959237, + 45.65302697510171, + 45.325752115516664, + 37.496629509279046, + 31.82818321213947, + 18.871641231576337 ] }, { @@ -44584,28 +26853,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 23.493546508044986, - 23.493546508044986, - 23.62641364091212, - 23.26530252980101, - 25.075008746711653, - 27.622820656122443, - 26.058823460984897, - 25.456259358420784, - 29.498888588778062, - 29.498888588778062 + 44.91385240138904, + 54.44148286770895, + 43.095345869690696, + 49.55057188537436, + 58.247966686969434, + 54.14034089382185, + 40.649836731466124, + 28.133070686335216 ] }, { @@ -44618,28 +26883,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 70.46710950152514, - 69.83879232370852, - 72.71666778158398, - 69.86383570138348, - 72.32204811400692, - 71.44930541522957, - 58.998257442228855, - 58.681899417537494, - 65.33655503431451, - 65.33655503431451 + 30.59058293281836, + 23.95155336234247, + 32.89478211989865, + 37.93038364929665, + 39.33851569002263, + 33.43837511914249, + 28.18847202480019, + 13.1937086455256 ] }, { @@ -44652,28 +26913,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 59.27191773323665, - 57.67585861993616, - 58.44347766755521, - 55.77109671517426, - 57.94509190356704, - 65.49962543429272, - 59.17318612769725, - 59.17318612769725, - 67.19576919988958, - 67.19576919988958 + 61.522033891276415, + 67.77599123036038, + 62.9999397881964, + 67.22259951394776, + 68.09674477228953, + 62.12418012343811, + 55.0236069691864, + 64.90549210912259 ] }, { @@ -44686,28 +26943,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 24.485750955839126, - 26.485544173374283, - 26.485544173374283, - 33.2804575932877, - 39.337543878336035, - 42.31923968367843, - 44.97498854020183, - 43.34001703023033, - 48.2834519301665, - 46.95011859683317 + 72.31320474099824, + 78.78787881316059, + 72.4004266012892, + 79.3077078561309, + 72.23931293112628, + 76.0966192354141, + 65.58629993195419, + 68.12806928987031 ] }, { @@ -44720,28 +26973,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 15.833226177670495, - 14.237167064370002, - 14.237167064370002, - 14.052526541494185, - 15.80455933204771, - 17.299033031067278, - 19.807238249415764, - 19.790190662714092, - 30.592586536268012, - 30.592586536268012 + 72.60475547028183, + 77.00686095751394, + 71.8453732316086, + 77.55197271479031, + 81.02976840329188, + 73.98077784117247, + 63.94904041259859, + 64.85417652897269 ] }, { @@ -44754,28 +27003,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 17.676444313124357, - 16.08038519982387, - 16.08038519982387, - 15.48758141164193, - 16.246055075186398, - 16.388957503905846, - 18.830014874897426, - 18.890004884887432, - 28.93414427834098, - 30.702484046680745 + 33.14334857693688, + 28.662898888117784, + 34.55654247301187, + 39.81648262674851, + 47.10736279350412, + 33.16355455636446, + 30.495623633830988, + 14.39355161330697 ] }, { @@ -44788,28 +27033,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 30.318257545375804, - 31.60030882742708, - 31.60030882742708, - 36.58840406552231, - 42.27982549428783, - 43.56065710532115, - 46.38852409458511, - 45.65542712516738, - 44.8612985777635, - 40.78643226760308 + 36.72260993903392, + 50.094584328107295, + 35.18820201306063, + 46.57907736453095, + 52.90216984255019, + 44.8562663512662, + 35.459423762198554, + 19.85199036530987 ] }, { @@ -44822,28 +27063,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 15.946733750564235, - 14.350674637263742, - 14.350674637263742, - 13.939689030899984, - 14.988724435127851, - 15.390293530513965, - 17.898498748862455, - 17.642130734161107, - 27.792945520734786, - 29.561285289074547 + 26.44105074704043, + 24.921531009325566, + 29.727443777941033, + 34.26732209410609, + 44.323605819638814, + 26.066519884362748, + 27.07119790353839, + 13.203243685794517 ] }, { @@ -44856,28 +27093,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 13.830738723033978, - 13.830738723033978, - 13.830738723033978, - 13.237934934852042, - 14.257492342238876, - 14.748220857914843, - 17.18927822890642, - 17.24926823889643, - 27.293407632349968, - 29.06174740068974 + 33.58037444763945, + 30.72752137659126, + 34.64242885420143, + 41.402369007938056, + 49.544388664206714, + 31.872510251628437, + 32.631574235716364, + 15.107372552026826 ] }, { @@ -44890,28 +27123,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 71.61710606355719, - 71.61710606355719, - 71.61710606355719, - 74.57543939689052, - 77.69678805068949, - 80.4260589081808, - 81.77849079002445, - 78.74608338261704, - 90.75508517016793, - 90.75508517016793 + 28.12708845487978, + 25.274235383831584, + 30.080148152447045, + 35.94908301517839, + 44.09110267144703, + 26.419224258868766, + 27.423902278044405, + 15.242453845002851 ] }, { @@ -44924,28 +27153,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 65.03615017488956, - 65.03615017488956, - 63.41710255584193, - 66.37543588917526, - 71.16345120964091, - 79.89719650751334, - 81.29871854295179, - 80.26631113554438, - 89.13503169321999, - 88.70365914420037 + 82.62985616593559, + 87.55267838624611, + 80.47978989063334, + 88.8710109029054, + 84.59175700530913, + 87.19485044928655, + 76.18740235173311, + 71.97330226664661 ] }, { @@ -44958,28 +27183,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 45.97932797885343, - 45.97932797885343, - 47.026947026472484, - 53.084809706428196, - 56.087665820458035, - 58.78845275017288, - 56.53777913502558, - 57.935215032461485, - 55.44310547971879, - 53.58036038167958 + 65.57240827879367, + 71.82636561787763, + 67.05031417571365, + 71.27297390146501, + 70.60865762134523, + 66.17455451095536, + 57.073981356703655, + 68.70961799274167 ] }, { @@ -44992,28 +27213,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 18.603914942741483, - 17.007855829440988, - 18.3216753432605, - 18.498145931495795, - 19.415020681861925, - 20.827436869954425, - 20.357864725982125, - 20.023841830638474, - 27.77275747001657, - 27.77275747001657 + 83.5301335517522, + 91.89241992283957, + 83.67134398817802, + 88.8537384362628, + 86.51733179640424, + 87.44945652079264, + 77.14097322655182, + 76.50926671672342 ] }, { @@ -45026,28 +27243,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 33.049397487700084, - 33.049397487700084, - 33.049397487700084, - 32.68828637658898, - 34.152902029150646, - 38.14394148892268, - 35.03050754632206, - 36.26449023030475, - 41.352634211234346, - 43.165134211234346 + 36.10049847596972, + 37.84697651778575, + 42.09064370652198, + 47.032104637039566, + 47.561945540211646, + 47.17891900484947, + 36.45673063085233, + 23.448551556815723 ] }, { @@ -45060,28 +27273,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 68.38892750871908, - 68.38892750871908, - 66.76987988967146, - 69.91003140482299, - 73.98466624113017, - 80.7991391080337, - 82.7099204027314, - 79.677512995324, - 88.8947295020485, - 87.41439823910854 + 27.6900625841772, + 23.20961289535811, + 29.994261771257484, + 34.36319663398883, + 41.654076800744456, + 27.710268563604785, + 25.287951676159032, + 13.709341086991184 ] }, { @@ -45094,28 +27303,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 12.45340283181256, - 11.825085653995941, - 13.138905167815453, - 13.133557574232569, - 14.075123682623387, - 15.970016061192077, - 15.998385165990674, - 15.348004245955662, - 23.955521726530524, - 23.955521726530524 + 28.381335623832825, + 34.86181588611797, + 30.408998496003274, + 36.15147833227958, + 43.81201650706675, + 28.202883192527693, + 27.67814944699746, + 16.26838399349065 ] }, { @@ -45128,28 +27333,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 12.45340283181256, - 11.825085653995941, - 13.138905167815453, - 13.133557574232569, - 14.075123682623387, - 15.970016061192077, - 15.998385165990674, - 15.348004245955662, - 23.955521726530524, - 23.955521726530524 + 35.07045087861054, + 46.7570620325205, + 32.23413819073249, + 41.85210930445536, + 46.325248924874664, + 48.95021111235683, + 32.84478552733776, + 21.331830183074924 ] }, { @@ -45162,28 +27363,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 15.833226177670495, - 14.237167064370002, - 14.237167064370002, - 14.052526541494185, - 15.80455933204771, - 17.299033031067278, - 19.807238249415764, - 19.790190662714092, - 30.592586536268012, - 30.592586536268012 + 35.07045087861054, + 46.7570620325205, + 31.65080485739915, + 41.85210930445536, + 44.991915591541336, + 48.95021111235683, + 32.84478552733776, + 19.062922620049715 ] }, { @@ -45196,28 +27393,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 22.98614506554153, - 24.268196347592806, - 24.268196347592806, - 27.53334786274432, - 33.05553894496325, - 34.620459274329576, - 35.603744000055514, - 36.631326602638126, - 46.678972967810196, - 48.44731273614996 + 92.67138819095068, + 94.40954191449757, + 91.17114584870012, + 94.04265922280783, + 93.98347689615281, + 92.56899838189499, + 82.96563403784528, + 88.65585710833757 ] }, { @@ -45230,28 +27423,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 38.41409402786563, - 39.696145309916915, - 39.696145309916915, - 46.491058729830335, - 49.69304904299439, - 48.159998211798424, - 47.25670476683831, - 48.085925546059094, - 48.917020155799506, - 48.13990537868473 + 28.194003212033547, + 26.722676245403022, + 31.932614778913816, + 41.434893801151475, + 46.12475105571625, + 27.8676651204402, + 28.626729104528124, + 15.291470371276095 ] }, { @@ -45264,28 +27453,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 13.435395499467905, - 14.153137434951779, - 14.28600456781891, - 14.106711638525981, - 15.540312929453357, - 19.62093927080901, - 19.702568553212835, - 18.783646425957375, - 22.918954569360718, - 22.918954569360718 + 29.96477714836545, + 25.484327459546353, + 32.35416152063092, + 36.63791119817708, + 43.9287913649327, + 29.98498312779303, + 27.31705220525956, + 14.218691385815163 ] }, { @@ -45298,28 +27483,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 19.839942900060752, - 19.839942900060752, - 19.839942900060752, - 19.247139111878813, - 20.266696519265647, - 22.257425034941615, - 18.849045658470132, - 20.083028342452813, - 27.455967766711225, - 31.036807535050997 + 43.34494502928253, + 40.24260298566844, + 43.619042446597184, + 51.30693958958115, + 52.46621111982014, + 48.404879354393124, + 41.41509218578049, + 17.514828749688938 ] }, { @@ -45332,28 +27513,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 16.766407438860337, - 15.170348325559848, - 15.170348325559848, - 14.759362719196092, - 15.808398123423958, - 15.562411663254515, - 17.898498748862455, - 17.642130734161107, - 28.79294552073478, - 30.561285289074547 + 27.6900625841772, + 23.20961289535811, + 29.994261771257484, + 34.36319663398883, + 41.654076800744456, + 27.710268563604785, + 25.287951676159032, + 14.528632906283 ] }, { @@ -45366,28 +27543,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 19.098884116156377, - 18.220566938339754, - 19.401053118825935, - 19.216412595950118, - 20.246278925091488, - 24.152763079542574, - 24.933695570618337, - 24.014773443362877, - 31.169640591743576, - 31.169640591743576 + 50.366739346866474, + 55.80269233474253, + 45.878990091481334, + 57.183461529698846, + 54.12475535016763, + 50.746826953795285, + 45.0418831166881, + 31.237419378268882 ] }, { @@ -45400,28 +27573,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 14.77782758648949, - 14.77782758648949, - 14.77782758648949, - 14.59853465719656, - 15.71602707715619, - 14.071632954033053, - 15.813868297042937, - 15.557500282341588, - 25.595974218820285, - 27.364313987160056 + 60.36647833572086, + 66.9584638438189, + 62.18241240165494, + 66.40507212740629, + 67.27921738574805, + 61.30665273689664, + 54.206079582644925, + 64.05645097887225 ] }, { @@ -45434,28 +27603,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 12.622475238778645, - 12.622475238778645, - 12.622475238778645, - 12.211489632414887, - 13.521608780485113, - 14.648234732058521, - 18.98432181766646, - 18.727953802965107, - 31.42162573239593, - 33.189965500735696 + 43.34494502928253, + 40.24260298566844, + 43.619042446597184, + 51.30693958958115, + 52.46621111982014, + 48.404879354393124, + 41.41509218578049, + 17.514828749688938 ] }, { @@ -45468,28 +27633,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 15.883398071465008, - 14.287338958164517, - 14.287338958164517, - 14.1026984352887, - 14.988724435127851, - 15.390293530513965, - 17.898498748862455, - 17.642130734161107, - 27.792945520734786, - 29.561285289074547 + 93.27123701662892, + 97.05554458632965, + 91.18611403777356, + 94.16091176797464, + 94.16013359517295, + 93.09192413065014, + 87.71269884354848, + 89.1804668317727 ] }, { @@ -45502,28 +27663,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 15.911813529466311, - 15.911813529466311, - 15.911813529466311, - 15.550702418355202, - 16.71311696859918, - 17.353824288505876, - 18.81709982064105, - 18.877089830631064, - 25.608716330139174, - 27.377056098478942 + 31.083846205514938, + 29.278509933906616, + 35.49184966775899, + 37.955355647818685, + 43.456416714393505, + 30.7199097362091, + 32.35173282561443, + 17.379417330242738 ] }, { @@ -45536,28 +27693,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 16.766407438860337, - 15.170348325559848, - 15.170348325559848, - 14.759362719196092, - 15.808398123423958, - 15.562411663254515, - 17.898498748862455, - 17.642130734161107, - 28.79294552073478, - 30.561285289074547 + 38.194523840351096, + 46.2502210311324, + 33.509578747941724, + 40.83316705766681, + 42.48952940931302, + 46.566205666018995, + 32.69595871333225, + 21.13890912232611 ] }, { @@ -45570,28 +27723,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 40.41720509726347, - 41.699256379314754, - 41.699256379314754, - 46.687351617409995, - 51.316193224975, - 48.27413714058742, - 48.714197791174385, - 50.7741878011644, - 51.230664515631915, - 51.78688307185047 + 30.156188983980307, + 27.303335912932113, + 32.19443386673276, + 37.97818354427891, + 46.120203200547564, + 28.44832478796929, + 29.453002807144934, + 15.242453845002851 ] }, { @@ -45604,28 +27753,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 27.3694176439144, - 25.773358530613912, - 25.773358530613912, - 25.58871800773809, - 24.994220359807155, - 21.29203548585757, - 12.480256986579073, - 12.83653404285613, - 15.614902732871517, - 18.427402732871514 + 31.86674557728789, + 38.34722583957303, + 32.918217973267865, + 39.63688828573465, + 47.29742646052181, + 31.62706865618684, + 30.9179453653648, + 16.338307320409548 ] }, { @@ -45638,28 +27783,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 12.45340283181256, - 11.825085653995941, - 13.138905167815453, - 13.133557574232569, - 14.075123682623387, - 15.970016061192077, - 15.998385165990674, - 15.348004245955662, - 23.955521726530524, - 23.955521726530524 + 33.14334857693688, + 28.662898888117784, + 34.55654247301187, + 39.81648262674851, + 47.10736279350412, + 33.16355455636446, + 30.495623633830988, + 14.39355161330697 ] }, { @@ -45672,28 +27813,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 68.57116729508228, - 68.57116729508228, - 66.95211967603466, - 68.46727119118619, - 74.12242301104388, - 83.68562015935801, - 85.92973478738907, - 86.89732737998165, - 93.82502130441503, - 92.57998415912212 + 40.24759259115762, + 53.041730626788016, + 39.41127990327958, + 50.13121180131618, + 54.85388636391748, + 53.93127439353137, + 39.35526057321819, + 23.96638728061389 ] }, { @@ -45706,28 +27843,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 24.621006306823816, - 23.024947193523325, - 23.024947193523325, - 22.840306670647507, - 22.245809022716564, - 18.543624148766988, - 9.731845649488491, - 10.32744313376522, - 14.014902732871516, - 16.827402732871516 + 51.12161018409025, + 55.55756317196631, + 47.633860928705104, + 55.79018421877448, + 55.87962618739141, + 51.26640367337201, + 46.79675395391188, + 36.4583219615244 ] }, { @@ -45740,28 +27873,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 11.96003914170026, - 11.96003914170026, - 11.96003914170026, - 11.549053535336503, - 12.52368881243899, - 13.415020646365338, - 17.751107731973274, - 17.494739717271923, - 32.61756640374644, - 34.38590617208621 + 38.38369201748615, + 49.310966223514264, + 34.265950758179535, + 44.46725520523574, + 49.29321533847555, + 46.71342686109098, + 35.12050584065077, + 21.056378559491716 ] }, { @@ -45774,28 +27903,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 15.946733750564235, - 14.350674637263742, - 14.350674637263742, - 13.939689030899984, - 14.988724435127851, - 15.390293530513965, - 17.898498748862455, - 17.642130734161107, - 27.792945520734786, - 29.561285289074547 + 33.58037444763945, + 30.72752137659126, + 34.64242885420143, + 41.402369007938056, + 49.544388664206714, + 31.872510251628437, + 32.631574235716364, + 15.107372552026826 ] }, { @@ -45808,28 +27933,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 15.965963355643195, - 14.369904242342704, - 14.369904242342704, - 14.185263719466887, - 15.071289719306039, - 15.472858814692152, - 17.981064033040642, - 17.724696018339294, - 29.032773710075034, - 30.8011134784148 + 33.58037444763945, + 30.72752137659126, + 34.64242885420143, + 41.402369007938056, + 49.544388664206714, + 31.872510251628437, + 32.631574235716364, + 15.107372552026826 ] }, { @@ -45842,28 +27963,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 74.9053926410247, - 74.9053926410247, - 74.9053926410247, - 75.10539264102471, - 81.97598087631881, - 87.07567961510757, - 88.28352275236246, - 90.28352275236246, - 94.4514163183006, - 92.96548281446431 + 42.00177644656222, + 41.83825715871591, + 44.358043945048394, + 53.842805068255785, + 54.058435668231176, + 46.62497250073824, + 42.47215126250982, + 31.835409091106133 ] }, { @@ -45876,28 +27993,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 26.346799002785907, - 24.750739889485413, - 24.883607022352546, - 24.290803234170607, - 25.696568564381746, - 29.38825047389986, - 26.80203511761871, - 26.19947101505461, - 32.058927962531016, - 32.058927962531016 + 49.00051271490297, + 45.84672211303544, + 46.793448291926794, + 50.43345456567915, + 52.091862051537454, + 50.21414596939018, + 43.6756564847246, + 29.040405717242486 ] }, { @@ -45910,28 +28023,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 73.4542798335936, - 73.4542798335936, - 71.83523221454597, - 72.03523221454597, - 78.56099286363319, - 86.4013639249908, - 87.93860024614354, - 87.93860024614354, - 91.19503136148879, - 88.42058245149002 + 51.209829398193854, + 60.23099366194834, + 52.22634418777773, + 59.22883271074406, + 59.92481032399232, + 52.064716537611766, + 45.12635372204098, + 53.24542163994288 ] }, { @@ -45944,28 +28053,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 11.861753305057498, - 11.861753305057498, - 11.861753305057498, - 11.682460375764567, - 13.135436666691938, - 15.479755464634664, - 17.288657474311215, - 17.032289459609864, - 25.24160863904487, - 27.00994840738464 + 62.69268779877244, + 68.9466451378564, + 64.17059369569242, + 68.39325342144376, + 69.26739867978553, + 62.305998305256296, + 56.194260876682414, + 66.6001878284653 ] }, { @@ -45978,28 +28083,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 12.441961015942093, - 12.441961015942093, - 12.441961015942093, - 12.262668086649162, - 13.715644377576536, - 15.334906319331967, - 17.315926461749072, - 17.05955844704772, - 25.268877626482727, - 27.0372173948225 + 61.21500254221238, + 68.38431495411501, + 61.697932899906746, + 67.2973241432664, + 71.77065416603683, + 66.85146947056538, + 53.29423873046629, + 52.69688058606543 ] }, { @@ -46012,28 +28113,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 56.46311536257579, - 54.8670562492753, - 54.8670562492753, - 53.19159837381743, - 56.06838502362235, - 63.24792489771629, - 56.11310025110837, - 56.11310025110837, - 62.62653896745846, - 62.62653896745846 + 28.12708845487978, + 25.274235383831584, + 30.080148152447045, + 35.94908301517839, + 44.09110267144703, + 26.419224258868766, + 27.423902278044405, + 15.538456861594103 ] }, { @@ -46046,28 +28143,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 73.6319755627042, - 73.6319755627042, - 73.6319755627042, - 75.14712707785571, - 80.80227889771342, - 83.53154975520472, - 84.52034527341202, - 83.22127119933793, - 91.68719168477854, - 93.06400327898142 + 39.88165723614727, + 41.3490581482932, + 33.451581818953, + 46.13631680950278, + 38.18427065427612, + 41.357926040329495, + 35.53915208251589, + 32.10993079270298 ] }, { @@ -46080,28 +28173,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 19.098884116156377, - 18.220566938339754, - 19.401053118825935, - 19.216412595950118, - 20.246278925091488, - 24.152763079542574, - 24.933695570618337, - 24.014773443362877, - 31.169640591743576, - 31.169640591743576 + 34.18037444763945, + 32.327521376591264, + 35.24242885420143, + 42.002369007938064, + 50.144388664206716, + 36.47251025162843, + 31.631574235716364, + 16.01163200378078 ] }, { @@ -46114,28 +28203,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 32.944176684776, - 34.22622796682728, - 34.22622796682728, - 38.93456130016062, - 42.54247362182771, - 43.43239395119404, - 43.05833856738688, - 37.70908134312966, - 42.25706225511852, - 42.692068690124955 + 33.64586308623545, + 39.378847294892644, + 39.29059562730432, + 47.00837318941049, + 46.7521841436532, + 38.14969539491328, + 33.8151852706041, + 20.40634325317944 ] }, { @@ -46148,28 +28233,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 15.57568562504262, - 16.293427560526492, - 17.473913741012673, - 17.112802629901562, - 18.546609845742445, - 23.16636685722906, - 23.42011427237344, - 22.501192145117976, - 26.66739172032916, - 26.66739172032916 + 26.015648186604018, + 24.852481161767166, + 28.19068340638245, + 33.99108541044811, + 36.28196924402176, + 26.116735397242625, + 25.032712306456535, + 17.27392638264831 ] }, { @@ -46182,28 +28263,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 68.85471874016828, - 68.85471874016828, - 67.23567112112066, - 70.19400445445399, - 74.686226243832, - 81.98681022184664, - 84.23092484987768, - 82.23092484987768, - 87.95706750068399, - 86.47673623774403 + 33.14334857693688, + 28.662898888117784, + 34.55654247301187, + 39.81648262674851, + 47.10736279350412, + 33.16355455636446, + 30.495623633830988, + 14.39355161330697 ] }, { @@ -46216,28 +28293,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 12.869353886327179, - 12.869353886327179, - 12.869353886327179, - 12.508242775216067, - 13.798209661754724, - 15.417471603510155, - 17.39849174592726, - 17.142123731225908, - 25.508705815822978, - 27.27704558416275 + 27.490322395667167, + 25.61529096405065, + 29.75054280063078, + 35.46575961951125, + 37.756643453084905, + 27.591409606305774, + 26.261772480431965, + 17.0925159356268 ] }, { @@ -46250,28 +28323,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 52.88084296751047, - 52.88084296751047, - 51.26179534846285, - 49.89592312544777, - 51.44713530714951, - 58.59354888724758, - 55.72971966564768, - 55.413361640956325, - 66.6807162408256, - 66.6807162408256 + 87.18733888848553, + 93.87544314134153, + 84.69381113844904, + 90.57990929023752, + 87.10790796120205, + 88.08779393299767, + 79.17595634106293, + 81.56145933473059 ] }, { @@ -46284,28 +28353,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 15.946733750564235, - 14.350674637263742, - 14.350674637263742, - 13.939689030899984, - 14.988724435127851, - 15.390293530513965, - 17.898498748862455, - 17.642130734161107, - 27.792945520734786, - 29.561285289074547 + 81.31563613481227, + 81.8650461708172, + 79.63013004702155, + 85.271069158677, + 80.58345542750189, + 82.13916810240131, + 75.04258067852577, + 74.02070226398452 ] }, { @@ -46318,28 +28383,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 16.78689449629283, - 18.068945778344116, - 18.068945778344116, - 22.550934028189506, - 29.020718725936256, - 34.65593126738937, - 38.85588265978198, - 35.88346526236458, - 45.74942055889618, - 46.18442699390261 + 27.6900625841772, + 23.20961289535811, + 29.994261771257484, + 34.36319663398883, + 41.654076800744456, + 27.710268563604785, + 25.287951676159032, + 14.528632906283 ] }, { @@ -46352,28 +28413,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 54.847371880023886, - 53.251312766723416, - 51.632265147675795, - 49.35940467481532, - 52.23619132462024, - 60.21255659553958, - 53.21811365809324, - 53.21811365809324, - 61.092870643329036, - 61.092870643329036 + 50.36538495374941, + 59.386549217503905, + 51.38189974333329, + 58.38438826629962, + 59.080365879547884, + 51.22027209316733, + 44.28190927759654, + 52.40097719549844 ] }, { @@ -46386,28 +28443,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 17.306747343427386, - 15.710688230126902, - 15.710688230126902, - 15.117884441944963, - 15.876358105489432, - 15.81926053420888, - 16.26031790520046, - 16.32030791519047, - 24.821590165786862, - 26.589929934126634 + 23.226661613226135, + 24.78306259328397, + 26.564189850739524, + 37.3845733518028, + 37.83152190918312, + 22.803489930584107, + 25.794544403655383, + 14.869766622503167 ] }, { @@ -46420,28 +28473,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 69.32836165205605, - 69.32836165205605, - 70.0959806996751, - 68.58169498538938, - 71.15963106048166, - 76.60112874106935, - 78.72563854499091, - 78.72563854499091, - 85.145469711429, - 85.145469711429 + 36.57384184579785, + 31.464156425639274, + 36.12086167134224, + 39.322498002681364, + 45.951271792427434, + 37.95405758823819, + 33.62436568142615, + 24.330329616099228 ] }, { @@ -46454,28 +28503,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 65.3035863357993, - 65.3035863357993, - 65.3035863357993, - 64.92263395484692, - 67.41485574422492, - 77.26287635584775, - 78.70053937097555, - 78.70053937097555, - 84.86063595830322, - 84.86063595830322 + 39.981194086063795, + 44.54260021054984, + 44.25050982352851, + 47.71325644128135, + 50.65212185596093, + 45.83210761214244, + 41.03603351181175, + 22.49347341953763 ] }, { @@ -46488,28 +28533,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 68.96652282416139, - 69.68426475964526, - 70.45188380726431, - 68.93759809297859, - 70.89919988506993, - 75.37985100481107, - 78.23228288665472, - 77.91592486196336, - 81.87388247256223, - 81.87388247256223 + 43.34494502928253, + 40.24260298566844, + 43.619042446597184, + 51.30693958958115, + 52.46621111982014, + 48.404879354393124, + 41.41509218578049, + 17.514828749688938 ] }, { @@ -46522,28 +28563,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 12.238727666290426, - 12.238727666290426, - 12.238727666290426, - 11.827742059926667, - 12.802377337029155, - 13.6937091709555, - 18.029796256563436, - 17.77342824186209, - 30.896254928336596, - 32.66459469667637 + 80.21423971347336, + 88.28022461568399, + 81.82663968114387, + 86.93069204798823, + 82.48205900616297, + 83.73673648437503, + 75.94118425718686, + 73.813609963885 ] }, { @@ -46556,28 +28593,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 15.897672115324898, - 15.897672115324898, - 15.897672115324898, - 15.536561004213786, - 16.698975554457764, - 16.784127318808906, - 18.247402850944084, - 18.307392860934097, - 25.039019360442204, - 26.807359128781965 + 51.619148357523315, + 65.67550899137859, + 48.760022951588894, + 59.337921099592315, + 65.18272915198882, + 57.2556152858763, + 47.5650512124439, + 40.259715150150555 ] }, { @@ -46590,28 +28623,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 54.42885427726984, - 52.83279516396936, - 51.21374754492174, - 48.53272380675514, - 51.75433804276697, - 59.7307033136863, - 52.736260376239954, - 52.736260376239954, - 60.61101736147576, - 60.61101736147576 + 29.96477714836545, + 25.484327459546353, + 32.35416152063092, + 36.63791119817708, + 43.9287913649327, + 29.98498312779303, + 27.31705220525956, + 14.218691385815163 ] }, { @@ -46624,28 +28653,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 64.24271505826019, - 63.36439788044357, - 64.87560667165236, - 62.203225719271416, - 63.760886624663236, - 64.5590709490397, - 60.79785020593902, - 60.48149218124767, - 70.52376377587339, - 70.52376377587339 + 86.53247896944902, + 90.94091918669022, + 83.75363954832498, + 89.30552205620683, + 84.84171838048182, + 87.35601093703808, + 80.2594235131625, + 81.23754509862124 ] }, { @@ -46658,28 +28683,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 67.85157216311924, - 67.22325498530262, - 70.10113044317809, - 67.24829836297758, - 69.70651077560103, - 68.83376807682369, - 56.94154363323474, - 56.62518560854338, - 66.96734122532041, - 66.96734122532041 + 23.32597153642701, + 21.571773438143826, + 25.352900695599377, + 34.45162521048755, + 34.59749849905065, + 22.069466520451645, + 22.86159626234013, + 15.770467335284385 ] }, { @@ -46692,28 +28713,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 63.678783047472976, - 63.05046586965637, - 64.88072227991277, - 61.80154511622433, - 65.12555839464864, - 64.25281569587129, - 52.360591252282354, - 52.04423322759099, - 62.38638884436802, - 62.38638884436802 + 84.38647557625461, + 92.79491579349582, + 83.60763615513056, + 89.71008046076523, + 87.69571498728743, + 87.28693062076675, + 78.6639819177209, + 77.68699927481148 ] }, { @@ -46726,28 +28743,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 12.441961015942093, - 12.441961015942093, - 12.441961015942093, - 12.262668086649162, - 13.715644377576536, - 15.334906319331967, - 17.315926461749072, - 17.05955844704772, - 24.268877626482727, - 26.0372173948225 + 49.48541468247479, + 58.35273279238312, + 50.348083318212524, + 57.504417995024994, + 58.20039560827326, + 50.340301821892695, + 42.88019987588714, + 50.81160521482211 ] }, { @@ -46760,28 +28773,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 45.90197870520077, - 45.90197870520077, - 45.90197870520077, - 52.14165956697464, - 55.34364988013869, - 54.608929563476735, - 49.990009206512894, - 50.56143777794148, - 50.66363971173039, - 50.33030637839706 + 56.75241214859788, + 48.54379692314833, + 49.74549020142635, + 57.78841929831376, + 56.28000606603051, + 59.01376926842513, + 50.43407577038164, + 42.089495067431265 ] }, { @@ -46794,28 +28803,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 36.20897137494016, - 37.49102265699144, - 37.49102265699144, - 44.28593607690486, - 49.487926390068914, - 51.76897226485537, - 51.77476972898617, - 53.00875241296885, - 52.78574293026729, - 52.0086281531525 + 50.531870564574646, + 59.55303482832913, + 51.54838535415852, + 58.55087387712486, + 59.92481032399232, + 52.40562562852086, + 44.448394888421774, + 53.09150461817036 ] }, { @@ -46828,28 +28833,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 12.622475238778645, - 12.622475238778645, - 12.622475238778645, - 12.211489632414887, - 13.521608780485113, - 14.648234732058521, - 18.98432181766646, - 18.727953802965107, - 31.42162573239593, - 33.189965500735696 + 37.50620880920942, + 26.124547715152076, + 34.77983619976562, + 33.65764274387072, + 39.41166308194025, + 34.4558689960942, + 30.12617708928215, + 20.197640218802256 ] }, { @@ -46862,28 +28863,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 16.410851883304783, - 14.814792770004292, - 14.814792770004292, - 14.403807163640536, - 15.452842567868402, - 15.562411663254515, - 17.898498748862455, - 17.642130734161107, - 28.79294552073478, - 30.561285289074547 + 30.401803019068023, + 27.54894994801983, + 32.44004790182048, + 38.22379757936663, + 46.365817235635284, + 28.693938823057014, + 29.453002807144934, + 15.22851534112627 ] }, { @@ -46896,28 +28893,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 18.86785928242772, - 18.86785928242772, - 18.86785928242772, - 18.45687367606396, - 19.294612901632615, - 21.05004729966152, - 19.92709208378595, - 20.756312863006727, - 28.12925228726514, - 29.89759205560491 + 30.650554582719785, + 33.77170213503437, + 29.709370483731455, + 44.871641250269086, + 46.661640590653704, + 33.63632533466385, + 28.39667228807986, + 21.825680955327893 ] }, { @@ -46930,28 +28923,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 15.833226177670495, - 14.237167064370002, - 14.237167064370002, - 14.052526541494185, - 15.80455933204771, - 17.299033031067278, - 19.807238249415764, - 19.790190662714092, - 30.592586536268012, - 30.592586536268012 + 42.65301364930959, + 52.44715168493998, + 41.81670096143154, + 52.53663285946815, + 58.94546126822331, + 53.79616880840905, + 41.421256043902794, + 30.38430424874572 ] }, { @@ -46964,128 +28953,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.65, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.49999999999994, - 76.7292, - 227.525 - ], - "y": [ - 22.12981595161748, - 23.411867233668758, - 23.411867233668758, - 26.677018748820274, - 32.53469370200695, - 35.29961403137327, - 36.282898757099204, - 37.310481359681816, - 43.928972967810196, - 45.69731273614997 - ] - } - ], - "layout": { - "plot_bgcolor": "#fff", - "showlegend": false, - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } - }, - "title": { - "text": "pdp plot for Fare" - }, - "xaxis": { - "title": { - "text": "Fare" - } - }, - "yaxis": { - "title": { - "text": "Predicted Survival (Predicted %)" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_pdp(\"Fare\")" - ] - }, - { - "cell_type": "code", - "execution_count": 31, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:41:38.847526Z", - "start_time": "2020-10-12T08:41:38.755212Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ - { - "line": { - "color": "grey", - "width": 4 - }, - "mode": "lines+markers", - "name": "average prediction
for different values of
['Sex_female', 'Sex_male', 'Sex_nan']", - "type": "scatter", - "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 64.57, - 23.51, - 43.97 + 65.57240827879367, + 71.82636561787763, + 67.05031417571365, + 71.27297390146501, + 70.60865762134523, + 66.17455451095536, + 57.073981356703655, + 68.70961799274167 ] }, { @@ -47098,14 +28983,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 48.99744911429232, - 13.939689030899984, - 31.319178013763572 + 83.46387127875988, + 90.37622187054308, + 83.72411145312292, + 87.40650590120771, + 84.67888954250279, + 85.38319424780032, + 75.07471095355952, + 80.08035495551958 ] }, { @@ -47118,14 +29013,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 85.94311058002634, - 39.44961841791309, - 58.96728931248694 + 23.1692886478453, + 19.947961681214775, + 26.072715029540383, + 34.99351257029657, + 40.35003649152801, + 22.092950556251957, + 23.0976285754276, + 11.888476776177235 ] }, { @@ -47138,14 +29043,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 69.69446012145671, - 30.013822695660323, - 48.25356100858496 + 33.120198724316964, + 30.3160494517872, + 33.666091397188005, + 43.75108931343488, + 41.83319844197001, + 36.65073961361532, + 30.86631642967703, + 16.949623984905635 ] }, { @@ -47158,14 +29073,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 91.86938845366795, - 49.655324816938894, - 68.77276904010903 + 83.47106984379616, + 90.885377422403, + 80.95866889461261, + 86.53719192297264, + 83.27022344231206, + 84.82908457000589, + 77.44360825724144, + 77.51680458637482 ] }, { @@ -47178,14 +29103,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 51.407271980636914, - 14.759362719196092, - 31.491296146504123 + 50.25360969500943, + 59.274773958763916, + 51.27012448459332, + 58.272613007559634, + 59.6465494544271, + 56.12736475895564, + 42.04839488842178, + 51.39008255924678 ] }, { @@ -47198,14 +29133,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 90.75367306378376, - 49.71027658841896, - 67.0993014712633 + 85.41810811925477, + 91.95236621826461, + 82.77073421537212, + 88.81067852100676, + 85.33867719197129, + 86.24164008684383, + 77.40672557183217, + 79.89407116734242 ] }, { @@ -47218,14 +29163,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 83.34374645185711, - 36.75584248004293, - 57.53110071080617 + 27.94982913602754, + 25.096976064979344, + 29.902888833594805, + 35.771823696326145, + 43.91384335259479, + 26.241964940016526, + 27.24664295919216, + 15.065194526150616 ] }, { @@ -47238,14 +29193,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 49.4793023961456, - 13.939689030899984, - 31.319178013763572 + 26.27733654536688, + 23.806009578736354, + 30.01594811224714, + 39.51822713448482, + 44.20808438904959, + 25.95099845377354, + 26.71006243786146, + 13.374803704609429 ] }, { @@ -47258,14 +29223,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 58.18566711717546, - 19.431317588908673, - 38.794388010419645 + 46.27290838424293, + 61.68112086995004, + 47.651071113901715, + 54.745029504474786, + 57.48788931004141, + 51.127795523660836, + 40.456099374756725, + 47.70252666724917 ] }, { @@ -47278,14 +29253,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 83.99456831003917, - 45.6182335047391, - 66.73729419112645 + 28.12708845487978, + 25.274235383831584, + 30.080148152447045, + 35.94908301517839, + 44.09110267144703, + 26.419224258868766, + 27.423902278044405, + 14.423162025711033 ] }, { @@ -47298,14 +29283,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 78.70053937097555, - 18.8541512813237, - 48.34854615090903 + 51.7869840932771, + 49.99099267228568, + 47.155276637064176, + 51.589842144598286, + 50.709298908091924, + 52.75609991337207, + 45.78448940959821, + 35.23420216760899 ] }, { @@ -47318,14 +29313,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 92.34469004147508, - 46.547617985731975, - 65.20453918432038 + 42.05371946622193, + 48.7311662612202, + 41.82771101114811, + 49.963862174668684, + 51.21308079485477, + 50.643065556038415, + 40.790533289386566, + 18.25190011806151 ] }, { @@ -47338,14 +29343,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 89.62311514925292, - 59.51383552973435, - 74.37837803776763 + 33.58037444763945, + 30.72752137659126, + 34.64242885420143, + 41.402369007938056, + 49.544388664206714, + 31.872510251628437, + 32.631574235716364, + 15.107372552026826 ] }, { @@ -47358,14 +29373,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 19.93223941817736, - 11.620892446669016, - 13.492560816441099 + 75.02738599150625, + 82.04409168350864, + 68.92128649685861, + 79.5098196008248, + 72.37866546593585, + 75.34608760116501, + 67.26164648508794, + 72.30753816796928 ] }, { @@ -47378,14 +29403,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 53.284784415292194, - 14.642674637263742, - 33.5103834003471 + 33.120198724316964, + 30.3160494517872, + 33.666091397188005, + 43.75108931343488, + 41.83319844197001, + 36.65073961361532, + 30.86631642967703, + 16.949623984905635 ] }, { @@ -47398,14 +29433,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 73.29867451941519, - 15.542906319331964, - 43.963970414027635 + 35.471287535620135, + 46.932092237917196, + 33.30164151440876, + 42.25294596146496, + 47.11924797504667, + 49.351047769366446, + 33.24562218434737, + 20.72224500385624 ] }, { @@ -47418,14 +29463,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 70.60641137132757, - 13.138905167815453, - 46.421622827090424 + 55.609948172028126, + 66.49469547583624, + 54.59697661224754, + 61.95893643974881, + 66.58764096223337, + 60.22754717585283, + 48.35585102694871, + 50.30518539014685 ] }, { @@ -47438,14 +29493,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 88.64172312844809, - 48.98759990880291, - 67.9823121555284 + 42.860278728089675, + 40.67820698845964, + 41.46883663141101, + 47.123476820648655, + 52.252812654441406, + 47.29929967104811, + 40.23483201485585, + 24.168615570053728 ] }, { @@ -47458,14 +29523,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 87.95706750068399, - 45.174597940159394, - 64.09658889816271 + 41.52040905794959, + 55.57676969180485, + 38.66128365201515, + 50.596944577260636, + 55.983989852415085, + 46.79933408686124, + 39.64293150411205, + 23.6079626836878 ] }, { @@ -47478,14 +29553,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 52.47399580280654, - 14.369904242342704, - 32.46938891579021 + 37.78287206917523, + 42.84427819366127, + 42.05218780663993, + 48.715307723332636, + 47.76709658987883, + 45.16319735995975, + 38.83771149492318, + 20.69401587151352 ] }, { @@ -47498,14 +29583,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 63.02996654987667, - 13.798209661754724, - 36.28900801372689 + 30.664313594841673, + 42.538239188697645, + 27.244667573630295, + 37.4459720206865, + 40.58577830777247, + 39.31600365314937, + 28.438648243568903, + 14.00621715446267 ] }, { @@ -47518,14 +29613,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 74.05297403992785, - 15.117201820503556, - 41.499452411848424 + 88.8391054483916, + 94.42363066123713, + 88.10706997863818, + 93.53107463428213, + 91.97005481411901, + 91.65220192188725, + 85.34987277452493, + 85.18830430871557 ] }, { @@ -47538,14 +29643,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 81.87388247256223, - 26.66739172032916, - 61.41713814410061 + 78.86015787627315, + 84.07237141959736, + 73.21403575719113, + 81.73930712949837, + 76.0575911968566, + 79.02501333208576, + 69.7800229026504, + 70.27818067858477 ] }, { @@ -47558,14 +29673,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 50.367342226497804, - 14.052526541494185, - 32.339144794443946 + 23.32597153642701, + 21.571773438143826, + 25.352900695599377, + 34.45162521048755, + 34.59749849905065, + 22.069466520451645, + 22.86159626234013, + 15.770467335284385 ] }, { @@ -47578,14 +29703,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 51.6657367962446, - 14.642674637263742, - 31.891335781299478 + 31.86674557728789, + 38.34722583957303, + 32.918217973267865, + 39.63688828573465, + 47.29742646052181, + 31.62706865618684, + 30.9179453653648, + 16.338307320409548 ] }, { @@ -47598,74 +29733,134 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "A", + "B", + "C", + "D", + "E", + "F", + "G", + "Unkown" ], "y": [ - 74.44832287713714, - 14.963513295913392, - 41.89480124905773 + 33.58037444763945, + 32.06085470992459, + 35.975762187534755, + 42.73570234127139, + 50.87772199754005, + 33.20584358496178, + 33.96490756904969, + 15.403375568618078 ] + } + ], + "layout": { + "plot_bgcolor": "#fff", + "showlegend": false, + "template": { + "data": { + "scatter": [ + { + "type": "scatter" + } + ] + } }, - { - "hoverinfo": "skip", - "line": { - "color": "grey" - }, - "mode": "lines", - "opacity": 0.1, - "showlegend": false, - "type": "scatter", - "x": [ - "female", - "male", - "nan" - ], - "y": [ - 59.49598791163784, - 15.562411663254515, - 38.16560683963886 - ] + "title": { + "text": "pdp plot for Deck" }, - { - "hoverinfo": "skip", - "line": { - "color": "grey" - }, - "mode": "lines", - "opacity": 0.1, - "showlegend": false, - "type": "scatter", - "x": [ - "female", - "male", - "nan" - ], - "y": [ - 78.72563854499091, - 28.935245026806978, - 59.317993659441356 - ] + "xaxis": { + "title": { + "text": "Deck" + } }, - { - "hoverinfo": "skip", - "line": { - "color": "grey" - }, - "mode": "lines", - "opacity": 0.1, - "showlegend": false, - "type": "scatter", - "x": [ - "female", - "male", - "nan" - ], - "y": [ - 78.23228288665472, - 22.817550169809337, - 54.490016154900346 + "yaxis": { + "title": { + "text": "Predicted Survival (Predicted %)" + } + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_pdp(\"Deck\", sort='alphabet')" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T15:59:46.023656Z", + "start_time": "2021-01-20T15:59:45.851236Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "line": { + "color": "grey", + "width": 4 + }, + "mode": "lines+markers", + "name": "average prediction
for different values of
Deck", + "type": "scatter", + "x": [ + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" + ], + "y": [ + 32.89, + 47.25, + 44.57, + 53.93, + 51.44, + 44.86, + 47.39, + 41.39 ] }, { @@ -47678,14 +29873,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 80.30800957467316, - 26.48670260875558, - 60.099703616151324 + 40.259715150150555, + 65.67550899137859, + 48.760022951588894, + 65.18272915198882, + 59.337921099592315, + 51.619148357523315, + 57.2556152858763, + 47.5650512124439 ] }, { @@ -47698,14 +29903,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 68.57116729508228, - 25.26009687823399, - 43.4915755444381 + 19.062922620049715, + 46.7570620325205, + 31.65080485739915, + 44.991915591541336, + 41.85210930445536, + 35.07045087861054, + 48.95021111235683, + 32.84478552733776 ] }, { @@ -47718,14 +29933,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 15.068275438959835, - 12.248298748738483, - 13.763690062233511 + 14.218691385815163, + 25.484327459546353, + 32.35416152063092, + 43.9287913649327, + 36.63791119817708, + 29.96477714836545, + 29.98498312779303, + 27.31705220525956 ] }, { @@ -47738,14 +29963,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 54.25925031840588, - 14.237167064370002, - 34.304005097539545 + 17.514828749688938, + 40.24260298566844, + 43.619042446597184, + 52.46621111982014, + 51.30693958958115, + 43.34494502928253, + 48.404879354393124, + 41.41509218578049 ] }, { @@ -47758,14 +29993,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 75.24973115199356, - 16.268789157954867, - 45.596369932049576 + 67.93462503355028, + 75.8753689372819, + 66.52516078451659, + 75.69884228819811, + 74.54165878224576, + 68.71373013237694, + 71.4499035289495, + 63.74618746096664 ] }, { @@ -47778,14 +30023,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 80.5939380495288, - 16.82857176325335, - 50.127222490136205 + 46.637617555334046, + 66.53260205610498, + 52.58144266980618, + 58.88625375642968, + 60.50931623399101, + 60.50428754462476, + 64.06156680400849, + 53.55071307117042 ] }, { @@ -47798,14 +30053,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 52.00539713284614, - 12.238727666290426, - 29.650606405113745 + 52.69688058606543, + 68.38431495411501, + 61.697932899906746, + 71.77065416603683, + 67.2973241432664, + 61.21500254221238, + 66.85146947056538, + 53.29423873046629 ] }, { @@ -47818,14 +30083,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 81.69734839226244, - 30.82257644684417, - 62.55395788983568 + 14.930113233174586, + 30.55026205773902, + 34.46516953534919, + 49.36712934535447, + 41.22510968908582, + 33.40311512878721, + 35.69525093277619, + 32.45431491686413 ] }, { @@ -47838,14 +30113,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 10.930074037795768, - 9.860035780547438, - 10.919032407135445 + 15.770467335284385, + 21.571773438143826, + 25.352900695599377, + 34.59749849905065, + 34.45162521048755, + 23.32597153642701, + 22.069466520451645, + 22.86159626234013 ] }, { @@ -47858,14 +30143,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 79.35487049901667, - 20.334754729599556, - 50.597766441511716 + 69.5540624371861, + 72.67081006232206, + 67.8947586201581, + 71.45310206578968, + 72.11741834590944, + 66.41685272323811, + 67.0189989553998, + 57.91842580114809 ] }, { @@ -47878,14 +30173,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 48.88374980747285, - 15.525006754138083, - 33.32419830456043 + 20.69401587151352, + 42.84427819366127, + 42.05218780663993, + 47.76709658987883, + 48.715307723332636, + 37.78287206917523, + 45.16319735995975, + 38.83771149492318 ] }, { @@ -47898,14 +30203,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 54.25925031840588, - 14.237167064370002, - 34.304005097539545 + 19.40806363670027, + 28.901425539504128, + 34.330538905103246, + 43.09711923895439, + 37.96724654810942, + 33.71968929232484, + 35.09990503476516, + 30.77021312795311 ] }, { @@ -47918,14 +30233,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 16.731196787274442, - 11.525170406492492, - 13.04056171998752 + 27.848292845957594, + 54.44859828782293, + 36.995100552126814, + 52.108340537400146, + 45.726844853976395, + 39.31241993799435, + 42.62567111573209, + 34.01194598132073 ] }, { @@ -47938,14 +30263,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 63.301797507117854, - 48.89422781881911, - 58.28352272013414 + 54.3190596028682, + 59.64422617666334, + 51.63957670249274, + 60.01600167232654, + 58.64206522545906, + 50.62306191290886, + 52.49681697685508, + 44.53958623675599 ] }, { @@ -47958,14 +30293,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 59.31903953659303, - 15.272030381724369, - 37.88864576350058 + 81.56145933473059, + 93.87544314134153, + 84.69381113844904, + 87.10790796120205, + 90.57990929023752, + 87.18733888848553, + 88.08779393299767, + 79.17595634106293 ] }, { @@ -47978,14 +30323,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 77.2754361254234, - 41.51071951976784, - 57.9783772336691 + 14.528632906283, + 23.20961289535811, + 29.994261771257484, + 41.654076800744456, + 34.36319663398883, + 27.6900625841772, + 27.710268563604785, + 25.287951676159032 ] }, { @@ -47998,14 +30353,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 81.08838517699954, - 36.38904392365689, - 60.83900566320261 + 32.10993079270298, + 41.3490581482932, + 33.451581818953, + 38.18427065427612, + 46.13631680950278, + 39.88165723614727, + 41.357926040329495, + 35.53915208251589 ] }, { @@ -48018,14 +30383,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 51.75829798135463, - 15.166485031389213, - 31.84232214722183 + 50.706552996137276, + 58.58728653421842, + 50.582637060047816, + 58.43494935010855, + 57.73897173686029, + 49.71996842431008, + 54.574855563728, + 41.892531395500214 ] }, { @@ -48038,14 +30413,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 84.92786518032045, - 35.444528786211144, - 57.90561723400144 + 27.550246386626114, + 41.64751788025352, + 46.55369265718804, + 56.09898982948185, + 48.067752024788035, + 44.22923335959178, + 53.06500795137817, + 42.602957153270395 ] }, { @@ -48058,14 +30443,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 88.17060687723499, - 37.64583747715222, - 58.94211291594903 + 15.231044103248829, + 29.756049451787202, + 34.04084484886453, + 40.073198441970014, + 39.532509431778095, + 32.401618842660156, + 35.93215973195852, + 30.147736548020234 ] }, { @@ -48078,14 +30473,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 93.82502130441503, - 45.7792782173922, - 65.10286608264728 + 14.39355161330697, + 28.662898888117784, + 34.55654247301187, + 47.10736279350412, + 39.81648262674851, + 33.14334857693688, + 33.16355455636446, + 30.495623633830988 ] }, { @@ -48098,14 +30503,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 81.91542794537989, - 45.46197695751166, - 61.98860522376841 + 20.197640218802256, + 26.124547715152076, + 34.77983619976562, + 39.41166308194025, + 33.65764274387072, + 37.50620880920942, + 34.4558689960942, + 30.12617708928215 ] }, { @@ -48118,14 +30533,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 78.33781972259249, - 44.225588562525814, - 59.32647511655246 + 16.05402343970796, + 42.51440997983117, + 32.898830353381314, + 49.51406054772017, + 41.70592497033561, + 33.12483880845513, + 37.31971971048332, + 31.86165263161975 ] }, { @@ -48138,14 +30563,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 78.20623149008436, - 45.01248004388069, - 57.397409740247426 + 18.871641231576337, + 41.23814922655554, + 35.47563657959237, + 45.325752115516664, + 45.65302697510171, + 34.012558486226354, + 37.496629509279046, + 31.82818321213947 ] }, { @@ -48158,14 +30593,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 53.115702289688336, - 14.350674637263742, - 33.5103834003471 + 79.20173051809175, + 85.1859146792208, + 77.4174435044444, + 83.1199941693043, + 85.32468428533662, + 81.55723362221944, + 82.55562755687461, + 76.47743746646033 ] }, { @@ -48178,14 +30623,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 49.26060648046056, - 12.437834715902827, - 29.823102810468438 + 12.610281287455432, + 22.52029529302207, + 28.73023382653286, + 42.922370103335304, + 34.06584618210387, + 25.741622259652598, + 24.66528416805925, + 25.424348152147175 ] }, { @@ -48198,14 +30653,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 82.21083410808372, - 34.04917615726146, - 65.25562182025935 + 17.27392638264831, + 24.852481161767166, + 28.19068340638245, + 36.28196924402176, + 33.99108541044811, + 26.015648186604018, + 26.116735397242625, + 25.032712306456535 ] }, { @@ -48218,14 +30683,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 17.192735248812905, - 7.436378755478425, - 11.799232284177602 + 23.359613714776692, + 39.19907270840409, + 45.16907727257266, + 53.650544657632416, + 47.003922237553994, + 41.78078818774236, + 50.61656277952875, + 40.15451198142097 ] }, { @@ -48238,14 +30713,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 65.15134381364524, - 13.135436666691938, - 37.20198246729391 + 32.9569960978456, + 55.52226905431925, + 47.59856681105805, + 55.844332069744354, + 57.75489010112741, + 52.08631606644318, + 52.46640367337201, + 46.76145983626482 ] }, { @@ -48258,14 +30743,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 54.25925031840588, - 14.237167064370002, - 34.304005097539545 + 15.403375568618078, + 32.06085470992459, + 35.975762187534755, + 50.87772199754005, + 42.73570234127139, + 33.58037444763945, + 33.20584358496178, + 33.96490756904969 ] }, { @@ -48278,14 +30773,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 73.29867451941519, - 15.542906319331964, - 43.963970414027635 + 14.423162025711033, + 25.274235383831584, + 30.080148152447045, + 44.09110267144703, + 35.94908301517839, + 28.12708845487978, + 26.419224258868766, + 27.423902278044405 ] }, { @@ -48298,14 +30803,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 59.70041756047762, - 13.79211026043119, - 38.750362377663784 + 11.888476776177235, + 19.947961681214775, + 26.072715029540383, + 40.35003649152801, + 34.99351257029657, + 23.1692886478453, + 22.092950556251957, + 23.0976285754276 ] }, { @@ -48318,14 +30833,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 88.7174591534555, - 46.130988215178874, - 68.08012563138685 + 29.040405717242486, + 45.84672211303544, + 46.793448291926794, + 52.091862051537454, + 50.43345456567915, + 49.00051271490297, + 50.21414596939018, + 43.6756564847246 ] }, { @@ -48338,14 +30863,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 48.31421953407362, - 12.237139236518823, - 29.622407331084432 + 15.715628987189529, + 32.327521376591264, + 35.24242885420143, + 50.144388664206716, + 42.002369007938064, + 34.18037444763945, + 36.47251025162843, + 31.631574235716364 ] }, { @@ -48358,14 +30893,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 74.10827371118732, - 20.928316244731565, - 45.66773893547468 + 17.0925159356268, + 25.61529096405065, + 29.75054280063078, + 37.756643453084905, + 35.46575961951125, + 27.490322395667167, + 27.591409606305774, + 26.261772480431965 ] }, { @@ -48378,14 +30923,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 77.2754361254234, - 43.48913153984652, - 59.525996281288144 + 25.959846848969764, + 50.595790180808784, + 47.852370828725086, + 57.3426571654155, + 56.178540297842474, + 51.932233300152916, + 58.385488590013054, + 47.83470368897411 ] }, { @@ -48398,14 +30953,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 51.407271980636914, - 14.759362719196092, - 31.491296146504123 + 35.23420216760899, + 49.99099267228568, + 47.155276637064176, + 50.709298908091924, + 51.589842144598286, + 51.7869840932771, + 52.75609991337207, + 45.78448940959821 ] }, { @@ -48418,14 +30983,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 88.56825468446635, - 29.498888588778062, - 66.9847381451862 + 36.4583219615244, + 55.55756317196631, + 47.633860928705104, + 55.87962618739141, + 55.79018421877448, + 51.12161018409025, + 51.26640367337201, + 46.79675395391188 ] }, { @@ -48438,14 +31013,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 89.89866779041863, - 53.58036038167958, - 73.73522097496624 + 22.49347341953763, + 44.54260021054984, + 44.25050982352851, + 50.65212185596093, + 47.71325644128135, + 39.981194086063795, + 45.83210761214244, + 41.03603351181175 ] }, { @@ -48458,14 +31043,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 48.73214083200908, - 14.819191265594684, - 32.14258393698285 + 11.888476776177235, + 17.947961681214775, + 24.072715029540383, + 38.35003649152801, + 29.493512570296577, + 24.50262198117863, + 22.092950556251957, + 21.097628575427603 ] }, { @@ -48478,14 +31073,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 53.19159837381743, - 20.121681327041397, - 36.2260594882805 + 47.70252666724917, + 61.68112086995004, + 47.651071113901715, + 57.48788931004141, + 54.745029504474786, + 46.27290838424293, + 51.127795523660836, + 40.456099374756725 ] }, { @@ -48498,14 +31103,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 76.61192869639558, - 17.776653458234932, - 46.3962063199582 + 16.338307320409548, + 38.34722583957303, + 32.918217973267865, + 47.29742646052181, + 39.63688828573465, + 31.86674557728789, + 31.62706865618684, + 30.9179453653648 ] }, { @@ -48518,14 +31133,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 64.88072227991277, - 13.063746624067551, - 42.78646250941609 + 17.514828749688938, + 39.86482520789066, + 43.241264668819404, + 52.088433342042364, + 50.92916181180336, + 42.96716725150475, + 48.027101576615344, + 41.41509218578049 ] }, { @@ -48538,14 +31163,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 80.71325275754018, - 31.350368414349504, - 59.66388671147714 + 88.94381725584356, + 97.12853654476217, + 90.9591059962061, + 94.5073495751979, + 94.83061937031383, + 93.39038282121528, + 93.2879930121596, + 85.6846286681099 ] }, { @@ -48558,14 +31193,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 79.33376821110095, - 19.98969458955608, - 49.76104124298975 + 60.49996149716736, + 68.07331903327642, + 58.09732099259, + 62.82364978620693, + 62.402663569259495, + 55.748938905193825, + 56.835933622203996, + 49.11717864977046 ] }, { @@ -48578,14 +31223,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 48.99744911429232, - 13.939689030899984, - 31.319178013763572 + 50.54680712564677, + 57.00833733580556, + 50.707391565338646, + 58.78011283146874, + 56.00617638460128, + 47.987173072051064, + 49.860928135997284, + 41.9036973958982 ] }, { @@ -48598,14 +31253,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 85.95410877461964, - 51.77476972898617, - 63.03573277307405 + 15.770467335284385, + 21.571773438143826, + 25.352900695599377, + 34.59749849905065, + 34.45162521048755, + 23.32597153642701, + 22.069466520451645, + 22.86159626234013 ] }, { @@ -48618,14 +31283,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 54.25925031840588, - 14.237167064370002, - 34.304005097539545 + 13.203243685794517, + 24.921531009325566, + 29.727443777941033, + 44.323605819638814, + 34.26732209410609, + 26.44105074704043, + 26.066519884362748, + 27.07119790353839 ] }, { @@ -48638,14 +31313,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 58.92402852391791, - 22.3837408244153, - 39.90070784391772 + 28.914079968111007, + 52.042849175449014, + 39.540026437448006, + 47.46242426889047, + 48.05324235525164, + 45.391587581745725, + 49.86002028941004, + 41.932807535178554 ] }, { @@ -48658,14 +31343,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 63.02996654987667, - 13.715644377576536, - 36.206442729548705 + 15.107372552026826, + 30.72752137659126, + 34.64242885420143, + 49.544388664206714, + 41.402369007938056, + 33.58037444763945, + 31.872510251628437, + 32.631574235716364 ] }, { @@ -48678,14 +31373,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 30.843696670276678, - 19.355783024469815, - 22.210090031367656 + 51.39008255924678, + 59.274773958763916, + 51.27012448459332, + 59.6465494544271, + 58.272613007559634, + 50.25360969500943, + 56.12736475895564, + 42.04839488842178 ] }, { @@ -48698,14 +31403,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 75.24973115199356, - 15.510524695403893, - 45.30733623872936 + 20.705471021754775, + 27.915071330497344, + 31.61405690959728, + 39.58321785251022, + 34.19627406257406, + 32.73759263960846, + 34.549997924532455, + 28.690894253014516 ] }, { @@ -48718,14 +31433,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 61.23321539954072, - 21.05004729966152, - 40.409040900357006 + 20.40634325317944, + 39.378847294892644, + 39.29059562730432, + 46.7521841436532, + 47.00837318941049, + 33.64586308623545, + 38.14969539491328, + 33.8151852706041 ] }, { @@ -48738,14 +31463,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 74.92803803030044, - 16.268789157954867, - 45.596369932049576 + 15.770467335284385, + 21.571773438143826, + 25.352900695599377, + 34.59749849905065, + 34.45162521048755, + 23.32597153642701, + 22.069466520451645, + 22.86159626234013 ] }, { @@ -48758,14 +31493,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 63.53060477699529, - 18.220566938339754, - 41.868149750776205 + 74.02070226398452, + 81.8650461708172, + 79.63013004702155, + 80.58345542750189, + 85.271069158677, + 81.31563613481227, + 82.13916810240131, + 75.04258067852577 ] }, { @@ -48778,14 +31523,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 50.367342226497804, - 14.052526541494185, - 32.339144794443946 + 50.27748129185653, + 58.71040455821529, + 48.24387361235488, + 58.758650642113764, + 55.151380861912955, + 46.865710882696085, + 52.739465946642305, + 40.260496076108446 ] }, { @@ -48798,14 +31553,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 72.72686752886412, - 33.35392065812671, - 49.28596841599237 + 77.51680458637482, + 90.885377422403, + 80.95866889461261, + 83.27022344231206, + 86.53719192297264, + 83.47106984379616, + 84.82908457000589, + 77.44360825724144 ] }, { @@ -48818,14 +31583,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 91.41884604973852, - 48.917020155799506, - 69.25521577367543 + 15.242453845002851, + 25.274235383831584, + 30.080148152447045, + 44.09110267144703, + 35.94908301517839, + 28.12708845487978, + 26.419224258868766, + 27.423902278044405 ] }, { @@ -48838,14 +31613,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 80.57484018079894, - 40.372894219532014, - 59.365673624006575 + 17.27392638264831, + 24.852481161767166, + 28.19068340638245, + 36.28196924402176, + 33.99108541044811, + 26.015648186604018, + 26.116735397242625, + 25.032712306456535 ] }, { @@ -48858,14 +31643,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 60.22147856098328, - 16.912767027715372, - 39.92661822599104 + 72.22770658019739, + 86.49956751459352, + 74.19743968409196, + 79.27670911072003, + 85.07442937646994, + 77.98585801931931, + 82.55085230267025, + 71.54340420511683 ] }, { @@ -48878,14 +31673,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 70.60641137132757, - 13.138905167815453, - 46.421622827090424 + 88.65585710833757, + 94.40954191449757, + 91.17114584870012, + 93.98347689615281, + 94.04265922280783, + 92.67138819095068, + 92.56899838189499, + 82.96563403784528 ] }, { @@ -48898,14 +31703,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 49.98236895635502, - 14.166034114387923, - 31.706695258423668 + 17.919288285449674, + 48.7311662612202, + 41.82771101114811, + 51.21308079485477, + 49.963862174668684, + 42.05371946622193, + 50.643065556038415, + 40.790533289386566 ] }, { @@ -48918,14 +31733,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 73.8916837173472, - 15.52425310255484, - 43.338162089267776 + 89.1804668317727, + 97.05554458632965, + 91.18611403777356, + 94.16013359517295, + 94.16091176797464, + 93.27123701662892, + 93.09192413065014, + 87.71269884354848 ] }, { @@ -48938,14 +31763,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 78.0366197535216, - 17.991599154333674, - 48.75882254615685 + 17.499637694506557, + 39.517022320096444, + 42.89346178102519, + 52.03417131027926, + 49.25230237744287, + 42.61936436371053, + 47.67929868882112, + 41.06728929798628 ] }, { @@ -48958,14 +31793,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 66.25551304981875, - 11.421640957077091, - 40.55465987272866 + 51.2142579054898, + 72.82443105555912, + 57.90894501576941, + 69.74576321190908, + 66.48684316377283, + 58.76807042170383, + 63.385669425528526, + 52.713973276624415 ] }, { @@ -48978,14 +31823,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 70.60641137132757, - 13.138905167815453, - 46.421622827090424 + 21.13890912232611, + 46.2502210311324, + 33.509578747941724, + 42.48952940931302, + 40.83316705766681, + 38.194523840351096, + 46.566205666018995, + 32.69595871333225 ] }, { @@ -48998,14 +31853,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 80.77753312461533, - 36.631326602638126, - 55.464887383564374 + 52.40097719549844, + 59.386549217503905, + 51.38189974333329, + 59.080365879547884, + 58.38438826629962, + 50.36538495374941, + 51.22027209316733, + 44.28190927759654 ] }, { @@ -49018,14 +31883,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 70.60641137132757, - 13.138905167815453, - 46.421622827090424 + 86.93832948638583, + 95.04461374952817, + 87.780950791195, + 90.11681688412513, + 92.61865720704046, + 91.22792030558111, + 89.76537947084348, + 82.8206604328694 ] }, { @@ -49038,14 +31913,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 90.75508517016793, - 49.952961926906745, - 73.75191186517148 + 37.24870164495776, + 64.97260545894824, + 54.9560980905596, + 64.55457517295049, + 65.67602998859623, + 56.3378653238922, + 71.3300311253254, + 54.56065317303086 ] }, { @@ -49058,14 +31943,24 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 81.15038966243203, - 17.890552683567602, - 50.696919459833175 + 15.107372552026826, + 30.72752137659126, + 34.64242885420143, + 49.544388664206714, + 41.402369007938056, + 33.58037444763945, + 31.872510251628437, + 32.631574235716364 ] }, { @@ -49078,176 +31973,84 @@ "showlegend": false, "type": "scatter", "x": [ - "female", - "male", - "nan" + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 61.4330738164515, - 27.181865192514575, - 45.46926279157266 + 26.289467493758504, + 38.29953560690432, + 30.02031535337537, + 33.7191107003458, + 43.187466368786, + 36.3500812421167, + 39.2891205139688, + 32.18949396663388 ] - } - ], - "layout": { - "plot_bgcolor": "#fff", - "showlegend": false, - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } - }, - "title": { - "text": "pdp plot for Sex" - }, - "xaxis": { - "title": { - "text": "Sex" - } }, - "yaxis": { - "title": { - "text": "Predicted Survival (Predicted %)" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_pdp(\"Sex\")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### highlight pdp for specific observation" - ] - }, - { - "cell_type": "code", - "execution_count": 32, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:41:41.227440Z", - "start_time": "2020-10-12T08:41:41.052198Z" - } - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Saundercock, Mr. William Henry\n", - "Calculating prediction probabilities...\n" - ] - }, - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ { + "hoverinfo": "skip", "line": { - "color": "grey", - "width": 4 + "color": "grey" }, - "mode": "lines+markers", - "name": "average prediction
for different values of
Fare", + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 33.57, - 33.05, - 33.05, - 33.45, - 35.72, - 38.19, - 37.65, - 37.3, - 44.98, - 45.57 + 68.47718257112808, + 78.10991997954137, + 71.92246776766999, + 72.43931293112628, + 78.82974902251169, + 71.83524590737903, + 76.63752832632319, + 65.10834109833499 ] }, { + "hoverinfo": "skip", "line": { - "color": "blue", - "width": 4 + "color": "grey" }, - "mode": "lines+markers", - "name": "prediction for index 0
for different values of
Fare", + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 15.95, - 14.35, - 14.35, - 13.94, - 14.99, - 15.39, - 17.9, - 17.64, - 27.79, - 29.56 + 80.49404210504615, + 89.25707608037321, + 80.80196233739532, + 85.84994110693177, + 88.66276062858189, + 85.39004148917721, + 86.20313796267286, + 77.90080881531054 ] }, { @@ -49260,28 +32063,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 65.03615017488956, - 65.03615017488956, - 63.41710255584193, - 66.37543588917526, - 71.16345120964091, - 79.89719650751334, - 81.29871854295179, - 80.26631113554438, - 89.13503169321999, - 88.70365914420037 + 16.949623984905635, + 30.3160494517872, + 33.666091397188005, + 41.83319844197001, + 43.75108931343488, + 33.120198724316964, + 36.65073961361532, + 30.86631642967703 ] }, { @@ -49294,28 +32093,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 15.833226177670495, - 14.237167064370002, - 14.237167064370002, - 14.052526541494185, - 15.80455933204771, - 17.299033031067278, - 19.807238249415764, - 19.790190662714092, - 30.592586536268012, - 30.592586536268012 + 54.188689935359754, + 59.851693563078086, + 53.347044088907495, + 58.71038189607516, + 58.84953261187381, + 50.28046507862779, + 52.154220142574005, + 42.19698940247492 ] }, { @@ -49328,28 +32123,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 30.318257545375804, - 31.60030882742708, - 31.60030882742708, - 36.58840406552231, - 42.27982549428783, - 43.56065710532115, - 46.38852409458511, - 45.65542712516738, - 44.8612985777635, - 40.78643226760308 + 14.423162025711033, + 25.274235383831584, + 30.080148152447045, + 44.09110267144703, + 35.94908301517839, + 28.12708845487978, + 26.419224258868766, + 27.423902278044405 ] }, { @@ -49362,28 +32153,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 12.441961015942093, - 12.441961015942093, - 12.441961015942093, - 12.262668086649162, - 13.715644377576536, - 15.334906319331967, - 17.315926461749072, - 17.05955844704772, - 25.268877626482727, - 27.0372173948225 + 29.74391991342754, + 43.41956712275459, + 39.239895786118005, + 45.86328912435481, + 47.19971245365824, + 43.473747016635976, + 43.157986835310965, + 38.144861335319725 ] }, { @@ -49396,28 +32183,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 63.678783047472976, - 63.05046586965637, - 64.88072227991277, - 61.80154511622433, - 65.12555839464864, - 64.25281569587129, - 52.360591252282354, - 52.04423322759099, - 62.38638884436802, - 62.38638884436802 + 35.82438063521643, + 44.881892246864176, + 34.18065416203808, + 41.19402782977017, + 45.986468073666785, + 42.89141441164131, + 40.80080423493183, + 36.548909258009935 ] }, { @@ -49430,28 +32213,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 15.833226177670495, - 14.237167064370002, - 14.237167064370002, - 14.052526541494185, - 15.80455933204771, - 17.299033031067278, - 19.807238249415764, - 19.790190662714092, - 30.592586536268012, - 30.592586536268012 + 14.39355161330697, + 28.662898888117784, + 34.55654247301187, + 47.10736279350412, + 39.81648262674851, + 33.14334857693688, + 33.16355455636446, + 30.495623633830988 ] }, { @@ -49464,28 +32243,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 12.238727666290426, - 12.238727666290426, - 12.238727666290426, - 11.827742059926667, - 12.802377337029155, - 13.6937091709555, - 18.029796256563436, - 17.77342824186209, - 30.896254928336596, - 32.66459469667637 + 21.13890912232611, + 46.2502210311324, + 33.509578747941724, + 42.48952940931302, + 40.83316705766681, + 38.194523840351096, + 46.566205666018995, + 32.69595871333225 ] }, { @@ -49498,28 +32273,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 70.46710950152514, - 69.83879232370852, - 72.71666778158398, - 69.86383570138348, - 72.32204811400692, - 71.44930541522957, - 58.998257442228855, - 58.681899417537494, - 65.33655503431451, - 65.33655503431451 + 19.61575648521712, + 46.93959382000633, + 37.32401419355647, + 53.35403686519755, + 47.460165357077045, + 37.550022648630296, + 41.74490355065849, + 36.28683647179493 ] }, { @@ -49532,28 +32303,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 62.67222576164635, - 62.67222576164635, - 61.05317814259873, - 59.72071061013119, - 62.5481132680234, - 73.64740117476323, - 75.04892321020168, - 74.73256518551032, - 83.12312956843533, - 83.12312956843533 + 18.99238123325345, + 34.34480987997766, + 34.362086071626855, + 44.37053494088448, + 44.22466165232137, + 32.89900797826084, + 32.85366723660764, + 30.71463270417396 ] }, { @@ -49566,28 +32333,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 23.61399520158155, - 23.61399520158155, - 23.61399520158155, - 27.94891415859353, - 32.22607212822968, - 31.561153747918592, - 32.880976935182986, - 30.013822695660323, - 37.2123969953107, - 36.48073676365046 + 23.654640393041582, + 32.635584997067845, + 37.29229024277081, + 47.122700363856005, + 43.37011705030041, + 36.99527041722642, + 39.125486159666764, + 34.79579425285472 ] }, { @@ -49600,28 +32363,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 13.435395499467905, - 14.153137434951779, - 14.28600456781891, - 14.106711638525981, - 15.540312929453357, - 19.62093927080901, - 19.702568553212835, - 18.783646425957375, - 22.918954569360718, - 22.918954569360718 + 15.107372552026826, + 30.72752137659126, + 34.64242885420143, + 49.544388664206714, + 41.402369007938056, + 33.58037444763945, + 31.872510251628437, + 32.631574235716364 ] }, { @@ -49634,28 +32393,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 15.338567393130937, - 15.338567393130937, - 15.338567393130937, - 15.159274463838008, - 16.27676688379763, - 14.632372760674498, - 16.37460810368438, - 16.118240088983036, - 24.156714025461728, - 25.9250537938015 + 15.242453845002851, + 25.274235383831584, + 30.080148152447045, + 44.09110267144703, + 35.94908301517839, + 28.12708845487978, + 26.419224258868766, + 27.423902278044405 ] }, { @@ -49668,28 +32423,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 15.946733750564235, - 14.350674637263742, - 14.350674637263742, - 13.939689030899984, - 14.988724435127851, - 15.390293530513965, - 17.898498748862455, - 17.642130734161107, - 27.792945520734786, - 29.561285289074547 + 14.869766622503167, + 24.78306259328397, + 26.564189850739524, + 37.83152190918312, + 37.3845733518028, + 23.226661613226135, + 22.803489930584107, + 25.794544403655383 ] }, { @@ -49702,28 +32453,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 68.96652282416139, - 69.68426475964526, - 70.45188380726431, - 68.93759809297859, - 70.89919988506993, - 75.37985100481107, - 78.23228288665472, - 77.91592486196336, - 81.87388247256223, - 81.87388247256223 + 21.331830183074924, + 46.7570620325205, + 32.23413819073249, + 46.325248924874664, + 41.85210930445536, + 35.07045087861054, + 48.95021111235683, + 32.84478552733776 ] }, { @@ -49736,28 +32483,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 29.722885208971807, - 29.722885208971807, - 29.722885208971807, - 35.78074788892749, - 40.227136205110234, - 41.86741482075184, - 44.53953632093697, - 43.911702509413985, - 44.82349120528228, - 40.39148203797899 + 25.969893599864385, + 39.755655007333814, + 40.58602333265544, + 50.58815811178684, + 45.25733018855975, + 42.611564035059175, + 51.47675039155145, + 39.48528782873779 ] }, { @@ -49770,28 +32513,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 15.946733750564235, - 14.350674637263742, - 14.350674637263742, - 13.939689030899984, - 14.988724435127851, - 15.390293530513965, - 17.898498748862455, - 17.642130734161107, - 27.792945520734786, - 29.561285289074547 + 16.338307320409548, + 38.34722583957303, + 32.918217973267865, + 47.29742646052181, + 39.63688828573465, + 31.86674557728789, + 31.62706865618684, + 30.9179453653648 ] }, { @@ -49804,28 +32543,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 19.098884116156377, - 18.220566938339754, - 19.401053118825935, - 19.216412595950118, - 20.246278925091488, - 24.152763079542574, - 24.933695570618337, - 24.014773443362877, - 31.169640591743576, - 31.169640591743576 + 27.550246386626114, + 41.64751788025352, + 46.55369265718804, + 56.09898982948185, + 48.067752024788035, + 44.22923335959178, + 53.06500795137817, + 42.602957153270395 ] }, { @@ -49838,28 +32573,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 15.833226177670495, - 14.237167064370002, - 14.237167064370002, - 14.052526541494185, - 15.80455933204771, - 17.299033031067278, - 19.807238249415764, - 19.790190662714092, - 30.592586536268012, - 30.592586536268012 + 28.42027834469437, + 44.862542687132915, + 43.08660680510151, + 51.567993073807415, + 49.585571743019244, + 48.06609789383465, + 53.98875194735382, + 43.95432717218408 ] }, { @@ -49872,28 +32603,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 22.98614506554153, - 24.268196347592806, - 24.268196347592806, - 27.53334786274432, - 33.05553894496325, - 34.620459274329576, - 35.603744000055514, - 36.631326602638126, - 46.678972967810196, - 48.44731273614996 + 14.218691385815163, + 25.484327459546353, + 32.35416152063092, + 43.9287913649327, + 36.63791119817708, + 29.96477714836545, + 29.98498312779303, + 27.31705220525956 ] }, { @@ -49906,28 +32633,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 24.016774637569487, - 25.29882591962077, - 25.29882591962077, - 28.563977434772287, - 34.086168516991215, - 35.08522214668941, - 34.34123414514263, - 32.439595968504456, - 40.322154621214914, - 41.65548795454824 + 13.374803704609429, + 23.806009578736354, + 30.01594811224714, + 44.20808438904959, + 39.51822713448482, + 26.27733654536688, + 25.95099845377354, + 26.71006243786146 ] }, { @@ -49940,28 +32663,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 24.485750955839126, - 26.485544173374283, - 26.485544173374283, - 33.2804575932877, - 39.337543878336035, - 42.31923968367843, - 44.97498854020183, - 43.34001703023033, - 48.2834519301665, - 46.95011859683317 + 17.514828749688938, + 40.24260298566844, + 43.619042446597184, + 52.46621111982014, + 51.30693958958115, + 43.34494502928253, + 48.404879354393124, + 41.41509218578049 ] }, { @@ -49974,28 +32693,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 26.346799002785907, - 24.750739889485413, - 24.883607022352546, - 24.290803234170607, - 25.696568564381746, - 29.38825047389986, - 26.80203511761871, - 26.19947101505461, - 32.058927962531016, - 32.058927962531016 + 15.22851534112627, + 27.54894994801983, + 32.44004790182048, + 46.365817235635284, + 38.22379757936663, + 30.401803019068023, + 28.693938823057014, + 29.453002807144934 ] }, { @@ -50008,28 +32723,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 18.603914942741483, - 17.007855829440988, - 18.3216753432605, - 18.498145931495795, - 19.415020681861925, - 20.827436869954425, - 20.357864725982125, - 20.023841830638474, - 27.77275747001657, - 27.77275747001657 + 14.777543319337221, + 43.202104734916134, + 27.908533119848776, + 41.24964385399095, + 38.87454344925793, + 31.99484580772683, + 39.97986919936786, + 29.102513789787395 ] }, { @@ -50042,28 +32753,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 70.5665271342083, - 70.5665271342083, - 70.5665271342083, - 70.3673929350741, - 72.67779654263393, - 81.11758128681038, - 82.55524430193817, - 82.55524430193817, - 87.37814236028933, - 87.37814236028933 + 50.30518539014685, + 66.49469547583624, + 54.59697661224754, + 66.58764096223337, + 61.95893643974881, + 55.609948172028126, + 60.22754717585283, + 48.35585102694871 ] }, { @@ -50076,28 +32783,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 21.879980961735782, - 20.283921848435284, - 20.283921848435284, - 20.099281325559467, - 19.50478367762853, - 16.48011549259751, - 7.6683369933190155, - 8.024614049596071, - 10.93252819415691, - 15.51336796249668 + 71.2021442443539, + 85.41501665849943, + 76.89021767070916, + 81.96620505414636, + 85.76467480822951, + 79.14454328286509, + 82.17946241401522, + 74.09502129793815 ] }, { @@ -50110,28 +32813,24 @@ "showlegend": false, "type": "scatter", "x": [ - 0, - 7.6588, - 7.8542, - 8.05, - 10.5, - 16.1, - 26.25, - 33.030555555555544, - 76.37039999999999, - 227.525 + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" ], "y": [ - 12.45340283181256, - 11.825085653995941, - 13.138905167815453, - 13.133557574232569, - 14.075123682623387, - 15.970016061192077, - 15.998385165990674, - 15.348004245955662, - 23.955521726530524, - 23.955521726530524 + 15.715628987189529, + 32.327521376591264, + 35.24242885420143, + 50.144388664206716, + 42.002369007938064, + 34.18037444763945, + 36.47251025162843, + 31.631574235716364 ] }, { @@ -50143,6 +32842,130 @@ "opacity": 0.1, "showlegend": false, "type": "scatter", + "x": [ + "Unkown", + "B", + "C", + "E", + "D", + "A", + "F", + "G" + ], + "y": [ + 67.44654574472224, + 79.92135664077358, + 69.46253078228895, + 71.90657641803286, + 79.0377305529218, + 72.7091430974494, + 74.87399855326201, + 67.07844632607383 + ] + } + ], + "layout": { + "plot_bgcolor": "#fff", + "showlegend": false, + "template": { + "data": { + "scatter": [ + { + "type": "scatter" + } + ] + } + }, + "title": { + "text": "pdp plot for Deck" + }, + "xaxis": { + "title": { + "text": "Deck" + } + }, + "yaxis": { + "title": { + "text": "Predicted Survival (Predicted %)" + } + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_pdp(\"Deck\", sort='freq')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### highlight pdp for specific observation" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T15:59:51.854925Z", + "start_time": "2021-01-20T15:59:51.631292Z" + } + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Saundercock, Mr. William Henry\n" + ] + }, + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "line": { + "color": "grey", + "width": 4 + }, + "mode": "lines+markers", + "name": "average prediction
for different values of
Fare", + "type": "scatter", "x": [ 0, 7.6588, @@ -50156,26 +32979,25 @@ 227.525 ], "y": [ - 19.098884116156377, - 18.220566938339754, - 19.401053118825935, - 19.216412595950118, - 20.246278925091488, - 24.152763079542574, - 24.933695570618337, - 24.014773443362877, - 31.169640591743576, - 31.169640591743576 + 35.08, + 36.16, + 36.37, + 36.14, + 37.6, + 40.17, + 39.82, + 40.11, + 48.5, + 48.57 ] }, { - "hoverinfo": "skip", "line": { - "color": "grey" + "color": "blue", + "width": 4 }, - "mode": "lines", - "opacity": 0.1, - "showlegend": false, + "mode": "lines+markers", + "name": "prediction for index 0
for different values of
Fare", "type": "scatter", "x": [ 0, @@ -50190,16 +33012,16 @@ 227.525 ], "y": [ - 20.275131684132145, - 18.67907257083165, - 18.67907257083165, - 18.494432047955833, - 19.555106813818, - 17.76825374764874, - 11.633558581703573, - 11.724684122829114, - 18.680878277794427, - 21.493378277794427 + 14.42, + 15.24, + 15.24, + 15.11, + 15.72, + 17.52, + 19.88, + 21.31, + 34.19, + 34.41 ] }, { @@ -50224,16 +33046,16 @@ 227.525 ], "y": [ - 19.098884116156377, - 18.220566938339754, - 19.401053118825935, - 19.216412595950118, - 20.246278925091488, - 24.152763079542574, - 24.933695570618337, - 24.014773443362877, - 31.169640591743576, - 31.169640591743576 + 66.45981619614892, + 67.01537175170448, + 67.01537175170448, + 65.42599977102816, + 68.47718257112808, + 72.34402094771012, + 72.59234988569423, + 72.89538018872453, + 80.34712807663637, + 79.98248276508528 ] }, { @@ -50258,16 +33080,16 @@ 227.525 ], "y": [ - 23.363725172295727, - 21.767666058995232, - 21.767666058995232, - 21.583025536119415, - 21.996671613456993, - 23.43957404217644, - 18.031194665704955, - 19.265177349687637, - 24.695259631088902, - 28.276099399428674 + 33.913631708721034, + 35.91363170872102, + 37.01416080925012, + 40.43834627290927, + 42.35834627290927, + 44.766499618241156, + 47.214944790090584, + 44.82308191717088, + 50.590493156806495, + 53.72226905431926 ] }, { @@ -50292,16 +33114,16 @@ 227.525 ], "y": [ - 15.833226177670495, - 14.237167064370002, - 14.237167064370002, - 14.052526541494185, - 15.80455933204771, - 17.299033031067278, - 19.807238249415764, - 19.790190662714092, - 30.592586536268012, - 30.592586536268012 + 39.918421351202994, + 40.47397690675855, + 40.47397690675855, + 38.44016048163777, + 39.318001390728675, + 37.94114973149714, + 24.33345287976623, + 23.6079626836878, + 31.341651173373723, + 33.151088559943595 ] }, { @@ -50326,16 +33148,16 @@ 227.525 ], "y": [ - 14.77782758648949, - 14.77782758648949, - 14.77782758648949, - 14.59853465719656, - 15.71602707715619, - 14.071632954033053, - 15.813868297042937, - 15.557500282341588, - 25.595974218820285, - 27.364313987160056 + 13.243247853162085, + 14.062539672453905, + 14.062539672453905, + 14.106029808049303, + 14.700338478956567, + 17.13566311482678, + 18.753037396781796, + 20.298415215242105, + 32.62066354045292, + 33.55897109277321 ] }, { @@ -50360,16 +33182,16 @@ 227.525 ], "y": [ - 39.28451527779713, - 37.688456164496635, - 37.688456164496635, - 36.012998289038755, - 37.234612525050586, - 29.470562538042564, - 16.731196787274442, - 16.731196787274442, - 20.525356295830697, - 20.525356295830697 + 11.888476776177235, + 12.444032331732792, + 12.444032331732792, + 12.610281287455432, + 13.218537722618134, + 17.688084032327573, + 18.269406304826322, + 19.814784123286636, + 28.687615632670653, + 27.988650829358026 ] }, { @@ -50394,16 +33216,16 @@ 227.525 ], "y": [ - 49.60104678143748, - 49.60104678143748, - 49.60104678143748, - 48.65075897400683, - 51.000123620527695, - 59.110725449024535, - 54.15242349126756, - 54.15242349126756, - 62.14352034578442, - 62.14352034578442 + 68.3200896021664, + 68.87564515772196, + 68.87564515772196, + 67.28627317704563, + 68.7428150170826, + 72.3752265460025, + 71.64087150130263, + 73.09920483463596, + 76.57380103899429, + 76.34708676192596 ] }, { @@ -50428,16 +33250,16 @@ 227.525 ], "y": [ - 15.05651611107965, - 15.05651611107965, - 15.05651611107965, - 14.877223181786722, - 15.994715601746352, - 14.350321478623215, - 16.0925568216331, - 15.836188806931753, - 23.874662743410447, - 25.64300251175022 + 54.6079484917571, + 55.16350404731265, + 54.3190596028682, + 52.729687622191875, + 54.26034285795427, + 55.650505045278024, + 47.857602024307745, + 47.857602024307745, + 55.01480950117432, + 55.94934223480751 ] }, { @@ -50462,16 +33284,16 @@ 227.525 ], "y": [ - 15.946733750564235, - 14.350674637263742, - 14.350674637263742, - 13.939689030899984, - 14.988724435127851, - 15.390293530513965, - 17.898498748862455, - 17.642130734161107, - 27.792945520734786, - 29.561285289074547 + 15.65901882162548, + 16.4783106409173, + 17.36719952980619, + 17.23211823683016, + 18.135941174455915, + 19.61575648521712, + 21.96924187828324, + 22.47343928091525, + 35.154722033812426, + 35.518191092933655 ] }, { @@ -50496,16 +33318,16 @@ 227.525 ], "y": [ - 15.911813529466311, - 15.911813529466311, - 15.911813529466311, - 15.550702418355202, - 16.71311696859918, - 17.353824288505876, - 18.81709982064105, - 18.877089830631064, - 25.608716330139174, - 27.377056098478942 + 65.75322253048627, + 66.41988919715294, + 66.41988919715294, + 65.38607277203216, + 68.00273943869882, + 75.29252570768564, + 75.57823999339993, + 76.26146980706453, + 84.23008791525574, + 82.69486841791749 ] }, { @@ -50530,16 +33352,16 @@ 227.525 ], "y": [ - 64.80865449001044, - 64.80865449001044, - 63.18960687096282, - 65.59270764615663, - 70.08492943553462, - 75.32120807577189, - 76.7588710908997, - 74.7588710908997, - 83.85648454732318, - 84.12615328438321 + 13.338610396431688, + 14.869766622503167, + 14.869766622503167, + 15.723521055204968, + 16.125698913644168, + 17.64934000937018, + 20.827198162292934, + 21.966868599129644, + 34.523360293104815, + 33.302581072325594 ] }, { @@ -50564,16 +33386,16 @@ 227.525 ], "y": [ - 63.094492732649556, - 63.094492732649556, - 63.094492732649556, - 62.71354035169717, - 65.20576214107518, - 78.03149319817457, - 79.35487049901667, - 79.35487049901667, - 85.37957908414289, - 85.37957908414289 + 16.45463456335649, + 17.402457456094638, + 17.402457456094638, + 17.26737616311861, + 17.614254482387302, + 20.734910000074986, + 22.837415000984237, + 22.943630766642727, + 31.552461479200545, + 32.33921096160219 ] }, { @@ -50598,16 +33420,16 @@ 227.525 ], "y": [ - 50.49432201005876, - 48.89826289675826, - 48.89826289675826, - 50.335745652098176, - 57.04220837295847, - 63.301797507117854, - 56.76701602908323, - 56.76701602908323, - 64.72895429736569, - 63.44043889120322 + 14.423162025711033, + 15.242453845002851, + 15.242453845002851, + 15.107372552026826, + 15.715628987189529, + 17.523300723368127, + 19.876786116434246, + 21.30787822060885, + 34.193082542133475, + 34.40840345310655 ] }, { @@ -50632,16 +33454,16 @@ 227.525 ], "y": [ - 17.868789100234682, - 16.272729986934188, - 16.272729986934188, - 15.67992619875225, - 16.43839986229672, - 16.025746735460615, - 15.787637439785533, - 16.252389354537442, - 26.578842664661835, - 30.159682433001606 + 65.1238859155521, + 67.34141330209357, + 67.34141330209357, + 65.30759687697278, + 66.89734046671637, + 71.30782813326279, + 70.38346160933034, + 70.38346160933034, + 74.46024690646804, + 74.33561658093817 ] }, { @@ -50666,16 +33488,16 @@ 227.525 ], "y": [ - 16.766407438860337, - 15.170348325559848, - 15.170348325559848, - 14.759362719196092, - 15.808398123423958, - 15.562411663254515, - 17.898498748862455, - 17.642130734161107, - 28.79294552073478, - 30.561285289074547 + 65.12052762483881, + 65.67608318039439, + 65.67608318039439, + 64.08671119971805, + 66.33963313025278, + 71.72204465917265, + 71.23768961447279, + 72.69602294780613, + 77.84262982963213, + 76.19227023236677 ] }, { @@ -50700,16 +33522,16 @@ 227.525 ], "y": [ - 64.49745669420284, - 62.90139758090236, - 65.03568329518806, - 64.07758805709283, - 67.4966163580684, - 68.22387365929106, - 54.78934194816598, - 54.78934194816598, - 58.564183969650166, - 58.564183969650166 + 42.541737237243794, + 44.67026831069012, + 45.77079741121921, + 49.19498287487836, + 49.417205097100585, + 48.65538776794567, + 48.021781657743816, + 47.1038329397951, + 52.63143037223736, + 49.76094671576644 ] }, { @@ -50734,16 +33556,16 @@ 227.525 ], "y": [ - 15.946733750564235, - 14.350674637263742, - 14.350674637263742, - 13.939689030899984, - 14.988724435127851, - 15.390293530513965, - 17.898498748862455, - 17.642130734161107, - 27.792945520734786, - 29.561285289074547 + 13.624317028256128, + 15.155473254327612, + 16.0443621432165, + 15.90928085024047, + 16.743856484440283, + 17.505091718167666, + 18.871485607965813, + 19.131547527470456, + 29.14925586835193, + 29.578568711677512 ] }, { @@ -50768,16 +33590,16 @@ 227.525 ], "y": [ - 12.45340283181256, - 11.825085653995941, - 13.138905167815453, - 13.133557574232569, - 14.075123682623387, - 15.970016061192077, - 15.998385165990674, - 15.348004245955662, - 23.955521726530524, - 23.955521726530524 + 14.423162025711033, + 15.242453845002851, + 15.242453845002851, + 15.107372552026826, + 15.715628987189529, + 17.523300723368127, + 19.876786116434246, + 21.30787822060885, + 34.193082542133475, + 34.40840345310655 ] }, { @@ -50802,16 +33624,16 @@ 227.525 ], "y": [ - 68.38892750871908, - 68.38892750871908, - 66.76987988967146, - 69.91003140482299, - 73.98466624113017, - 80.7991391080337, - 82.7099204027314, - 79.677512995324, - 88.8947295020485, - 87.41439823910854 + 13.709341086991184, + 14.528632906283, + 14.528632906283, + 14.39355161330697, + 15.87964895756058, + 19.214355092583894, + 21.56784048565001, + 22.707510922486716, + 36.7118896131857, + 36.92721052415878 ] }, { @@ -50836,16 +33658,16 @@ 227.525 ], "y": [ - 55.85530943170637, - 54.25925031840588, - 52.64020269935826, - 50.367342226497804, - 52.62779459330177, - 59.42638208644333, - 53.41113674283907, - 53.09477871814771, - 60.558293448735945, - 60.558293448735945 + 28.475066638537495, + 31.141733305204163, + 33.25601901948987, + 33.50163305457759, + 33.957188610133144, + 33.0545256398366, + 34.99268551917293, + 30.280723576263945, + 30.785619212808207, + 28.756691386128413 ] }, { @@ -50870,16 +33692,16 @@ 227.525 ], "y": [ - 54.711761402988834, - 53.115702289688336, - 51.49665467064073, - 48.99744911429232, - 51.42091088548501, - 58.219498378626575, - 52.76307656443407, - 52.44671853974271, - 63.597733270330956, - 63.597733270330956 + 14.423162025711033, + 15.242453845002851, + 15.242453845002851, + 15.107372552026826, + 15.715628987189529, + 17.523300723368127, + 19.876786116434246, + 21.30787822060885, + 34.193082542133475, + 34.40840345310655 ] }, { @@ -50904,16 +33726,16 @@ 227.525 ], "y": [ - 66.19704763145324, - 66.19704763145324, - 66.19704763145324, - 68.60014840664705, - 74.33740330860782, - 78.22252280097543, - 76.2082370866897, - 76.2082370866897, - 83.98204824810571, - 84.1793187951205 + 67.7284883961841, + 68.39515506285078, + 68.39515506285078, + 67.36133863772999, + 72.23931293112628, + 84.39175700530913, + 84.67747129102342, + 84.67747129102342, + 86.56421881086214, + 85.7419376437534 ] }, { @@ -50938,16 +33760,16 @@ 227.525 ], "y": [ - 17.336104408557308, - 15.740045295256822, - 15.740045295256822, - 15.329059688893059, - 16.378095093120926, - 16.132108632951486, - 20.46819571855942, - 20.211827703858074, - 32.90549963328889, - 34.67383940162866 + 12.02919288117982, + 12.584748436735376, + 12.584748436735376, + 12.45337834483897, + 13.047687015746234, + 15.03516476166429, + 16.6525390436193, + 18.19791686207962, + 26.802721937589112, + 26.59817234705227 ] }, { @@ -50972,16 +33794,16 @@ 227.525 ], "y": [ - 67.9189933820388, - 67.9189933820388, - 66.29994576299119, - 67.8150972781427, - 73.47024909800041, - 83.68562015935801, - 85.92973478738907, - 86.89732737998165, - 93.82502130441503, - 92.57998415912212 + 14.719165042302288, + 15.538456861594103, + 15.538456861594103, + 15.403375568618078, + 16.01163200378078, + 17.819303739959377, + 20.172789133025496, + 21.6038812372001, + 34.48908555872473, + 34.70440646969781 ] }, { @@ -51006,16 +33828,16 @@ 227.525 ], "y": [ - 30.318257545375804, - 31.60030882742708, - 31.60030882742708, - 36.58840406552231, - 42.27982549428783, - 43.56065710532115, - 46.38852409458511, - 45.65542712516738, - 44.8612985777635, - 40.78643226760308 + 15.051776874914118, + 15.871068694205933, + 15.871068694205933, + 15.73598740122991, + 16.34424383639261, + 18.151915572571212, + 20.50540096563733, + 21.936493069811934, + 34.82169739133656, + 35.03701830230964 ] }, { @@ -51040,16 +33862,16 @@ 227.525 ], "y": [ - 54.59793640287371, - 53.001877289573216, - 51.382829670525595, - 49.83513926569234, - 51.92342016837084, - 59.89978543929016, - 52.90534250184382, - 52.90534250184382, - 61.296439356360665, - 61.296439356360665 + 52.689866084387326, + 53.24542163994288, + 52.40097719549844, + 50.81160521482211, + 53.87673577917749, + 55.26689796650124, + 47.77702524856125, + 47.77702524856125, + 54.93423272542785, + 55.868765459061024 ] }, { @@ -51074,16 +33896,16 @@ 227.525 ], "y": [ - 15.965963355643195, - 14.369904242342704, - 14.369904242342704, - 14.185263719466887, - 15.071289719306039, - 15.472858814692152, - 17.981064033040642, - 17.724696018339294, - 29.032773710075034, - 30.8011134784148 + 13.589914519828753, + 14.40920633912057, + 14.40920633912057, + 14.27412504614454, + 14.868433717051804, + 17.303758352922017, + 18.92113263487703, + 20.466510453337346, + 32.62066354045292, + 33.55897109277321 ] }, { @@ -51108,16 +33930,16 @@ 227.525 ], "y": [ - 11.861753305057498, - 11.861753305057498, - 11.861753305057498, - 11.682460375764567, - 13.135436666691938, - 15.479755464634664, - 17.288657474311215, - 17.032289459609864, - 25.24160863904487, - 27.00994840738464 + 49.99125157009122, + 50.54680712564677, + 50.54680712564677, + 48.95743514497045, + 52.02256570932583, + 54.61492569884739, + 46.12505298090739, + 46.12505298090739, + 53.28226045777398, + 54.21679319140716 ] }, { @@ -51142,16 +33964,16 @@ 227.525 ], "y": [ - 16.410851883304783, - 14.814792770004292, - 14.814792770004292, - 14.403807163640536, - 15.452842567868402, - 15.562411663254515, - 17.898498748862455, - 17.642130734161107, - 28.79294552073478, - 30.561285289074547 + 74.91449215514321, + 75.9931306527958, + 75.9931306527958, + 74.51486978323058, + 76.2370920054528, + 83.81955557281307, + 84.66166083597096, + 85.34489064963557, + 94.36703014689708, + 93.68496170823636 ] }, { @@ -51176,16 +33998,16 @@ 227.525 ], "y": [ - 13.52339941012055, - 13.52339941012055, - 13.52339941012055, - 13.344106480827623, - 14.797082771754996, - 15.768789157954874, - 17.577691167631425, - 17.321323152930074, - 25.530642332365083, - 27.298982100704848 + 66.18011998378645, + 66.73567553934201, + 66.73567553934201, + 65.14630355866568, + 67.60747780108991, + 70.46686214719045, + 70.71519108517455, + 71.01822138820486, + 80.02316403878284, + 79.65851872723175 ] }, { @@ -51210,16 +34032,16 @@ 227.525 ], "y": [ - 17.306747343427386, - 15.710688230126902, - 15.710688230126902, - 15.117884441944963, - 15.876358105489432, - 15.81926053420888, - 16.26031790520046, - 16.32030791519047, - 24.821590165786862, - 26.589929934126634 + 14.76520790520487, + 15.584499724496684, + 16.473388613385577, + 16.338307320409548, + 16.509735891838115, + 15.212207525272383, + 16.858622211267793, + 17.362819613899806, + 27.756223578918192, + 28.994597290976117 ] }, { @@ -51244,16 +34066,16 @@ 227.525 ], "y": [ - 64.24271505826019, - 63.36439788044357, - 64.87560667165236, - 62.203225719271416, - 63.760886624663236, - 64.5590709490397, - 60.79785020593902, - 60.48149218124767, - 70.52376377587339, - 70.52376377587339 + 67.33653505064464, + 69.5540624371861, + 68.89143617455984, + 68.02827365693508, + 69.61801724667868, + 70.64291975858619, + 64.78233928572793, + 64.78233928572793, + 69.92764620306508, + 71.42607880494594 ] }, { @@ -51278,16 +34100,16 @@ 227.525 ], "y": [ - 15.833226177670495, - 14.237167064370002, - 14.237167064370002, - 14.052526541494185, - 15.80455933204771, - 17.299033031067278, - 19.807238249415764, - 19.790190662714092, - 30.592586536268012, - 30.592586536268012 + 65.47117321432904, + 66.0267287698846, + 66.0267287698846, + 64.43735678920828, + 66.69215949881047, + 70.18976710616174, + 70.74112634717615, + 71.04415665020645, + 77.62090453811827, + 76.25625922656718 ] }, { @@ -51312,16 +34134,16 @@ 227.525 ], "y": [ - 74.9053926410247, - 74.9053926410247, - 74.9053926410247, - 75.10539264102471, - 81.97598087631881, - 87.07567961510757, - 88.28352275236246, - 90.28352275236246, - 94.4514163183006, - 92.96548281446431 + 12.02919288117982, + 12.584748436735376, + 12.584748436735376, + 12.45337834483897, + 13.047687015746234, + 15.010810959184088, + 14.564355453905051, + 16.10973327236537, + 24.71453834787487, + 24.509988757338018 ] }, { @@ -51346,16 +34168,16 @@ 227.525 ], "y": [ - 40.91737934938153, - 39.32132023608103, - 39.32132023608103, - 39.13667971320521, - 38.54218206527428, - 37.10315508606154, - 29.017692376256722, - 30.490995488239076, - 36.01150164963006, - 38.824001649630056 + 64.05645097887225, + 66.27397836541373, + 65.61135210278746, + 64.56637140334452, + 66.95249508358584, + 67.5158591339549, + 61.95830896412695, + 61.95830896412695, + 67.1036158814641, + 68.60204848334497 ] }, { @@ -51380,16 +34202,16 @@ 227.525 ], "y": [ - 12.42177975939464, - 12.42177975939464, - 12.42177975939464, - 12.010794153030885, - 13.320913301101111, - 14.447539252674515, - 18.783626338282456, - 18.527258323581105, - 31.220930253011918, - 32.98927002135169 + 14.423162025711033, + 15.242453845002851, + 15.242453845002851, + 15.107372552026826, + 15.715628987189529, + 17.523300723368127, + 19.876786116434246, + 21.30787822060885, + 34.193082542133475, + 34.40840345310655 ] }, { @@ -51414,16 +34236,16 @@ 227.525 ], "y": [ - 13.830738723033978, - 13.830738723033978, - 13.830738723033978, - 13.237934934852042, - 14.257492342238876, - 14.748220857914843, - 17.18927822890642, - 17.24926823889643, - 27.293407632349968, - 29.06174740068974 + 67.85413082901961, + 68.52079749568628, + 68.52079749568628, + 67.4869810705655, + 70.10364773723217, + 78.29173909096474, + 78.57745337667903, + 79.26068319034363, + 83.12615467364908, + 82.78633747516142 ] }, { @@ -51448,16 +34270,16 @@ 227.525 ], "y": [ - 65.3035863357993, - 65.3035863357993, - 65.3035863357993, - 64.92263395484692, - 67.41485574422492, - 77.26287635584775, - 78.70053937097555, - 78.70053937097555, - 84.86063595830322, - 84.86063595830322 + 11.888476776177235, + 12.707768595469055, + 12.707768595469055, + 13.610281287455434, + 14.218537722618132, + 17.97975069899424, + 20.62490275872703, + 22.170280577187345, + 31.043112086571366, + 30.34414728325874 ] }, { @@ -51482,16 +34304,16 @@ 227.525 ], "y": [ - 73.4542798335936, - 73.4542798335936, - 71.83523221454597, - 72.03523221454597, - 78.56099286363319, - 86.4013639249908, - 87.93860024614354, - 87.93860024614354, - 91.19503136148879, - 88.42058245149002 + 14.239311109212908, + 15.770467335284385, + 15.770467335284385, + 16.62422176798619, + 17.02639962642539, + 18.679131398052395, + 20.99212468611028, + 22.131795122946986, + 33.807461186096525, + 34.586681965317304 ] }, { @@ -51516,16 +34338,16 @@ 227.525 ], "y": [ - 34.802553453204894, - 36.08460473525617, - 36.08460473525617, - 40.7929380685895, - 44.73633426122434, - 45.86154870823773, - 45.487493324430574, - 40.13823610017336, - 44.857062255118514, - 45.29206869012495 + 21.17628388958529, + 21.842950556251957, + 23.872051085352485, + 25.95099845377354, + 31.567844331909733, + 32.26266736928426, + 36.90781942901704, + 36.70310497441237, + 38.799250976874156, + 39.23522786022735 ] }, { @@ -51550,16 +34372,16 @@ 227.525 ], "y": [ - 12.869353886327179, - 12.869353886327179, - 12.869353886327179, - 12.508242775216067, - 13.798209661754724, - 15.417471603510155, - 17.39849174592726, - 17.142123731225908, - 25.508705815822978, - 27.27704558416275 + 13.709341086991184, + 14.528632906283, + 14.528632906283, + 14.39355161330697, + 15.87964895756058, + 19.214355092583894, + 21.56784048565001, + 22.707510922486716, + 36.7118896131857, + 36.92721052415878 ] }, { @@ -51584,16 +34406,16 @@ 227.525 ], "y": [ - 56.91776796267235, - 55.321708849371866, - 55.321708849371866, - 54.553239223759384, - 56.45970194461969, - 61.392525995338765, - 52.638232322182176, - 52.638232322182176, - 58.3468556189911, - 58.3468556189911 + 43.09821970127289, + 45.226750774719214, + 46.32727987524831, + 49.75146533890746, + 50.67146533890746, + 51.24298134308587, + 50.60937523288401, + 48.02475984826863, + 50.43345456567915, + 47.087799022271625 ] }, { @@ -51618,16 +34440,16 @@ 227.525 ], "y": [ - 23.493546508044986, - 23.493546508044986, - 23.62641364091212, - 23.26530252980101, - 25.075008746711653, - 27.622820656122443, - 26.058823460984897, - 25.456259358420784, - 29.498888588778062, - 29.498888588778062 + 35.51341895831446, + 36.06897451387002, + 36.06897451387002, + 34.479602533193685, + 35.95009213748611, + 35.947494143814396, + 28.573783042036027, + 27.848292845957594, + 35.39495832588038, + 35.329491059513565 ] }, { @@ -51652,16 +34474,16 @@ 227.525 ], "y": [ - 12.622475238778645, - 12.622475238778645, - 12.622475238778645, - 12.211489632414887, - 13.521608780485113, - 14.648234732058521, - 18.98432181766646, - 18.727953802965107, - 31.42162573239593, - 33.189965500735696 + 52.535949062614804, + 53.09150461817036, + 52.24706017372592, + 50.65768819304959, + 53.722818757404966, + 55.112980944728704, + 47.62310822678873, + 47.62310822678873, + 54.78031570365531, + 55.7148484372885 ] }, { @@ -51686,16 +34508,16 @@ 227.525 ], "y": [ - 27.3694176439144, - 25.773358530613912, - 25.773358530613912, - 25.58871800773809, - 24.994220359807155, - 21.29203548585757, - 12.480256986579073, - 12.83653404285613, - 15.614902732871517, - 18.427402732871514 + 31.022667491344013, + 31.97049038408216, + 31.97049038408216, + 31.835409091106133, + 32.182287410374826, + 36.62191381225078, + 32.204489569826535, + 31.510705335485024, + 34.78474434011387, + 36.798045049066744 ] }, { @@ -51720,16 +34542,16 @@ 227.525 ], "y": [ - 63.678783047472976, - 63.05046586965637, - 64.88072227991277, - 61.80154511622433, - 65.12555839464864, - 64.25281569587129, - 52.360591252282354, - 52.04423322759099, - 62.38638884436802, - 62.38638884436802 + 13.181003322914805, + 14.128826215652952, + 14.128826215652952, + 14.291363970295967, + 14.638242289564666, + 19.159766690072445, + 21.553938357648367, + 21.77443983759257, + 31.017954497324606, + 30.033275408297694 ] }, { @@ -51754,16 +34576,16 @@ 227.525 ], "y": [ - 12.42177975939464, - 12.42177975939464, - 12.42177975939464, - 12.010794153030885, - 13.320913301101111, - 14.447539252674515, - 18.783626338282456, - 18.527258323581105, - 31.220930253011918, - 32.98927002135169 + 14.423162025711033, + 15.242453845002851, + 15.242453845002851, + 15.107372552026826, + 15.715628987189529, + 17.523300723368127, + 19.876786116434246, + 21.30787822060885, + 34.193082542133475, + 34.40840345310655 ] }, { @@ -51788,16 +34610,16 @@ 227.525 ], "y": [ - 70.46710950152514, - 69.83879232370852, - 72.71666778158398, - 69.86383570138348, - 72.32204811400692, - 71.44930541522957, - 58.998257442228855, - 58.681899417537494, - 65.33655503431451, - 65.33655503431451 + 14.423162025711033, + 15.242453845002851, + 15.242453845002851, + 15.107372552026826, + 15.715628987189529, + 17.523300723368127, + 19.876786116434246, + 21.30787822060885, + 34.193082542133475, + 34.40840345310655 ] }, { @@ -51822,16 +34644,16 @@ 227.525 ], "y": [ - 62.49293202923024, - 62.49293202923024, - 62.49293202923024, - 62.11197964827786, - 64.60420143765587, - 76.71324245267952, - 78.0366197535216, - 78.0366197535216, - 81.43376750107002, - 81.43376750107002 + 14.245902706858796, + 15.065194526150616, + 15.065194526150616, + 14.930113233174586, + 15.538369668337287, + 17.64846541375021, + 20.00195080681633, + 21.43304291099093, + 35.24898316325148, + 35.46430407422457 ] }, { @@ -51856,16 +34678,16 @@ 227.525 ], "y": [ - 12.238727666290426, - 12.238727666290426, - 12.238727666290426, - 11.827742059926667, - 12.802377337029155, - 13.6937091709555, - 18.029796256563436, - 17.77342824186209, - 30.896254928336596, - 32.66459469667637 + 14.76520790520487, + 15.584499724496684, + 16.473388613385577, + 16.338307320409548, + 16.509735891838115, + 15.212207525272383, + 16.858622211267793, + 17.362819613899806, + 27.756223578918192, + 28.994597290976117 ] }, { @@ -51890,16 +34712,16 @@ 227.525 ], "y": [ - 38.41409402786563, - 39.696145309916915, - 39.696145309916915, - 46.491058729830335, - 49.69304904299439, - 48.159998211798424, - 47.25670476683831, - 48.085925546059094, - 48.917020155799506, - 48.13990537868473 + 16.717907511075552, + 17.665730403813697, + 17.665730403813697, + 17.53064911083767, + 18.934544973966016, + 21.41531608649599, + 24.166325360909518, + 23.29470540296957, + 30.066494954462463, + 31.347659649639898 ] }, { @@ -51924,16 +34746,16 @@ 227.525 ], "y": [ - 12.45340283181256, - 11.825085653995941, - 13.138905167815453, - 13.133557574232569, - 14.075123682623387, - 15.970016061192077, - 15.998385165990674, - 15.348004245955662, - 23.955521726530524, - 23.955521726530524 + 75.74284753823645, + 76.40951420490312, + 76.40951420490312, + 75.37569777978234, + 77.78125333533788, + 87.22401174204262, + 87.50972602775691, + 90.19295584142151, + 92.30905397013399, + 93.87544314134153 ] }, { @@ -51958,16 +34780,16 @@ 227.525 ], "y": [ - 12.854565426303191, - 12.854565426303191, - 12.854565426303191, - 12.49345431519208, - 14.64942799244511, - 18.31902207406588, - 20.30004221648299, - 20.28299462978131, - 28.143894896196564, - 28.143894896196564 + 14.239311109212908, + 15.770467335284385, + 15.770467335284385, + 16.62422176798619, + 17.02639962642539, + 18.679131398052395, + 20.99212468611028, + 22.131795122946986, + 33.807461186096525, + 34.586681965317304 ] }, { @@ -51992,16 +34814,16 @@ 227.525 ], "y": [ - 56.46311536257579, - 54.8670562492753, - 54.8670562492753, - 53.19159837381743, - 56.06838502362235, - 63.24792489771629, - 56.11310025110837, - 56.11310025110837, - 62.62653896745846, - 62.62653896745846 + 53.633134379804204, + 54.188689935359754, + 53.34424549091532, + 51.75487351023899, + 54.163369655092296, + 56.0800469939312, + 48.28714397296092, + 48.28714397296092, + 55.4443514498275, + 56.378884183460684 ] }, { @@ -52026,16 +34848,16 @@ 227.525 ], "y": [ - 66.3911922858738, - 66.3911922858738, - 64.77214466682618, - 64.3911922858738, - 66.88341407525179, - 79.27056074868672, - 81.15038966243203, - 81.15038966243203, - 87.17509824755827, - 87.17509824755827 + 13.246341803609612, + 14.065633622901434, + 14.065633622901434, + 14.013885663258732, + 14.622142098421435, + 17.045487679035414, + 19.690639738768205, + 21.236017557228514, + 33.65819707821861, + 34.10208941776313 ] }, { @@ -52060,16 +34882,16 @@ 227.525 ], "y": [ - 24.49461555659178, - 24.49461555659178, - 24.627482689458912, - 24.2663715783478, - 26.076077795258445, - 28.653263906457234, - 27.08926671131968, - 26.48670260875558, - 31.40512666742993, - 31.40512666742993 + 68.440677304754, + 70.10264913573992, + 70.10264913573992, + 69.61322399185252, + 71.04655732518586, + 79.98143230464945, + 80.82353756780735, + 81.50676738147195, + 86.22375987445824, + 87.3057789042584 ] }, { @@ -52094,16 +34916,16 @@ 227.525 ], "y": [ - 67.57386733954179, - 67.57386733954179, - 67.57386733954179, - 70.53220067287512, - 73.553834226959, - 83.04681608240895, - 84.48447909753676, - 82.48447909753676, - 90.33366471760671, - 89.66699805094005 + 29.148814738825646, + 29.968106558117462, + 30.85699544700635, + 30.721914154030323, + 31.771183634549804, + 30.53607597638771, + 21.91905444778081, + 21.331830183074924, + 26.42399902176078, + 25.91422458567055 ] }, { @@ -52128,16 +34950,16 @@ 227.525 ], "y": [ - 12.441961015942093, - 12.441961015942093, - 12.441961015942093, - 12.262668086649162, - 13.715644377576536, - 15.334906319331967, - 17.315926461749072, - 17.05955844704772, - 25.268877626482727, - 27.0372173948225 + 13.709341086991184, + 14.528632906283, + 14.528632906283, + 14.39355161330697, + 15.87964895756058, + 19.214355092583894, + 21.56784048565001, + 22.707510922486716, + 36.7118896131857, + 36.92721052415878 ] }, { @@ -52162,16 +34984,16 @@ 227.525 ], "y": [ - 15.965963355643195, - 14.369904242342704, - 14.369904242342704, - 14.185263719466887, - 15.071289719306039, - 15.472858814692152, - 17.981064033040642, - 17.724696018339294, - 29.032773710075034, - 30.8011134784148 + 76.79657981401932, + 77.87521831167192, + 77.87521831167192, + 76.3969574421067, + 77.61917966432893, + 84.34380941606291, + 85.1859146792208, + 87.8691444928854, + 95.06731918683427, + 97.1934756208124 ] }, { @@ -52196,16 +35018,16 @@ 227.525 ], "y": [ - 12.45340283181256, - 11.825085653995941, - 13.138905167815453, - 13.133557574232569, - 14.075123682623387, - 15.970016061192077, - 15.998385165990674, - 15.348004245955662, - 23.955521726530524, - 23.955521726530524 + 52.689866084387326, + 53.24542163994288, + 52.40097719549844, + 50.81160521482211, + 53.87673577917749, + 55.26689796650124, + 47.77702524856125, + 47.77702524856125, + 55.05923272542784, + 55.99376545906103 ] }, { @@ -52230,16 +35052,16 @@ 227.525 ], "y": [ - 34.89639941258701, - 33.30034029928651, - 34.480826479772695, - 34.29618595689688, - 34.63469426134689, - 39.5277498443694, - 32.84491320556892, - 33.01157987223559, - 38.608908288511564, - 38.608908288511564 + 64.05645097887225, + 66.27397836541373, + 65.61135210278746, + 64.56637140334452, + 66.95249508358584, + 67.5158591339549, + 61.95830896412695, + 61.95830896412695, + 67.1036158814641, + 68.60204848334497 ] }, { @@ -52264,16 +35086,16 @@ 227.525 ], "y": [ - 15.833226177670495, - 14.237167064370002, - 14.237167064370002, - 14.052526541494185, - 15.80455933204771, - 17.299033031067278, - 19.807238249415764, - 19.790190662714092, - 30.592586536268012, - 30.592586536268012 + 14.525706712122814, + 15.47352960486096, + 15.47352960486096, + 15.517019740456359, + 16.056028872193117, + 17.838704746627858, + 20.589714021041388, + 19.83237977738716, + 29.822382163735057, + 29.332118287483926 ] }, { @@ -52298,16 +35120,16 @@ 227.525 ], "y": [ - 15.833226177670495, - 14.237167064370002, - 14.237167064370002, - 14.052526541494185, - 15.80455933204771, - 17.299033031067278, - 19.807238249415764, - 19.790190662714092, - 30.592586536268012, - 30.592586536268012 + 36.914690447436115, + 39.58135711410278, + 41.610457643203304, + 43.39178596400531, + 45.008631842141504, + 43.82928902994771, + 46.831278696518105, + 41.72615436044672, + 43.74494348534368, + 44.20016369453606 ] }, { @@ -52332,16 +35154,16 @@ 227.525 ], "y": [ - 15.833226177670495, - 14.237167064370002, - 14.237167064370002, - 14.052526541494185, - 15.80455933204771, - 17.299033031067278, - 19.807238249415764, - 19.790190662714092, - 30.592586536268012, - 30.592586536268012 + 14.560203285309948, + 15.379495104601762, + 16.26838399349065, + 16.133302700514623, + 17.037125638140374, + 16.61450192451133, + 18.967987317577453, + 19.472184720209466, + 32.15346747310664, + 32.516936532227874 ] }, { @@ -52366,16 +35188,16 @@ 227.525 ], "y": [ - 32.944176684776, - 34.22622796682728, - 34.22622796682728, - 38.93456130016062, - 42.54247362182771, - 43.43239395119404, - 43.05833856738688, - 37.70908134312966, - 42.25706225511852, - 42.692068690124955 + 45.7564445542633, + 46.42311122092996, + 47.637396935215676, + 51.061582398874826, + 56.67842827701103, + 56.60117486452286, + 56.385488590013054, + 57.63910746874171, + 60.66940614520225, + 55.53807799059823 ] }, { @@ -52400,16 +35222,16 @@ 227.525 ], "y": [ - 12.45340283181256, - 11.825085653995941, - 13.138905167815453, - 13.133557574232569, - 14.075123682623387, - 15.970016061192077, - 15.998385165990674, - 15.348004245955662, - 23.955521726530524, - 23.955521726530524 + 14.423162025711033, + 15.242453845002851, + 15.242453845002851, + 15.107372552026826, + 15.715628987189529, + 17.523300723368127, + 19.876786116434246, + 21.30787822060885, + 34.193082542133475, + 34.40840345310655 ] }, { @@ -52434,16 +35256,16 @@ 227.525 ], "y": [ - 63.15407904349962, - 63.15407904349962, - 61.535031424452, - 60.202563891984475, - 63.02996654987667, - 74.12925445661651, - 75.53077649205495, - 75.2144184673636, - 83.60498285028861, - 83.60498285028861 + 70.558144672481, + 70.558144672481, + 70.558144672481, + 69.52432824736023, + 70.95766158069357, + 79.71858158074541, + 79.0042958664597, + 79.68752568012428, + 85.271069158677, + 83.56918299467208 ] }, { @@ -52468,16 +35290,16 @@ 227.525 ], "y": [ - 23.61399520158155, - 23.61399520158155, - 23.61399520158155, - 27.94891415859353, - 32.22607212822968, - 31.561153747918592, - 32.880976935182986, - 30.013822695660323, - 37.2123969953107, - 36.48073676365046 + 65.14139106419631, + 67.35891845073778, + 67.54073663255596, + 66.67757411493119, + 68.26731770467478, + 70.49441801878011, + 63.63383754592184, + 63.63383754592184, + 68.77914446325899, + 70.27757706513987 ] }, { @@ -52502,16 +35324,16 @@ 227.525 ], "y": [ - 15.946733750564235, - 14.350674637263742, - 14.350674637263742, - 13.939689030899984, - 14.988724435127851, - 15.390293530513965, - 17.898498748862455, - 17.642130734161107, - 27.792945520734786, - 29.561285289074547 + 14.423162025711033, + 15.242453845002851, + 15.242453845002851, + 15.107372552026826, + 15.715628987189529, + 17.523300723368127, + 19.876786116434246, + 21.30787822060885, + 34.193082542133475, + 34.40840345310655 ] }, { @@ -52536,16 +35358,16 @@ 227.525 ], "y": [ - 72.41106795962277, - 72.41106795962277, - 72.13106795962277, - 70.61678224533706, - 74.2423373680484, - 79.88857357798891, - 81.34952230530592, - 81.34952230530592, - 84.98794648032005, - 84.98794648032005 + 14.423162025711033, + 15.242453845002851, + 15.242453845002851, + 15.107372552026826, + 15.715628987189529, + 17.523300723368127, + 19.876786116434246, + 21.30787822060885, + 34.193082542133475, + 34.40840345310655 ] }, { @@ -52570,16 +35392,16 @@ 227.525 ], "y": [ - 16.766407438860337, - 15.170348325559848, - 15.170348325559848, - 14.759362719196092, - 15.808398123423958, - 15.562411663254515, - 17.898498748862455, - 17.642130734161107, - 28.79294552073478, - 30.561285289074547 + 14.719165042302288, + 15.538456861594103, + 15.538456861594103, + 15.403375568618078, + 16.01163200378078, + 17.819303739959377, + 20.172789133025496, + 21.6038812372001, + 34.48908555872473, + 34.70440646969781 ] }, { @@ -52604,16 +35426,16 @@ 227.525 ], "y": [ - 45.90197870520077, - 45.90197870520077, - 45.90197870520077, - 52.14165956697464, - 55.34364988013869, - 54.608929563476735, - 49.990009206512894, - 50.56143777794148, - 50.66363971173039, - 50.33030637839706 + 34.97663958501314, + 37.6433062516798, + 39.757591965965524, + 42.20558695343419, + 43.03892028676753, + 44.61553277785169, + 46.55369265718804, + 42.18602333265543, + 43.922692736625606, + 42.228685544866444 ] }, { @@ -52638,214 +35460,84 @@ 227.525 ], "y": [ - 17.513233544679128, - 15.917174431378637, - 15.917174431378637, - 15.324370643196698, - 16.082844306741165, - 16.025746735460615, - 15.787637439785533, - 16.252389354537442, - 26.578842664661835, - 30.159682433001606 + 51.3112977169773, + 51.86685327253285, + 51.86685327253285, + 50.27748129185653, + 52.544350986646684, + 55.22762006707733, + 47.051142625947264, + 47.051142625947264, + 52.77820909672805, + 52.65357877119817 ] - } - ], - "layout": { - "annotations": [ - { - "text": "baseline value = 8.05", - "x": 8.05, - "y": 7.6683369933190155 - }, - { - "text": "baseline pred = 13.94", - "x": 16.1, - "y": 13.939689030899984 - } - ], - "plot_bgcolor": "#fff", - "shapes": [ - { - "line": { - "color": "MediumPurple", - "dash": "dot", - "width": 4 - }, - "type": "line", - "x0": 8.05, - "x1": 8.05, - "xref": "x", - "y0": 7.6683369933190155, - "y1": 94.4514163183006, - "yref": "y" - }, - { - "line": { - "color": "MediumPurple", - "dash": "dot", - "width": 4 - }, - "type": "line", - "x0": 0, - "x1": 227.525, - "xref": "x", - "y0": 13.939689030899984, - "y1": 13.939689030899984, - "yref": "y" - } - ], - "showlegend": false, - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } }, - "title": { - "text": "pdp plot for Fare" - }, - "xaxis": { - "title": { - "text": "Fare" - } - }, - "yaxis": { - "title": { - "text": "Predicted Survival (Predicted %)" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "name = test_names[5]\n", - "print(name)\n", - "explainer.plot_pdp(\"Fare\", name)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### with default parameters:" - ] - }, - { - "cell_type": "code", - "execution_count": 33, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:41:45.178507Z", - "start_time": "2020-10-12T08:41:45.017277Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ { + "hoverinfo": "skip", "line": { - "color": "grey", - "width": 4 + "color": "grey" }, - "mode": "lines+markers", - "name": "average prediction
for different values of
Age", + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 41.03, - 39.72, - 39.01, - 38.91, - 39.34, - 39.39, - 38.24, - 37.3, - 37.15, - 36.38 + 14.239311109212908, + 15.770467335284385, + 15.770467335284385, + 16.62422176798619, + 17.02639962642539, + 18.679131398052395, + 20.99212468611028, + 22.131795122946986, + 33.807461186096525, + 34.586681965317304 ] }, { + "hoverinfo": "skip", "line": { - "color": "blue", - "width": 4 + "color": "grey" }, - "mode": "lines+markers", - "name": "prediction for index 0
for different values of
Age", + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 14.7, - 14.19, - 13.94, - 13.94, - 14.4, - 14.76, - 12.21, - 12.01, - 11.83, - 11.55 + 13.709341086991184, + 14.528632906283, + 14.528632906283, + 14.39355161330697, + 15.87964895756058, + 19.214355092583894, + 21.56784048565001, + 22.707510922486716, + 36.7118896131857, + 36.92721052415878 ] }, { @@ -52858,28 +35550,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 54.25925031840588, - 54.09304342185416, - 53.59755557154161, - 53.115702289688336, - 54.0704987010065, - 54.39219182269961, - 52.88084296751047, - 50.314219534073615, - 52.00539713284614, - 52.40074597005545 + 21.014280723482482, + 21.833572542774306, + 22.722461431663195, + 22.587380138687163, + 23.49120307631292, + 23.56872734381479, + 21.352181156859704, + 21.056378559491716, + 28.830376389999717, + 26.386534241809738 ] }, { @@ -52892,28 +35584,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 64.17819795651815, - 66.50778597149943, - 63.94896244208766, - 63.46710916023439, - 63.301797507117854, - 63.62349062881098, - 62.72105160442072, - 59.776969450071626, - 60.6104072766129, - 62.610407276612904 + 49.467209758244536, + 50.022765313800086, + 50.022765313800086, + 48.43339333312376, + 51.498523897479146, + 54.09088388700069, + 45.601011169060705, + 45.601011169060705, + 52.75821864592729, + 53.69275137956048 ] }, { @@ -52926,28 +35618,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 86.0616878153288, - 89.12517987882087, - 89.02160845024945, - 89.02160845024945, - 89.88670958951938, - 88.73856144137123, - 88.73856144137123, - 88.7174591534555, - 87.86031629631263, - 82.92294876188627 + 14.719165042302288, + 15.538456861594103, + 15.538456861594103, + 15.403375568618078, + 16.01163200378078, + 17.819303739959377, + 20.172789133025496, + 21.6038812372001, + 34.48908555872473, + 34.70440646969781 ] }, { @@ -52960,28 +35652,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 14.699622270983461, - 14.185263719466887, - 13.939689030899984, - 13.939689030899984, - 14.403807163640536, - 14.759362719196092, - 12.211489632414887, - 12.010794153030885, - 11.827742059926667, - 11.549053535336503 + 49.99125157009122, + 50.54680712564677, + 50.54680712564677, + 48.95743514497045, + 52.02256570932583, + 54.61492569884739, + 46.12505298090739, + 46.12505298090739, + 53.28226045777398, + 54.21679319140716 ] }, { @@ -52994,28 +35686,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 14.884262793859278, - 14.369904242342704, - 14.350674637263742, - 14.350674637263742, - 14.814792770004292, - 15.170348325559848, - 12.622475238778645, - 12.42177975939464, - 12.238727666290426, - 11.96003914170026 + 12.747772762836629, + 13.567064582128447, + 13.567064582128447, + 14.171958226495777, + 14.766266897403044, + 16.753744643321095, + 18.37111892527611, + 19.916496743736428, + 29.70648700443111, + 29.501937413894257 ] }, { @@ -53028,28 +35720,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 15.402747270983461, - 14.241360030942296, - 13.995785342375394, - 13.995785342375394, - 14.459903475115945, - 14.815459030671501, - 12.267585943890298, - 12.066890464506294, - 11.883838371402076, - 11.605149846811914 + 42.69952819484892, + 45.36619486151558, + 46.5804805758013, + 50.00466603946045, + 52.99928969537443, + 58.28911961419217, + 56.84391238239955, + 55.41038284281318, + 61.11683144959748, + 61.47343899694191 ] }, { @@ -53062,28 +35754,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 23.032548628971895, - 16.649372341549185, - 16.566807057370998, - 16.566807057370998, - 16.82857176325335, - 16.82857176325335, - 16.382675324835095, - 16.31600865816843, - 16.030294372454144, - 14.921308951777611 + 73.18434295956392, + 73.85100962623059, + 73.85100962623059, + 72.81719320110982, + 75.22274875666537, + 85.85183194969488, + 84.8518319496949, + 86.99339509669282, + 89.31898825119546, + 90.885377422403 ] }, { @@ -53096,28 +35788,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 30.673223612822202, - 27.181865192514575, - 27.181865192514575, - 27.181865192514575, - 27.181865192514575, - 26.561175537342162, - 25.112625820887484, - 25.112625820887484, - 25.112625820887484, - 24.85946126392546 + 77.95180078904914, + 79.61377262003506, + 79.61377262003506, + 78.13551175046985, + 80.55551175046985, + 84.17362259737986, + 85.01572786053775, + 85.69895767420236, + 91.62998525490795, + 90.7120042847081 ] }, { @@ -53130,28 +35822,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 51.77108867708755, - 52.19108867708756, - 51.695600826775014, - 51.21374754492174, - 51.382829670525595, - 51.70452279221872, - 50.19317393702958, - 50.05778593482816, - 50.55778593482816, - 51.259540320793064 + 29.550829966589394, + 32.217496633256054, + 34.24659716235658, + 37.67078262601572, + 39.6654062819297, + 39.893910359688064, + 44.22923335959178, + 41.111564035059175, + 48.04854296748229, + 47.86249333540482 ] }, { @@ -53164,28 +35856,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 81.31618142991275, - 81.06576944489402, - 81.06576944489402, - 81.69734839226244, - 81.50822721533639, - 81.50822721533639, - 80.17489388200306, - 78.92798514247444, - 78.92798514247444, - 80.54102985101999 + 12.991193813214059, + 13.810485632505873, + 14.699374521394763, + 14.957150371275876, + 15.86097330890163, + 17.839737725422246, + 20.484889785155037, + 21.103372902072763, + 33.48972609253065, + 34.08176658022331 ] }, { @@ -53198,28 +35890,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 91.02557598216617, - 93.02557598216617, - 92.92200455359475, - 92.92200455359475, - 95.31651745757054, - 95.31651745757054, - 95.31651745757054, - 95.43080317185627, - 95.43080317185627, - 90.68979418084727 + 25.169501245792684, + 27.298032319239013, + 28.398561419768114, + 30.179889740570122, + 30.40211196279234, + 30.15244774368527, + 32.9034570180988, + 30.125879859464806, + 43.20396679685575, + 40.4306155774767 ] }, { @@ -53232,28 +35924,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 55.7998746546581, - 55.23255581520854, - 53.27937454269953, - 53.27937454269953, - 52.691139248581884, - 56.24669480413744, - 56.24669480413744, - 55.34102442787883, - 55.74102442787883, - 53.977288164142564 + 19.88131293461123, + 20.70060475390305, + 21.58949364279194, + 21.454412349815907, + 22.358235287441662, + 23.874629078047523, + 20.324749557759098, + 21.228946960391113, + 28.688659076613398, + 29.844816928423423 ] }, { @@ -53266,28 +35958,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 14.884262793859278, - 14.369904242342704, - 14.350674637263742, - 14.350674637263742, - 14.814792770004292, - 15.170348325559848, - 12.622475238778645, - 12.42177975939464, - 12.238727666290426, - 11.96003914170026 + 14.185813258530183, + 15.716969484601663, + 15.716969484601663, + 16.570723917303468, + 16.97290177574267, + 18.496542871468687, + 20.809536159526573, + 21.94920659636328, + 32.505698290338444, + 33.28491906955922 ] }, { @@ -53300,28 +35992,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 18.83719098341666, - 15.625471603510151, - 15.542906319331964, - 15.542906319331964, - 16.268789157954867, - 16.268789157954867, - 15.510524695403893, - 16.239122145312816, - 15.52425310255484, - 14.963513295913392 + 72.68148645889973, + 72.68148645889973, + 72.68148645889973, + 71.64767003377894, + 73.08100336711227, + 82.75303447827523, + 83.03874876398952, + 83.72197857765411, + 89.30552205620683, + 87.60363589220191 ] }, { @@ -53334,28 +36026,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 32.74194828581765, - 25.57457957842949, - 21.978229833098414, - 21.978229833098414, - 21.978229833098414, - 21.978229833098414, - 20.90719015680438, - 20.90719015680438, - 20.764333013947237, - 20.485644489357075 + 14.719165042302288, + 15.538456861594103, + 15.538456861594103, + 15.403375568618078, + 16.01163200378078, + 17.819303739959377, + 20.172789133025496, + 21.6038812372001, + 34.48908555872473, + 34.70440646969781 ] }, { @@ -53368,28 +36060,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 18.712190983416665, - 15.500471603510151, - 15.417906319331964, - 15.417906319331964, - 16.14378915795487, - 16.14378915795487, - 15.385524695403896, - 16.114122145312816, - 15.39925310255484, - 14.83851329591339 + 62.125763845586015, + 62.681319401141565, + 62.681319401141565, + 61.09194742046523, + 62.54848926050223, + 67.93090078942211, + 67.44654574472224, + 68.90487907805557, + 76.05947528241391, + 74.83276100534557 ] }, { @@ -53402,28 +36094,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 63.196173446428396, - 63.02996654987667, - 63.02996654987667, - 62.5481132680234, - 64.17747677890864, - 64.49916990060176, - 65.15134381364524, - 62.88901330950131, - 67.31883291143197, - 67.87547207122192 + 58.2824341106259, + 60.49996149716736, + 60.68177967898555, + 58.829781435682946, + 60.419525025426545, + 62.54705823996477, + 56.18241272645611, + 55.456922530377675, + 58.33865466492735, + 59.06363849335946 ] }, { @@ -53436,28 +36128,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 44.008557081625774, - 41.58988517342066, - 41.20119744026288, - 41.20119744026288, - 41.117836095725075, - 43.117836095725075, - 43.117836095725075, - 37.310481359681816, - 36.881326602638126, - 36.631326602638126 + 13.1937086455256, + 14.013000464817422, + 14.013000464817422, + 13.877919171841391, + 16.21495548323115, + 19.3483753571966, + 20.965749639151614, + 22.105420075988317, + 36.21217971906825, + 36.921915842817114 ] }, { @@ -53470,28 +36162,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 14.699622270983461, - 14.185263719466887, - 13.939689030899984, - 13.939689030899984, - 14.403807163640536, - 14.759362719196092, - 12.211489632414887, - 12.010794153030885, - 11.827742059926667, - 11.549053535336503 + 52.689866084387326, + 53.24542163994288, + 52.40097719549844, + 50.81160521482211, + 53.87673577917749, + 55.26689796650124, + 47.77702524856125, + 47.77702524856125, + 54.93423272542785, + 55.868765459061024 ] }, { @@ -53504,28 +36196,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 60.35138012495133, - 60.77138012495135, - 60.21255659553958, - 59.7307033136863, - 59.89978543929016, - 60.22147856098328, - 59.31903953659303, - 59.183651534391615, - 59.05042269426622, - 59.752177080231114 + 14.423162025711033, + 15.242453845002851, + 15.242453845002851, + 15.107372552026826, + 15.715628987189529, + 17.523300723368127, + 19.876786116434246, + 21.30787822060885, + 34.193082542133475, + 34.40840345310655 ] }, { @@ -53538,28 +36230,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 21.794721829757417, - 15.751763513581778, - 15.324370643196698, - 15.324370643196698, - 15.324370643196698, - 15.67992619875225, - 13.046077762609801, - 13.046077762609801, - 13.138514737399715, - 12.859826212809553 + 37.164690447436115, + 39.83135711410278, + 41.860457643203304, + 42.10607167829102, + 43.72291755642722, + 42.543574744233425, + 45.54556441080382, + 40.440440074732436, + 42.4592291996294, + 41.771592265964635 ] }, { @@ -53572,28 +36264,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 18.83719098341666, - 15.625471603510151, - 15.542906319331964, - 15.542906319331964, - 16.268789157954867, - 16.268789157954867, - 15.510524695403893, - 16.239122145312816, - 15.52425310255484, - 14.963513295913392 + 32.21159348202891, + 34.878260148695574, + 36.907360677796106, + 37.152974712883825, + 39.48093170213113, + 38.050315545285386, + 41.05230521185577, + 34.61384754245106, + 38.9620484320539, + 38.42255964653727 ] }, { @@ -53606,28 +36298,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 20.772876151381492, - 15.729917835205862, - 15.710688230126902, - 15.710688230126902, - 15.710688230126902, - 16.066243785682452, - 13.830738723033978, - 13.830738723033978, - 13.923175697823895, - 13.644487173233733 + 63.74102338602158, + 64.29657894157714, + 64.29657894157714, + 62.707206960900805, + 64.16374880093778, + 69.04616032985768, + 67.5618052851578, + 68.29464842241272, + 73.8896267526102, + 71.03926715534483 ] }, { @@ -53640,28 +36332,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 84.46021017603951, - 85.52370223953157, - 85.52370223953157, - 85.0418489576783, - 85.3906102276672, - 85.86045149750846, - 85.86045149750846, - 82.30563733323382, - 82.7099204027314, - 81.6052692399407 + 50.145168591863744, + 50.700724147419294, + 50.700724147419294, + 49.11135216674297, + 52.17648273109835, + 54.7688427206199, + 46.27897000267991, + 46.27897000267991, + 52.56117747954651, + 52.49571021317968 ] }, { @@ -53674,28 +36366,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 75.69698338860668, - 75.53077649205495, - 75.53077649205495, - 75.04892321020168, - 76.67828672108693, - 77.59257243537265, - 77.59257243537265, - 74.13579748678426, - 75.04008055628185, - 75.59671971607179 + 13.90752958424545, + 14.726821403537272, + 14.726821403537272, + 14.591740110561243, + 15.18604878146851, + 17.318949408104398, + 18.93632369005941, + 20.367415794234013, + 32.98459368188412, + 33.69432980563298 ] }, { @@ -53708,96 +36400,226 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0, + 7.6588, + 7.8542, + 8.05, + 10.5, + 16.1, + 26.25, + 33.030555555555544, + 76.37039999999999, + 227.525 ], "y": [ - 18.83719098341666, - 15.625471603510151, - 15.542906319331964, - 15.542906319331964, - 16.268789157954867, - 16.268789157954867, - 15.510524695403893, - 16.239122145312816, - 15.52425310255484, - 14.963513295913392 + 13.90752958424545, + 14.726821403537272, + 14.726821403537272, + 14.591740110561243, + 15.18604878146851, + 17.318949408104398, + 18.93632369005941, + 20.367415794234013, + 32.98459368188412, + 33.69432980563298 ] + } + ], + "layout": { + "annotations": [ + { + "text": "baseline value = 8.05", + "x": 8.05, + "y": 11.888476776177235 + }, + { + "text": "baseline pred = 15.11", + "x": 16.1, + "y": 15.107372552026826 + } + ], + "plot_bgcolor": "#fff", + "shapes": [ + { + "line": { + "color": "MediumPurple", + "dash": "dot", + "width": 4 + }, + "type": "line", + "x0": 8.05, + "x1": 8.05, + "xref": "x", + "y0": 11.888476776177235, + "y1": 97.1934756208124, + "yref": "y" + }, + { + "line": { + "color": "MediumPurple", + "dash": "dot", + "width": 4 + }, + "type": "line", + "x0": 0, + "x1": 227.525, + "xref": "x", + "y0": 15.107372552026826, + "y1": 15.107372552026826, + "yref": "y" + } + ], + "showlegend": false, + "template": { + "data": { + "scatter": [ + { + "type": "scatter" + } + ] + } + }, + "title": { + "text": "pdp plot for Fare" + }, + "xaxis": { + "title": { + "text": "Fare" + } }, + "yaxis": { + "title": { + "text": "Predicted Survival (Predicted %)" + } + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "name = test_names[5]\n", + "print(name)\n", + "explainer.plot_pdp(\"Fare\", name)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### with default parameters:" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T16:00:00.090912Z", + "start_time": "2021-01-20T15:59:59.882517Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ { - "hoverinfo": "skip", "line": { - "color": "grey" + "color": "grey", + "width": 4 }, - "mode": "lines", - "opacity": 0.1, - "showlegend": false, + "mode": "lines+markers", + "name": "average prediction
for different values of
Age", "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 81.93235626395081, - 84.99584832744287, - 84.17799118458574, - 84.17799118458574, - 86.57250408856156, - 85.4243559404134, - 85.4243559404134, - 85.77393577234618, - 85.22448522289561, - 81.22942538077696 + 40.04, + 39.41, + 38.83, + 38.68, + 38.93, + 38.7, + 37.83, + 36.27, + 35.43, + 33.52 ] }, { - "hoverinfo": "skip", "line": { - "color": "grey" + "color": "blue", + "width": 4 }, - "mode": "lines", - "opacity": 0.1, - "showlegend": false, + "mode": "lines+markers", + "name": "prediction for index 0
for different values of
Age", "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 54.24145006279916, - 54.73762328684164, - 52.27423793269998, - 52.27423793269998, - 51.68600263858234, - 47.7391427352007, - 47.7391427352007, - 47.00013902560876, - 43.942996168465896, - 42.232901361312265 + 14.99, + 14.93, + 15.11, + 15.11, + 15.11, + 15.4, + 14.01, + 13.54, + 13.61, + 12.61 ] }, { @@ -53810,28 +36632,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 14.884262793859278, - 14.369904242342704, - 14.350674637263742, - 14.350674637263742, - 14.814792770004292, - 15.170348325559848, - 12.622475238778645, - 12.42177975939464, - 12.238727666290426, - 11.96003914170026 + 16.81454204467152, + 15.873676194007857, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 14.868433717051804, + 14.700338478956567, + 14.766266897403044, + 13.047687015746234 ] }, { @@ -53844,28 +36666,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 78.30563854499091, - 78.72563854499091, - 78.62206711641949, - 79.2536460637879, - 80.30800957467316, - 80.30800957467316, - 78.55800957467316, - 78.53690728675744, - 78.53690728675744, - 78.8517063812679 + 40.78221152170354, + 39.082631816817226, + 39.199158427461484, + 38.67511661561479, + 40.52380715655107, + 38.31864183683468, + 36.90291938427613, + 35.44553261234637, + 33.91276107676585, + 35.532732828178275 ] }, { @@ -53878,28 +36700,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 50.102033944214554, - 49.935827047662826, - 49.213994113862356, - 48.73214083200908, - 50.820270576660555, - 51.14196369835366, - 49.89169858700691, - 47.32507515357005, - 49.01625275234258, - 49.411601589551886 + 14.993138174747333, + 14.930113233174586, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.403375568618078, + 14.013885663258732, + 13.54435286900896, + 13.610281287455434, + 12.610281287455432 ] }, { @@ -53912,28 +36734,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 89.12704907104037, - 92.19054113453242, - 92.19054113453242, - 91.70868785267915, - 92.57378899194909, - 93.04363026179036, - 93.04363026179036, - 93.05987676038978, - 92.4266479202644, - 87.95706750068399 + 39.04725077663385, + 40.504393633776715, + 40.34205597143905, + 40.34205597143905, + 39.74205597143905, + 42.84427819366127, + 42.15073733763014, + 36.83014312680799, + 30.94976446932091, + 28.35234882350101 ] }, { @@ -53946,28 +36768,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 72.71666778158398, - 72.13046088503225, - 64.88072227991277, - 64.88072227991277, - 65.04980440551664, - 65.04980440551664, - 59.16760264925192, - 56.76144240853631, - 58.452620007308845, - 58.84796884451815 + 14.993138174747333, + 14.930113233174586, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.403375568618078, + 14.013885663258732, + 13.54435286900896, + 13.610281287455434, + 12.610281287455432 ] }, { @@ -53980,28 +36802,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 84.73023309298006, - 85.79372515647214, - 85.79372515647214, - 85.31187187461886, - 86.17697301388877, - 85.94311058002634, - 85.94311058002634, - 85.10968336213863, - 85.10968336213863, - 81.30676960922489 + 20.68900338204768, + 23.078174421218716, + 21.63952987735678, + 22.376371982619936, + 20.11034023658819, + 20.40634325317944, + 17.00108789609953, + 16.713945038956677, + 16.854758250029874, + 15.854758250029876 ] }, { @@ -54014,28 +36836,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 28.13952671549607, - 30.26398652534914, - 30.86398652534914, - 30.86398652534914, - 30.698674872232605, - 30.698674872232605, - 31.796235847842365, - 30.43504139402803, - 31.714856032163503, - 33.7148560321635 + 15.928069926538804, + 15.865044984966056, + 16.042304303818295, + 16.042304303818295, + 16.042304303818295, + 17.10451102411325, + 15.631687785420576, + 15.556666140398931, + 15.574401787761067, + 14.574401787761065 ] }, { @@ -54048,28 +36870,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 35.87391208183772, - 27.162239576981197, - 23.56588983165012, - 23.56588983165012, - 23.56588983165012, - 23.56588983165012, - 22.09650678186211, - 22.09650678186211, - 21.953649639004965, - 21.6749611144148 + 90.7120042847081, + 90.7120042847081, + 90.7120042847081, + 90.7120042847081, + 90.5120042847081, + 89.52533761804143, + 89.52533761804143, + 89.60226069496451, + 90.29075352720008, + 89.34978370843636 ] }, { @@ -54082,28 +36904,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 79.361971228529, - 79.11155924351029, - 79.11155924351029, - 78.62970596165701, - 78.44058478473096, - 79.35487049901667, - 79.35487049901667, - 79.33376821110095, - 79.20053937097555, - 79.51533846548602 + 54.200608878328225, + 53.72187277104431, + 53.023777532949076, + 53.023777532949076, + 53.023777532949076, + 52.64599975517129, + 52.34859715776871, + 45.97749789644148, + 43.09711923895439, + 39.621340315701254 ] }, { @@ -54116,28 +36938,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 87.51774470506682, - 89.51774470506682, - 89.51774470506682, - 89.03589142321354, - 91.43040432718936, - 92.34469004147508, - 92.34469004147508, - 90.41011236425032, - 89.77688352412494, - 88.27688352412497 + 14.993138174747333, + 14.930113233174586, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.403375568618078, + 15.930552329925401, + 15.461019535675625, + 15.5269479541221, + 14.526947954122098 ] }, { @@ -54150,28 +36972,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 34.29618595689688, - 29.845736926547882, - 27.47993606074702, - 27.47993606074702, - 27.47993606074702, - 26.859246405574606, - 24.218929715463897, - 24.218929715463897, - 24.218929715463897, - 23.911237407771587 + 56.83042213850543, + 53.2217515245282, + 54.36858116547549, + 53.844539353628804, + 54.52249818724801, + 52.23663111314566, + 50.82090866058711, + 48.969010739429216, + 47.29775786536735, + 49.91772961677979 ] }, { @@ -54184,28 +37006,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 55.243766818236914, - 53.888586973523864, - 54.80602168934568, - 54.80602168934568, - 54.72266034480786, - 52.77580044142621, - 52.77580044142621, - 48.968445705382955, - 41.51071951976784, - 36.6631004721488 + 40.840544650797305, + 40.840544650797305, + 40.67820698845964, + 40.67820698845964, + 40.67820698845964, + 42.300429210681855, + 41.823771471533846, + 35.45267221020665, + 29.572293552719568, + 24.232684842232374 ] }, { @@ -54218,28 +37040,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 14.884262793859278, - 14.369904242342704, - 14.350674637263742, - 14.350674637263742, - 14.814792770004292, - 15.170348325559848, - 12.622475238778645, - 12.42177975939464, - 12.238727666290426, - 11.96003914170026 + 37.101848003635034, + 38.55899086077789, + 38.55899086077789, + 38.55899086077789, + 36.958990860777895, + 38.061213083000105, + 37.0893312131441, + 31.768737002321952, + 29.59016557375052, + 27.931392268496037 ] }, { @@ -54252,28 +37074,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 63.53060477699529, - 63.36439788044357, - 61.74323070389555, - 62.37480965126395, - 63.32960606258211, - 63.32960606258211, - 59.92540006453583, - 57.254088308668706, - 58.84526590744124, - 59.24061474465054 + 14.993138174747333, + 14.930113233174586, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.403375568618078, + 14.013885663258732, + 13.54435286900896, + 13.610281287455434, + 12.610281287455432 ] }, { @@ -54286,28 +37108,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 53.58704078479965, - 53.75042190322918, - 53.02858896942871, - 52.54673568757543, - 53.51475736779223, - 53.83645048948536, - 52.325101634296225, - 50.7048651472463, - 52.67153181391298, - 53.066880651122275 + 19.50561799897078, + 18.564752148307115, + 16.876605488438205, + 16.876605488438205, + 16.876605488438205, + 16.876605488438205, + 16.861414433255824, + 16.245472305208434, + 16.311400723654906, + 14.568467039517897 ] }, { @@ -54320,28 +37142,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 44.5851338052137, - 43.22995396050066, - 42.84126622734288, - 42.84126622734288, - 42.757904882805065, - 40.811044979423414, - 40.811044979423414, - 36.28940452909445, - 34.68725399146004, - 33.35392065812671 + 75.46423595250735, + 74.2911713991362, + 73.54281127838887, + 73.01876946654218, + 74.66746000747847, + 72.3634111151943, + 71.6143553293024, + 70.27818067858477, + 69.17154574472224, + 63.19529158019178 ] }, { @@ -54354,28 +37176,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 21.32757456957789, - 15.901825818387067, - 15.81926053420888, - 15.81926053420888, - 15.81926053420888, - 15.81926053420888, - 14.748220857914843, - 14.748220857914843, - 14.6053637150577, - 14.326675190467538 + 90.09754812796777, + 91.89241992283957, + 91.89241992283957, + 91.89241992283957, + 92.57037875645878, + 92.79491579349582, + 92.79491579349582, + 92.8718388704189, + 93.4224006681717, + 84.34652765229868 ] }, { @@ -54388,28 +37210,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 57.2221788383156, - 55.86699899360254, - 56.78443370942436, - 56.78443370942436, - 56.70107236488654, - 54.754212461504906, - 54.754212461504906, - 50.94685772546163, - 43.48913153984652, - 40.35579820651319 + 16.479235519000945, + 15.538369668337287, + 15.715628987189529, + 15.715628987189529, + 15.715628987189529, + 16.01163200378078, + 14.622142098421435, + 14.152609304171662, + 14.218537722618132, + 13.218537722618134 ] }, { @@ -54422,28 +37244,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 61.41392630820032, - 61.16351432318159, - 60.604690793769834, - 61.23626974113825, - 61.07095808802171, - 61.07095808802171, - 58.835185730298136, - 58.699797728096705, - 58.699797728096705, - 59.401552114061616 + 18.609139838576215, + 17.141758836397397, + 16.31849890792008, + 16.31849890792008, + 16.31849890792008, + 17.380705628215033, + 16.523556233957738, + 17.839737725422246, + 17.90566614386872, + 17.613999477202054 ] }, { @@ -54456,28 +37278,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 21.851384093387413, - 16.42563534219659, - 16.3430700580184, - 16.3430700580184, - 16.3430700580184, - 16.3430700580184, - 15.272030381724369, - 15.272030381724369, - 15.12917323886722, - 14.85048471427706 + 49.65414704107676, + 50.49091640378952, + 52.03601444300521, + 52.03601444300521, + 52.713973276624415, + 50.228106202522035, + 48.716951404531144, + 45.220570035467254, + 43.982259326568304, + 45.703925993234975 ] }, { @@ -54490,28 +37312,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 13.91503315536925, - 13.703202406380477, - 13.063746624067551, - 13.063746624067551, - 13.355746624067551, - 13.355746624067551, - 11.293380506357, - 10.507456752691311, - 10.089110541940036, - 9.83594598497801 + 50.10564980074964, + 50.10564980074964, + 49.943312138411976, + 49.943312138411976, + 49.943312138411976, + 52.042849175449014, + 51.10316663576647, + 45.17991426439141, + 38.29953560690432, + 28.959926896417155 ] }, { @@ -54524,28 +37346,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 18.83719098341666, - 15.625471603510151, - 15.542906319331964, - 15.542906319331964, - 16.268789157954867, - 16.268789157954867, - 15.510524695403893, - 16.239122145312816, - 15.52425310255484, - 14.963513295913392 + 16.81454204467152, + 15.873676194007857, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 14.868433717051804, + 14.700338478956567, + 14.766266897403044, + 13.047687015746234 ] }, { @@ -54558,28 +37380,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 52.64020269935826, - 52.47399580280654, - 51.978507952494, - 51.49665467064073, - 52.45145108195888, - 52.77314420365199, - 51.26179534846285, - 48.695171915026, - 50.38634951379852, - 50.78169835100783 + 23.6079626836878, + 23.60069067110918, + 27.383883948420102, + 27.383883948420102, + 31.23257448935639, + 30.179942910409018, + 28.764220457850477, + 28.702182523130016, + 27.16941098754949, + 28.789382738961923 ] }, { @@ -54592,28 +37414,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 46.10272997749591, - 42.12039702273501, - 40.57444638441517, - 40.57444638441517, - 39.65679932559165, - 37.709939422210006, - 37.709939422210006, - 35.444528786211144, - 35.444528786211144, - 31.53555442723677 + 91.29195708589387, + 91.29195708589387, + 91.29195708589387, + 91.29195708589387, + 91.09195708589385, + 88.10529041922719, + 88.10529041922719, + 88.18221349615027, + 88.73277529390307, + 87.79180547513936 ] }, { @@ -54626,28 +37448,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 79.361971228529, - 79.11155924351029, - 79.11155924351029, - 78.62970596165701, - 78.44058478473096, - 79.35487049901667, - 79.35487049901667, - 79.33376821110095, - 79.20053937097555, - 79.51533846548602 + 52.869441532873374, + 50.66512697950222, + 50.27748129185653, + 49.75343948000984, + 50.43139831362905, + 49.29806498029571, + 48.762055951568236, + 46.910158030410344, + 46.905571823015144, + 48.817210241094244 ] }, { @@ -54660,28 +37482,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 58.52523417532651, - 54.34796727148786, - 48.917020155799506, - 48.917020155799506, - 48.917020155799506, - 47.673863956121565, - 47.673863956121565, - 46.8227390344084, - 46.2227390344084, - 42.31376467543405 + 52.38982888220466, + 52.10411459649037, + 51.40601935839514, + 50.170725240748084, + 49.17072524074808, + 46.457498859286396, + 46.19083219261973, + 44.22079935189724, + 41.17375402774348, + 39.113568842558294 ] }, { @@ -54694,28 +37516,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 63.196173446428396, - 63.02996654987667, - 63.02996654987667, - 62.5481132680234, - 64.17747677890864, - 64.49916990060176, - 65.15134381364524, - 62.88901330950131, - 67.31883291143197, - 67.87547207122192 + 90.3534298045449, + 90.3534298045449, + 90.3534298045449, + 90.3534298045449, + 90.3534298045449, + 89.65565202676713, + 89.65565202676713, + 88.17701954813467, + 85.1859146792208, + 82.74955104285716 ] }, { @@ -54728,28 +37550,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 17.727150658366778, - 15.472858814692152, - 15.390293530513965, - 15.390293530513965, - 15.562411663254515, - 15.562411663254515, - 14.648234732058521, - 14.447539252674515, - 13.6937091709555, - 13.415020646365338 + 15.858146599619916, + 15.795121658047162, + 15.9723809768994, + 15.9723809768994, + 15.9723809768994, + 17.034587697194354, + 15.561764458501685, + 14.699374521394763, + 14.203899431069306, + 13.940163167333038 ] }, { @@ -54762,28 +37584,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 43.24503584274732, - 41.88985599803427, - 41.50116826487649, - 41.50116826487649, - 41.417806920338684, - 39.47094701695704, - 39.47094701695704, - 32.94930656662807, - 31.347156028993655, - 30.013822695660323 + 54.41148801994806, + 53.23440468661473, + 52.69688058606543, + 52.17283877421875, + 52.850797607837954, + 53.61700131154164, + 52.2012788589831, + 52.98585892524659, + 51.31460605118473, + 52.921244469263826 ] }, { @@ -54796,28 +37618,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 14.699622270983461, - 14.185263719466887, - 14.166034114387923, - 14.166034114387923, - 14.630152247128478, - 14.985707802684034, - 12.437834715902827, - 12.237139236518823, - 12.054087143414609, - 11.775398618824443 + 26.005321385864587, + 27.462464243007446, + 25.899482273520626, + 25.899482273520626, + 23.633450527488876, + 23.633450527488876, + 22.661568657632863, + 22.045626529585476, + 22.186439740658678, + 19.12186933395492 ] }, { @@ -54830,28 +37652,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 14.699622270983461, - 14.185263719466887, - 14.166034114387923, - 14.166034114387923, - 14.630152247128478, - 14.985707802684034, - 12.437834715902827, - 12.237139236518823, - 12.054087143414609, - 11.775398618824443 + 20.143841260221503, + 19.202975409557844, + 17.514828749688938, + 17.514828749688938, + 17.514828749688938, + 17.514828749688938, + 17.499637694506557, + 16.883695566459167, + 16.949623984905635, + 15.206690300768624 ] }, { @@ -54864,28 +37686,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 50.367342226497804, - 50.20113532994607, - 49.4793023961456, - 48.99744911429232, - 51.085578858943805, - 51.407271980636914, - 49.89592312544777, - 47.32929969201091, - 49.02047729078346, - 49.415826127992766 + 46.138582300651535, + 45.951267860705514, + 45.25317262261028, + 45.25317262261028, + 45.25317262261028, + 44.8753948448325, + 44.39873710568449, + 38.02504985263885, + 36.12086167134224, + 34.77983619976562 ] }, { @@ -54898,28 +37720,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 15.068275438959835, - 23.19273524881291, - 23.792735248812907, - 23.792735248812907, - 23.792735248812907, - 23.792735248812907, - 24.890296224422656, - 23.52910177060832, - 24.808916408743798, - 26.808916408743798 + 85.18830430871557, + 85.18830430871557, + 83.73518228320634, + 83.73518228320634, + 83.53518228320634, + 83.53518228320634, + 82.12341757732398, + 80.72806874011468, + 79.92301038282872, + 75.9636789821441 ] }, { @@ -54932,28 +37754,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 41.45391820198689, - 39.035246293781775, - 38.646558560623994, - 38.646558560623994, - 38.56319721608618, - 40.56319721608618, - 40.56319721608618, - 36.75584248004293, - 36.32668772299924, - 36.07668772299924 + 14.81827794725553, + 14.755253005682778, + 14.932512324535017, + 14.932512324535017, + 14.932512324535017, + 15.22851534112627, + 13.755692102433596, + 12.893302165326679, + 12.39782707500122, + 12.134090811264954 ] }, { @@ -54966,28 +37788,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 14.699622270983461, - 14.185263719466887, - 13.939689030899984, - 13.939689030899984, - 14.403807163640536, - 14.759362719196092, - 12.211489632414887, - 12.010794153030885, - 11.827742059926667, - 11.549053535336503 + 66.53260205610498, + 66.53260205610498, + 66.37026439376731, + 65.13497027612024, + 66.30570198343733, + 64.8958895736249, + 66.22922290695824, + 63.40463520081131, + 55.38139940046708, + 44.65376862536208 ] }, { @@ -55000,28 +37822,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 86.93874715549798, - 90.00223921899006, - 89.89866779041863, - 89.89866779041863, - 92.29318069439445, - 91.1450325462463, - 91.1450325462463, - 91.259318260532, - 90.70986771108146, - 85.77250017665509 + 52.50241489491915, + 52.729687622191875, + 50.65768819304959, + 50.1336463812029, + 50.81160521482211, + 50.81160521482211, + 50.27559618609463, + 49.274461966643834, + 49.269875759248634, + 50.168180843994406 ] }, { @@ -55034,28 +37856,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 21.794721829757417, - 15.751763513581778, - 15.732533908502818, - 15.732533908502818, - 15.732533908502818, - 16.088089464058374, - 13.454241027915922, - 13.454241027915922, - 13.546678002705836, - 13.267989478115675 + 74.00590261917402, + 72.83283806580286, + 72.08447794505554, + 71.56043613320885, + 73.20912667414514, + 70.90507778186095, + 70.15602199596908, + 68.81984734525143, + 67.71321241138891, + 61.73695824685844 ] }, { @@ -55068,28 +37890,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 49.8492542049448, - 50.2692542049448, - 49.36560308932613, - 48.88374980747285, - 50.18616526641006, - 50.507858388103166, - 49.2575932767564, - 49.122205274554965, - 49.622205274554965, - 50.323959660519876 + 68.76481371279556, + 66.02553412445936, + 65.27126486430774, + 65.27126486430774, + 65.27126486430774, + 62.985397790205376, + 59.57363308432303, + 55.15789821371534, + 51.12004009804825, + 51.115011849460664 ] }, { @@ -55102,28 +37924,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 15.753773271701174, - 14.592386031660007, - 14.346811343093101, - 14.346811343093101, - 14.810929475833657, - 15.166485031389213, - 12.87969568845037, - 12.679000209066368, - 12.495948115962152, - 12.217259591371988 + 64.79145625977786, + 64.79145625977786, + 63.70311983429858, + 63.70311983429858, + 63.70311983429858, + 63.70311983429858, + 61.08773521891398, + 56.18294988044311, + 53.963273582957825, + 52.94491200103691 ] }, { @@ -55136,28 +37958,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 90.75367306378376, - 90.75367306378376, - 90.75367306378376, - 90.27181978193049, - 91.13692092120043, - 92.05120663548614, - 92.05120663548614, - 92.06745313408557, - 91.43422429396018, - 86.69321530295119 + 15.128219467723367, + 15.065194526150616, + 15.242453845002851, + 15.242453845002851, + 15.242453845002851, + 15.538456861594103, + 14.065633622901434, + 13.203243685794517, + 12.707768595469055, + 12.444032331732792 ] }, { @@ -55170,28 +37992,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 26.031319760619077, - 23.76297999227931, - 22.437627938220754, - 22.437627938220754, - 22.901746070961305, - 22.458589871283365, - 18.69924880864714, - 18.068945778344116, - 18.265278857030136, - 16.9319455236968 + 42.73240752371701, + 42.73240752371701, + 42.570069861379345, + 42.570069861379345, + 42.570069861379345, + 44.192292083601565, + 43.71563434445355, + 37.344535083126345, + 31.464156425639274, + 26.124547715152076 ] }, { @@ -55204,28 +38026,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 13.781699822035916, - 13.569869073047144, - 12.930413290734219, - 12.930413290734219, - 13.22241329073422, - 13.22241329073422, - 11.293380506357, - 10.507456752691311, - 10.089110541940036, - 9.83594598497801 + 14.308927648431546, + 14.245902706858796, + 14.423162025711033, + 14.423162025711033, + 14.423162025711033, + 14.719165042302288, + 13.246341803609612, + 12.383951866502695, + 11.888476776177235, + 11.888476776177235 ] }, { @@ -55238,28 +38060,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 60.54551987280532, - 56.41085851284674, - 50.58850257556522, - 50.58850257556522, - 50.58850257556522, - 53.14405813112077, - 53.14405813112077, - 51.42626654274095, - 51.132148895682136, - 49.61841263194586 + 37.24870164495776, + 31.687810075211793, + 29.945117960797425, + 29.945117960797425, + 29.945117960797425, + 27.0047054321496, + 26.98951437696722, + 25.998274484783934, + 26.390128829156335, + 23.976145397046498 ] }, { @@ -55272,28 +38094,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 14.699622270983461, - 14.185263719466887, - 13.939689030899984, - 13.939689030899984, - 14.403807163640536, - 14.759362719196092, - 12.211489632414887, - 12.010794153030885, - 11.827742059926667, - 11.549053535336503 + 14.993138174747333, + 14.930113233174586, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.403375568618078, + 14.013885663258732, + 13.54435286900896, + 13.610281287455434, + 12.610281287455432 ] }, { @@ -55306,28 +38128,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 18.83719098341666, - 15.625471603510151, - 15.542906319331964, - 15.542906319331964, - 16.268789157954867, - 16.268789157954867, - 15.510524695403893, - 16.239122145312816, - 15.52425310255484, - 14.963513295913392 + 92.07722651891613, + 93.87209831378792, + 93.87209831378792, + 93.87209831378792, + 94.55005714740713, + 94.29727936962936, + 94.29727936962936, + 92.37420244655245, + 93.06269527878801, + 85.986822262915 ] }, { @@ -55340,28 +38162,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 12.932256083032653, - 7.473307401248006, - 7.473307401248006, - 7.473307401248006, - 7.473307401248006, - 7.473307401248006, - 8.619785479906934, - 8.619785479906934, - 8.762642622764076, - 8.762642622764076 + 14.993138174747333, + 14.930113233174586, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.403375568618078, + 14.013885663258732, + 13.54435286900896, + 13.610281287455434, + 12.610281287455432 ] }, { @@ -55374,28 +38196,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 18.83719098341666, - 15.625471603510151, - 15.542906319331964, - 15.542906319331964, - 16.268789157954867, - 16.268789157954867, - 15.510524695403893, - 16.239122145312816, - 15.52425310255484, - 14.963513295913392 + 15.128219467723367, + 15.065194526150616, + 15.242453845002851, + 15.242453845002851, + 15.242453845002851, + 15.538456861594103, + 14.065633622901434, + 13.203243685794517, + 12.707768595469055, + 12.444032331732792 ] }, { @@ -55408,28 +38230,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 10.684449732257885, - 7.492167717139905, - 7.981963635507252, - 7.981963635507252, - 7.981963635507252, - 7.981963635507252, - 8.51258058571924, - 8.51258058571924, - 8.655437728576382, - 8.655437728576382 + 54.09178687559548, + 54.3190596028682, + 52.24706017372592, + 51.723018361879234, + 52.40097719549844, + 52.40097719549844, + 51.78163483343763, + 50.56621489970112, + 50.56162869230592, + 51.45993377705169 ] }, { @@ -55442,28 +38264,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 23.586661678455727, - 22.3145238055332, - 22.3145238055332, - 22.3145238055332, - 22.12628851141555, - 21.505598856243136, - 19.8692352198795, - 19.08482661772896, - 19.05567186068527, - 18.520456021671965 + 14.993138174747333, + 14.930113233174586, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.403375568618078, + 14.013885663258732, + 13.54435286900896, + 13.610281287455434, + 12.610281287455432 ] }, { @@ -55476,28 +38298,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 58.38476218400267, - 54.402429229241775, - 54.162601039901524, - 54.162601039901524, - 53.24495398107799, - 51.29809407769634, - 51.29809407769634, - 49.58030248931652, - 43.9517310607451, - 35.11180432081836 + 82.6737582877358, + 84.4686300826076, + 84.4686300826076, + 84.4686300826076, + 84.94658891622682, + 84.69381113844904, + 84.69381113844904, + 82.77073421537212, + 83.4592270476077, + 79.33571754630427 ] }, { @@ -55510,28 +38332,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 51.87817260881927, - 52.5625742710902, - 50.09918891694854, - 50.09918891694854, - 50.01582757241073, - 48.772671372732795, - 48.772671372732795, - 48.01592572765698, - 46.815925727656975, - 44.34813861281105 + 26.569480161304753, + 25.731597539540545, + 24.168615570053728, + 24.168615570053728, + 24.168615570053728, + 24.168615570053728, + 24.024569663517546, + 22.358122484965108, + 22.424050903411576, + 18.61728743204053 ] }, { @@ -55544,28 +38366,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 14.884262793859278, - 14.369904242342704, - 14.350674637263742, - 14.350674637263742, - 14.814792770004292, - 15.170348325559848, - 12.622475238778645, - 12.42177975939464, - 12.238727666290426, - 11.96003914170026 + 15.819989676028934, + 16.00842811446737, + 15.716969484601663, + 15.716969484601663, + 15.716969484601663, + 16.012972501192912, + 12.734234463820018, + 11.907567797153353, + 11.412092706827895, + 11.14835644309163 ] }, { @@ -55578,28 +38400,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 55.5294811039512, - 54.17430125923814, - 55.09173597505996, - 55.09173597505996, - 55.00837463052214, - 53.061514727140505, - 53.061514727140505, - 49.25415999109724, - 41.796433805482124, - 38.6631004721488 + 29.707488241154962, + 23.62008151989382, + 22.742276136871048, + 22.742276136871048, + 22.742276136871048, + 20.256409062768675, + 19.85199036530987, + 18.34502720268633, + 18.73688154705873, + 18.44521488039206 ] }, { @@ -55612,28 +38434,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 14.699622270983461, - 14.185263719466887, - 13.939689030899984, - 13.939689030899984, - 14.403807163640536, - 14.759362719196092, - 12.211489632414887, - 12.010794153030885, - 11.827742059926667, - 11.549053535336503 + 19.062922620049715, + 14.00621715446267, + 12.99507843810656, + 12.99507843810656, + 16.16581014542363, + 15.113178566476265, + 15.11471224996984, + 15.172071557329147, + 15.515733130617203, + 14.224066463950544 ] }, { @@ -55646,28 +38468,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 14.884262793859278, - 14.369904242342704, - 14.350674637263742, - 14.350674637263742, - 14.814792770004292, - 15.170348325559848, - 12.622475238778645, - 12.42177975939464, - 12.238727666290426, - 11.96003914170026 + 56.64905405017766, + 56.461739610231646, + 55.7636443721364, + 55.7636443721364, + 55.7636443721364, + 55.385866594358625, + 55.20274971124174, + 48.83165044991452, + 45.951271792427434, + 39.41166308194025 ] }, { @@ -55680,28 +38502,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 82.98359620254595, - 83.14697732097552, - 83.14697732097552, - 82.66512403912225, - 82.4760028621962, - 83.39028857648191, - 83.39028857648191, - 81.77005208943199, - 83.10348991597327, - 83.11188346172811 + 81.09323739296713, + 82.88810918783894, + 82.88810918783894, + 82.88810918783894, + 83.36606802145815, + 82.82440135479148, + 82.82440135479148, + 82.90132443171456, + 81.45188622946735, + 77.32837672816396 ] }, { @@ -55714,28 +38536,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 87.28902564008513, - 90.68210571855846, - 90.68210571855846, - 90.20025243670518, - 90.55128065286972, - 90.31741821900728, - 90.31741821900728, - 90.33366471760671, - 89.70043587748133, - 85.4808554579009 + 21.331830183074924, + 15.444936038242593, + 14.433797321886486, + 14.433797321886486, + 17.604529029203555, + 16.551897450256188, + 16.553431133749765, + 15.440979120354353, + 15.784640693642416, + 14.49297402697575 ] }, { @@ -55748,28 +38570,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 88.9980759680068, - 90.99807596800677, - 90.99807596800677, - 90.5162226861535, - 92.91073559012932, - 93.82502130441503, - 93.82502130441503, - 91.89044362719031, - 91.25721478706492, - 89.75721478706492 + 69.87900044442077, + 69.87900044442077, + 66.6001878284653, + 66.07614601661861, + 62.26662220709479, + 62.26662220709479, + 59.14351558398817, + 55.75597162482765, + 53.78629532734237, + 54.18629532734236 ] }, { @@ -55782,28 +38604,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 83.9538730008305, - 85.01736506432256, - 85.01736506432256, - 84.53551178246929, - 85.40061292173921, - 85.16675048787677, - 85.16675048787677, - 84.33332326998907, - 84.33332326998907, - 80.53040951707531 + 72.22770658019739, + 71.05464202682624, + 70.3062819060789, + 69.78224009423222, + 71.6309306351685, + 69.32688174288432, + 68.57782595699244, + 67.2416513062748, + 67.8000562412825, + 61.82380207675203 ] }, { @@ -55816,28 +38638,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 14.699622270983461, - 14.185263719466887, - 13.939689030899984, - 13.939689030899984, - 14.403807163640536, - 14.759362719196092, - 12.211489632414887, - 12.010794153030885, - 11.827742059926667, - 11.549053535336503 + 15.928069926538804, + 15.865044984966056, + 16.042304303818295, + 16.042304303818295, + 16.042304303818295, + 17.10451102411325, + 15.631687785420576, + 15.556666140398931, + 15.574401787761067, + 14.574401787761065 ] }, { @@ -55850,28 +38672,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 59.46614325903251, - 59.215731274013784, - 58.656907744602016, - 58.17505446274874, - 58.0097428096322, - 58.33143593132532, - 57.42899690693508, - 57.29360890473365, - 57.160380064608255, - 57.862134450573166 + 15.128219467723367, + 15.065194526150616, + 15.242453845002851, + 15.242453845002851, + 15.242453845002851, + 15.538456861594103, + 14.065633622901434, + 13.203243685794517, + 12.707768595469055, + 12.444032331732792 ] }, { @@ -55884,28 +38706,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 28.671820854370843, - 25.460101474464338, - 24.220273285124083, - 24.220273285124083, - 25.48203799100644, - 25.48203799100644, - 25.19300429768623, - 24.993823969817367, - 24.10810968410308, - 25.54736987746164 + 23.96638728061389, + 17.878980559352748, + 17.001175176329976, + 17.001175176329976, + 19.001175176329976, + 18.615210264049274, + 18.21079156659047, + 17.09833955319506, + 17.44200112648312, + 16.15033445981645 ] }, { @@ -55918,28 +38740,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 35.511405816173564, - 26.12221662239848, - 22.525866877067404, - 22.525866877067404, - 22.525866877067404, - 22.88142243262296, - 20.85648382727939, - 20.85648382727939, - 20.948920802069303, - 20.67023227747914 + 20.143841260221503, + 19.202975409557844, + 17.514828749688938, + 17.514828749688938, + 17.514828749688938, + 17.514828749688938, + 17.499637694506557, + 16.883695566459167, + 16.949623984905635, + 15.206690300768624 ] }, { @@ -55952,28 +38774,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 12.83653404285613, - 7.37758536107148, - 7.37758536107148, - 7.37758536107148, - 7.37758536107148, - 7.37758536107148, - 8.52406343973041, - 8.52406343973041, - 8.666920582587553, - 8.666920582587553 + 20.143841260221503, + 19.202975409557844, + 17.514828749688938, + 17.514828749688938, + 17.514828749688938, + 17.514828749688938, + 17.499637694506557, + 16.883695566459167, + 16.949623984905635, + 15.206690300768624 ] }, { @@ -55986,28 +38808,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 50.102033944214554, - 49.935827047662826, - 49.213994113862356, - 48.73214083200908, - 50.820270576660555, - 51.14196369835366, - 49.89169858700691, - 47.32507515357005, - 49.01625275234258, - 49.411601589551886 + 68.70834653692475, + 68.70834653692475, + 65.42953392096928, + 64.90549210912259, + 61.27778648141696, + 61.27778648141696, + 58.154679858310345, + 54.76713589914982, + 52.79745960166453, + 53.197459601664534 ] }, { @@ -56020,28 +38842,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 15.912698192093183, - 12.720416176975197, - 12.720416176975197, - 12.720416176975197, - 12.720416176975197, - 12.720416176975197, - 11.251033127187188, - 11.251033127187188, - 11.39389027004433, - 11.39389027004433 + 49.892821556080705, + 51.538402851662, + 50.7151429231847, + 50.7151429231847, + 50.1151429231847, + 51.217365145406916, + 48.932067609842896, + 47.02609264107301, + 45.43085454583492, + 40.835911027814475 ] }, { @@ -56054,28 +38876,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 47.64508144918566, - 43.792293948970226, - 42.246343310650374, - 42.246343310650374, - 42.85810801653273, - 40.91124811315108, - 40.91124811315108, - 38.64583747715221, - 37.04583747715222, - 35.136863118177864 + 88.79751092009973, + 90.61436073694955, + 90.61436073694955, + 90.61436073694955, + 92.46305127788584, + 92.5436068334414, + 92.5436068334414, + 90.33481562465019, + 91.02330845688576, + 83.94743544101273 ] }, { @@ -56088,28 +38910,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 23.52483257958918, - 17.141656292166466, - 17.05909100798828, - 17.05909100798828, - 17.320855713870632, - 17.320855713870632, - 16.87495927545238, - 16.808292608785713, - 16.522578323071425, - 15.413592902394893 + 51.34378395183992, + 47.7351133378627, + 48.88194297880998, + 48.357901166963295, + 49.0358600005825, + 47.70252666724917, + 46.370137548023955, + 44.51823962686606, + 43.92664456187377, + 46.5466163132862 ] }, { @@ -56122,28 +38944,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 59.298265370852974, - 59.71826537085298, - 59.15944184144122, - 58.67758855958793, - 58.8466706851918, - 59.16836380688492, - 58.26592478249467, - 58.130536780293255, - 57.99730794016785, - 58.699062326132754 + 46.87481330965748, + 48.33195616680034, + 47.633860928705104, + 46.39856681105805, + 45.798566811058045, + 44.81190014439138, + 44.10078903328027, + 40.72085890030755, + 37.67381357615379, + 35.018011472274765 ] }, { @@ -56156,28 +38978,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 14.959596901795887, - 13.798209661754724, - 13.715644377576536, - 13.715644377576536, - 14.44152721619944, - 14.797082771754996, - 13.135436666691938, - 13.864034116600866, - 16.27676688379763, - 15.71602707715619 + 14.308927648431546, + 14.245902706858796, + 14.423162025711033, + 14.423162025711033, + 14.423162025711033, + 14.719165042302288, + 13.246341803609612, + 12.383951866502695, + 11.888476776177235, + 11.888476776177235 ] }, { @@ -56190,28 +39012,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 14.884262793859278, - 14.369904242342704, - 14.350674637263742, - 14.350674637263742, - 14.814792770004292, - 15.170348325559848, - 12.622475238778645, - 12.42177975939464, - 12.238727666290426, - 11.96003914170026 + 75.02192329100865, + 73.84885873763749, + 73.10049861689016, + 72.57645680504348, + 74.22514734597976, + 71.92109845369558, + 71.1720426678037, + 69.83586801708606, + 70.39589974989019, + 64.75297891869306 ] }, { @@ -56224,370 +39046,96 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 16, - 19, - 22, - 26.33333333333333, - 29.66666666666667, - 33.99999999999997, - 39.333333333333314, - 48, - 63 + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 38.14394148892268, - 28.474841447834283, - 22.8784917025032, - 22.8784917025032, - 22.8784917025032, - 22.8784917025032, - 22.034251890590976, - 22.034251890590976, - 21.748537604876688, - 20.639552184200152 + 15.128219467723367, + 15.065194526150616, + 15.242453845002851, + 15.242453845002851, + 15.242453845002851, + 15.538456861594103, + 14.065633622901434, + 13.203243685794517, + 12.707768595469055, + 12.444032331732792 ] - } - ], - "layout": { - "annotations": [ - { - "text": "baseline value = 20.0", - "x": 20, - "y": 7.37758536107148 - }, - { - "text": "baseline pred = 13.94", - "x": 29.66666666666667, - "y": 13.939689030899984 - } - ], - "plot_bgcolor": "#fff", - "shapes": [ - { - "line": { - "color": "MediumPurple", - "dash": "dot", - "width": 4 - }, - "type": "line", - "x0": 20, - "x1": 20, - "xref": "x", - "y0": 7.37758536107148, - "y1": 95.43080317185627, - "yref": "y" - }, - { - "line": { - "color": "MediumPurple", - "dash": "dot", - "width": 4 - }, - "type": "line", - "x0": 0.42, - "x1": 63, - "xref": "x", - "y0": 13.939689030899984, - "y1": 13.939689030899984, - "yref": "y" - } - ], - "showlegend": false, - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } }, - "title": { - "text": "pdp plot for Age" - }, - "xaxis": { - "title": { - "text": "Age" - } - }, - "yaxis": { - "title": { - "text": "Predicted Survival (Predicted %)" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_pdp(\"Age\", index=5, drop_na=True, sample=100,\n", - " gridlines=100, gridpoints=10)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### adjusting parameters:\n", - "\n", - "- `drop_na=False` no longer drop values equal to self.na_fill (-999 by default)\n", - "- `sample=200` sample 200 samples for calculating the average\n", - "- `gridlines=10` display 10 additional grid lines\n", - "- `gridpoints=50` take 50 points along the x axis to calculate the lines" - ] - }, - { - "cell_type": "code", - "execution_count": 34, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:41:47.008246Z", - "start_time": "2020-10-12T08:41:46.648941Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ { + "hoverinfo": "skip", "line": { - "color": "grey", - "width": 4 + "color": "grey" }, - "mode": "lines+markers", - "name": "average prediction
for different values of
Age", + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 0.42, - 2.1836734693877555, - 4.367346938775511, - 9, - 13.734693877551022, + 0.83, 14, - 16, - 17.28571428571429, 18, - 18.836734693877553, - 19, - 19.204081632653065, - 20, - 21, - 22, - 22.122448979591837, - 23, + 20.33333333333333, 24, - 24.673469387755105, - 26, - 27, - 27.40816326530613, - 28, - 29, - 30.571428571428577, - 31, - 32, + 28.555555555555557, 33, - 34.530612244897966, - 35, - 36, - 36.30612244897959, 38, - 39, - 40.16326530612247, - 42, - 44, - 45, - 46.897959183673464, - 48.081632653061234, - 50.265306122449005, - 51, - 52.63265306122449, - 61, - 63 + 47.888888888888886, + 62 ], "y": [ - 41.03, - 41.03, - 40.87, - 40.61, - 39.98, - 39.98, - 39.72, - 39.55, - 39.27, - 39.01, - 39.01, - 39.01, - 38.9, - 38.9, - 38.91, - 38.92, - 38.88, - 39.05, - 39.06, - 39.34, - 39.44, - 39.44, - 39.66, - 39.38, - 39.59, - 39.59, - 39.27, - 38.49, - 38.22, - 38.22, - 38.22, - 38.13, - 37.4, - 37.3, - 37.3, - 37.42, - 37.39, - 37.29, - 37.16, - 37.15, - 36.73, - 36.7, - 36.64, - 36.62, - 36.38 + 54.936231320039916, + 55.16350404731265, + 53.09150461817036, + 52.567462806323675, + 53.24542163994288, + 53.24542163994288, + 52.62607927788206, + 51.41065934414556, + 51.406073136750365, + 52.30437822149613 ] }, { + "hoverinfo": "skip", "line": { - "color": "blue", - "width": 4 + "color": "grey" }, - "mode": "lines+markers", - "name": "prediction for index 0
for different values of
Age", + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 0.42, - 2.1836734693877555, - 4.367346938775511, - 9, - 13.734693877551022, + 0.83, 14, - 16, - 17.28571428571429, 18, - 18.836734693877553, - 19, - 19.204081632653065, - 20, - 21, - 22, - 22.122448979591837, - 23, + 20.33333333333333, 24, - 24.673469387755105, - 26, - 27, - 27.40816326530613, - 28, - 29, - 30.571428571428577, - 31, - 32, + 28.555555555555557, 33, - 34.530612244897966, - 35, - 36, - 36.30612244897959, 38, - 39, - 40.16326530612247, - 42, - 44, - 45, - 46.897959183673464, - 48.081632653061234, - 50.265306122449005, - 51, - 52.63265306122449, - 61, - 63 + 47.888888888888886, + 62 ], "y": [ - 14.7, - 14.7, - 14.7, - 14.19, - 14.19, - 14.19, - 14.19, - 14.1, - 14.1, - 13.94, - 13.94, - 13.94, - 13.94, - 13.94, - 13.94, - 13.94, - 13.94, - 14.23, - 14.23, - 14.4, - 14.76, - 14.76, - 14.76, - 14.76, - 15.33, - 15.33, - 14.3, - 12.5, - 12.21, - 12.21, - 12.21, - 12.21, - 12.21, - 12.01, - 12.01, - 12.01, - 12.39, - 12.21, - 11.83, - 11.83, - 11.83, - 11.83, - 11.55, - 11.55, - 11.55 + 84.07533268496613, + 85.87020447983792, + 85.87020447983792, + 85.87020447983792, + 86.34816331345714, + 85.97038553567936, + 86.12423168952552, + 85.34125138480609, + 85.76467480822951, + 81.7302219106997 ] }, { @@ -56600,98 +39148,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 2.1836734693877555, - 4.367346938775511, - 9, - 13.734693877551022, + 0.83, 14, - 16, - 17.28571428571429, 18, - 18.836734693877553, - 19, - 19.204081632653065, - 20, - 21, - 22, - 22.122448979591837, - 23, + 20.33333333333333, 24, - 24.673469387755105, - 26, - 27, - 27.40816326530613, - 28, - 29, - 30.571428571428577, - 31, - 32, + 28.555555555555557, 33, - 34.530612244897966, - 35, - 36, - 36.30612244897959, 38, - 39, - 40.16326530612247, - 42, - 44, - 45, - 46.897959183673464, - 48.081632653061234, - 50.265306122449005, - 51, - 52.63265306122449, - 61, - 63 + 47.888888888888886, + 62 ], "y": [ - 16.22615319420275, - 16.22615319420275, - 16.22615319420275, - 15.711794642686176, - 15.711794642686176, - 15.711794642686176, - 15.064765954161585, - 14.982200669983397, - 14.982200669983397, - 14.819191265594684, - 14.819191265594684, - 14.819191265594684, - 14.819191265594684, - 14.819191265594684, - 14.819191265594684, - 14.819191265594684, - 14.819191265594684, - 15.11119126559468, - 15.11119126559468, - 15.283309398335234, - 15.63886495389079, - 15.63886495389079, - 15.63886495389079, - 15.63886495389079, - 16.208561923587755, - 16.208561923587755, - 15.183775598801436, - 13.639309653505139, - 13.352075610951946, - 13.352075610951946, - 13.352075610951946, - 13.352075610951946, - 13.352075610951946, - 13.151380131567944, - 13.151380131567944, - 13.151380131567944, - 13.529531392072144, - 13.34771321025396, - 12.968328038463728, - 12.968328038463728, - 12.968328038463728, - 12.968328038463728, - 12.689639513873566, - 12.689639513873566, - 12.689639513873566 + 15.601394609910034, + 15.538369668337287, + 15.715628987189529, + 15.715628987189529, + 15.715628987189529, + 16.01163200378078, + 14.622142098421435, + 14.152609304171662, + 14.218537722618132, + 13.218537722618134 ] }, { @@ -56704,98 +39182,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 2.1836734693877555, - 4.367346938775511, - 9, - 13.734693877551022, + 0.83, 14, - 16, - 17.28571428571429, 18, - 18.836734693877553, - 19, - 19.204081632653065, - 20, - 21, - 22, - 22.122448979591837, - 23, + 20.33333333333333, 24, - 24.673469387755105, - 26, - 27, - 27.40816326530613, - 28, - 29, - 30.571428571428577, - 31, - 32, + 28.555555555555557, 33, - 34.530612244897966, - 35, - 36, - 36.30612244897959, 38, - 39, - 40.16326530612247, - 42, - 44, - 45, - 46.897959183673464, - 48.081632653061234, - 50.265306122449005, - 51, - 52.63265306122449, - 61, - 63 + 47.888888888888886, + 62 ], "y": [ - 21.794721829757417, - 21.794721829757417, - 20.48335819339378, - 18.424695844408845, - 15.751763513581778, - 15.751763513581778, - 15.751763513581778, - 15.669198229403591, - 15.669198229403591, - 15.732533908502818, - 15.732533908502818, - 15.732533908502818, - 15.732533908502818, - 15.732533908502818, - 15.732533908502818, - 15.732533908502818, - 15.732533908502818, - 15.732533908502818, - 15.732533908502818, - 15.732533908502818, - 16.088089464058374, - 16.088089464058374, - 16.088089464058374, - 16.088089464058374, - 16.65778643375534, - 16.65778643375534, - 16.102230878199787, - 13.74147507046911, - 13.454241027915922, - 13.454241027915922, - 13.454241027915922, - 13.454241027915922, - 13.454241027915922, - 13.454241027915922, - 13.454241027915922, - 13.454241027915922, - 13.832392288420122, - 13.832392288420122, - 13.546678002705836, - 13.546678002705836, - 13.546678002705836, - 13.546678002705836, - 13.267989478115675, - 13.267989478115675, - 13.267989478115675 + 74.17223056921212, + 73.52166238739393, + 71.97330226664661, + 71.44926045479993, + 71.92721928841914, + 71.92721928841914, + 71.17816350252725, + 70.478466839231, + 71.03849857203514, + 65.05329415547749 ] }, { @@ -56808,98 +39216,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 2.1836734693877555, - 4.367346938775511, - 9, - 13.734693877551022, + 0.83, 14, - 16, - 17.28571428571429, 18, - 18.836734693877553, - 19, - 19.204081632653065, - 20, - 21, - 22, - 22.122448979591837, - 23, + 20.33333333333333, 24, - 24.673469387755105, - 26, - 27, - 27.40816326530613, - 28, - 29, - 30.571428571428577, - 31, - 32, + 28.555555555555557, 33, - 34.530612244897966, - 35, - 36, - 36.30612244897959, 38, - 39, - 40.16326530612247, - 42, - 44, - 45, - 46.897959183673464, - 48.081632653061234, - 50.265306122449005, - 51, - 52.63265306122449, - 61, - 63 + 47.888888888888886, + 62 ], "y": [ - 21.851384093387413, - 21.851384093387413, - 20.540020457023775, - 19.481358108038847, - 17.48594246613034, - 17.48594246613034, - 16.42563534219659, - 16.3430700580184, - 16.3430700580184, - 16.3430700580184, - 16.3430700580184, - 16.3430700580184, - 16.3430700580184, - 16.3430700580184, - 16.3430700580184, - 16.3430700580184, - 16.3430700580184, - 16.3430700580184, - 16.3430700580184, - 16.3430700580184, - 16.3430700580184, - 16.3430700580184, - 16.3430700580184, - 16.3430700580184, - 16.912767027715372, - 16.912767027715372, - 16.912767027715372, - 15.559264424277561, - 15.272030381724369, - 15.272030381724369, - 15.272030381724369, - 15.272030381724369, - 15.272030381724369, - 15.272030381724369, - 15.272030381724369, - 15.272030381724369, - 15.414887524581511, - 15.414887524581511, - 15.12917323886722, - 15.12917323886722, - 15.12917323886722, - 15.12917323886722, - 14.85048471427706, - 14.85048471427706, - 14.85048471427706 + 72.6700192416961, + 71.49695468832495, + 70.74859456757761, + 70.22455275573093, + 72.07324329666721, + 69.76919440438303, + 69.02013861849115, + 67.68396396777351, + 66.57570223611455, + 60.59944807158407 ] }, { @@ -56912,98 +39250,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 2.1836734693877555, - 4.367346938775511, - 9, - 13.734693877551022, + 0.83, 14, - 16, - 17.28571428571429, 18, - 18.836734693877553, - 19, - 19.204081632653065, - 20, - 21, - 22, - 22.122448979591837, - 23, + 20.33333333333333, 24, - 24.673469387755105, - 26, - 27, - 27.40816326530613, - 28, - 29, - 30.571428571428577, - 31, - 32, + 28.555555555555557, 33, - 34.530612244897966, - 35, - 36, - 36.30612244897959, 38, - 39, - 40.16326530612247, - 42, - 44, - 45, - 46.897959183673464, - 48.081632653061234, - 50.265306122449005, - 51, - 52.63265306122449, - 61, - 63 + 47.888888888888886, + 62 ], "y": [ - 71.60563413059621, - 71.60563413059621, - 71.60563413059621, - 71.60563413059621, - 71.60563413059621, - 71.60563413059621, - 71.60563413059621, - 71.60563413059621, - 71.60563413059621, - 71.60563413059621, - 71.60563413059621, - 71.60563413059621, - 71.12378084874294, - 71.12378084874294, - 71.12378084874294, - 71.12378084874294, - 71.12378084874294, - 71.2928629743468, - 71.2928629743468, - 71.16345120964091, - 71.16345120964091, - 71.16345120964091, - 71.48514433133403, - 71.48514433133403, - 71.48514433133403, - 71.48514433133403, - 71.48514433133403, - 72.13731824437751, - 70.13731824437751, - 70.13731824437751, - 70.13731824437751, - 70.13731824437751, - 67.79404254164132, - 67.7769485245473, - 67.7769485245473, - 67.24361519121396, - 67.24361519121396, - 67.24361519121396, - 66.81446043417027, - 66.81446043417027, - 64.81446043417029, - 64.81446043417029, - 63.20980927137959, - 63.20980927137959, - 63.20980927137959 + 14.993138174747333, + 14.930113233174586, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.403375568618078, + 14.013885663258732, + 13.54435286900896, + 13.610281287455434, + 12.610281287455432 ] }, { @@ -57016,98 +39284,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 2.1836734693877555, - 4.367346938775511, - 9, - 13.734693877551022, + 0.83, 14, - 16, - 17.28571428571429, 18, - 18.836734693877553, - 19, - 19.204081632653065, - 20, - 21, - 22, - 22.122448979591837, - 23, + 20.33333333333333, 24, - 24.673469387755105, - 26, - 27, - 27.40816326530613, - 28, - 29, - 30.571428571428577, - 31, - 32, + 28.555555555555557, 33, - 34.530612244897966, - 35, - 36, - 36.30612244897959, 38, - 39, - 40.16326530612247, - 42, - 44, - 45, - 46.897959183673464, - 48.081632653061234, - 50.265306122449005, - 51, - 52.63265306122449, - 61, - 63 + 47.888888888888886, + 62 ], "y": [ - 18.83719098341666, - 18.83719098341666, - 18.83719098341666, - 18.32283243190009, - 16.685778727443903, - 16.685778727443903, - 15.625471603510151, - 15.542906319331964, - 15.542906319331964, - 15.542906319331964, - 15.542906319331964, - 15.542906319331964, - 15.542906319331964, - 15.542906319331964, - 15.542906319331964, - 15.542906319331964, - 15.542906319331964, - 15.834906319331967, - 15.834906319331967, - 16.268789157954867, - 16.268789157954867, - 16.268789157954867, - 16.268789157954867, - 16.268789157954867, - 16.83848612765184, - 16.83848612765184, - 16.369255358421068, - 15.510524695403893, - 15.510524695403893, - 15.510524695403893, - 15.510524695403893, - 15.510524695403893, - 15.510524695403893, - 16.239122145312816, - 16.239122145312816, - 16.239122145312816, - 16.239122145312816, - 16.239122145312816, - 15.52425310255484, - 15.52425310255484, - 15.52425310255484, - 15.242201820503556, - 14.963513295913392, - 14.963513295913392, - 14.963513295913392 + 15.128219467723367, + 15.065194526150616, + 15.242453845002851, + 15.242453845002851, + 15.242453845002851, + 15.538456861594103, + 14.065633622901434, + 13.203243685794517, + 12.707768595469055, + 12.444032331732792 ] }, { @@ -57120,98 +39318,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 2.1836734693877555, - 4.367346938775511, - 9, - 13.734693877551022, + 0.83, 14, - 16, - 17.28571428571429, 18, - 18.836734693877553, - 19, - 19.204081632653065, - 20, - 21, - 22, - 22.122448979591837, - 23, + 20.33333333333333, 24, - 24.673469387755105, - 26, - 27, - 27.40816326530613, - 28, - 29, - 30.571428571428577, - 31, - 32, + 28.555555555555557, 33, - 34.530612244897966, - 35, - 36, - 36.30612244897959, 38, - 39, - 40.16326530612247, - 42, - 44, - 45, - 46.897959183673464, - 48.081632653061234, - 50.265306122449005, - 51, - 52.63265306122449, - 61, - 63 + 47.888888888888886, + 62 ], "y": [ - 86.93874715549798, - 86.93874715549798, - 86.93874715549798, - 88.93874715549798, - 90.00223921899006, - 90.00223921899006, - 90.00223921899006, - 89.89866779041863, - 89.89866779041863, - 89.89866779041863, - 89.89866779041863, - 89.89866779041863, - 89.89866779041863, - 89.89866779041863, - 89.89866779041863, - 89.89866779041863, - 89.89866779041863, - 90.58408978530353, - 90.58408978530353, - 92.29318069439445, - 92.29318069439445, - 92.29318069439445, - 92.29318069439445, - 91.1450325462463, - 91.1450325462463, - 91.1450325462463, - 91.1450325462463, - 91.1450325462463, - 91.1450325462463, - 91.1450325462463, - 91.1450325462463, - 91.1450325462463, - 91.259318260532, - 91.259318260532, - 91.259318260532, - 91.259318260532, - 91.259318260532, - 90.70986771108146, - 90.70986771108146, - 90.70986771108146, - 87.13310623726115, - 87.13310623726115, - 87.40583350998841, - 87.40583350998841, - 85.77250017665509 + 70.6761108736936, + 70.02554269187542, + 68.17415226809779, + 67.6501104562511, + 68.12806928987031, + 68.12806928987031, + 67.37901350397843, + 66.67931684068218, + 67.23934857348631, + 63.16525526803978 ] }, { @@ -57224,98 +39352,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 2.1836734693877555, - 4.367346938775511, - 9, - 13.734693877551022, + 0.83, 14, - 16, - 17.28571428571429, 18, - 18.836734693877553, - 19, - 19.204081632653065, - 20, - 21, - 22, - 22.122448979591837, - 23, + 20.33333333333333, 24, - 24.673469387755105, - 26, - 27, - 27.40816326530613, - 28, - 29, - 30.571428571428577, - 31, - 32, + 28.555555555555557, 33, - 34.530612244897966, - 35, - 36, - 36.30612244897959, 38, - 39, - 40.16326530612247, - 42, - 44, - 45, - 46.897959183673464, - 48.081632653061234, - 50.265306122449005, - 51, - 52.63265306122449, - 61, - 63 + 47.888888888888886, + 62 ], "y": [ - 86.0616878153288, - 86.0616878153288, - 86.0616878153288, - 88.0616878153288, - 89.12517987882087, - 89.12517987882087, - 89.12517987882087, - 89.02160845024945, - 89.02160845024945, - 89.02160845024945, - 89.02160845024945, - 89.02160845024945, - 89.02160845024945, - 89.02160845024945, - 89.02160845024945, - 89.02160845024945, - 89.02160845024945, - 89.70703044513435, - 89.70703044513435, - 89.88670958951938, - 89.88670958951938, - 89.88670958951938, - 89.88670958951938, - 88.73856144137123, - 88.73856144137123, - 88.73856144137123, - 88.73856144137123, - 88.73856144137123, - 88.73856144137123, - 88.73856144137123, - 88.73856144137123, - 88.73856144137123, - 88.7174591534555, - 88.7174591534555, - 88.7174591534555, - 88.7174591534555, - 88.7174591534555, - 87.86031629631263, - 87.86031629631263, - 87.86031629631263, - 84.28355482249235, - 84.28355482249235, - 84.55628209521961, - 84.55628209521961, - 82.92294876188627 + 16.504156904101038, + 18.89332794327208, + 18.601869313406365, + 19.33871141866953, + 17.07267967263778, + 17.36868268922903, + 13.661003322914803, + 12.834336656248139, + 12.413746358549407, + 12.413746358549407 ] }, { @@ -57328,98 +39386,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 2.1836734693877555, - 4.367346938775511, - 9, - 13.734693877551022, + 0.83, 14, - 16, - 17.28571428571429, 18, - 18.836734693877553, - 19, - 19.204081632653065, - 20, - 21, - 22, - 22.122448979591837, - 23, + 20.33333333333333, 24, - 24.673469387755105, - 26, - 27, - 27.40816326530613, - 28, - 29, - 30.571428571428577, - 31, - 32, + 28.555555555555557, 33, - 34.530612244897966, - 35, - 36, - 36.30612244897959, 38, - 39, - 40.16326530612247, - 42, - 44, - 45, - 46.897959183673464, - 48.081632653061234, - 50.265306122449005, - 51, - 52.63265306122449, - 61, - 63 + 47.888888888888886, + 62 ], "y": [ - 14.699622270983461, - 14.699622270983461, - 14.699622270983461, - 14.185263719466887, - 14.185263719466887, - 14.185263719466887, - 14.185263719466887, - 14.1026984352887, - 14.1026984352887, - 13.939689030899984, - 13.939689030899984, - 13.939689030899984, - 13.939689030899984, - 13.939689030899984, - 13.939689030899984, - 13.939689030899984, - 13.939689030899984, - 14.231689030899986, - 14.231689030899986, - 14.403807163640536, - 14.759362719196092, - 14.759362719196092, - 14.759362719196092, - 14.759362719196092, - 15.329059688893059, - 15.329059688893059, - 14.304273364106738, - 12.498723674968078, - 12.211489632414887, - 12.211489632414887, - 12.211489632414887, - 12.211489632414887, - 12.211489632414887, - 12.010794153030885, - 12.010794153030885, - 12.010794153030885, - 12.388945413535085, - 12.207127231716902, - 11.827742059926667, - 11.827742059926667, - 11.827742059926667, - 11.827742059926667, - 11.549053535336503, - 11.549053535336503, - 11.549053535336503 + 19.782097092278544, + 18.841231241614885, + 17.153084581745972, + 17.153084581745972, + 17.153084581745972, + 17.919288285449674, + 17.904097230267293, + 17.736001992172053, + 17.801930410618528, + 16.058996726481514 ] }, { @@ -57432,98 +39420,28 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 2.1836734693877555, - 4.367346938775511, - 9, - 13.734693877551022, + 0.83, 14, - 16, - 17.28571428571429, 18, - 18.836734693877553, - 19, - 19.204081632653065, - 20, - 21, - 22, - 22.122448979591837, - 23, + 20.33333333333333, 24, - 24.673469387755105, - 26, - 27, - 27.40816326530613, - 28, - 29, - 30.571428571428577, - 31, - 32, + 28.555555555555557, 33, - 34.530612244897966, - 35, - 36, - 36.30612244897959, 38, - 39, - 40.16326530612247, - 42, - 44, - 45, - 46.897959183673464, - 48.081632653061234, - 50.265306122449005, - 51, - 52.63265306122449, - 61, - 63 + 47.888888888888886, + 62 ], "y": [ - 12.248298748738483, - 12.248298748738483, - 10.936935112374846, - 11.168595344035078, - 7.436378755478425, - 7.436378755478425, - 6.789350066953833, - 6.789350066953833, - 7.279145985321181, - 7.279145985321181, - 7.279145985321181, - 7.279145985321181, - 7.279145985321181, - 7.279145985321181, - 7.279145985321181, - 7.279145985321181, - 7.279145985321181, - 7.279145985321181, - 7.279145985321181, - 7.279145985321181, - 7.279145985321181, - 7.279145985321181, - 7.279145985321181, - 7.279145985321181, - 9.279145985321179, - 9.279145985321179, - 9.279145985321179, - 8.712858106533302, - 8.42562406398011, - 8.42562406398011, - 8.42562406398011, - 8.42562406398011, - 8.42562406398011, - 8.42562406398011, - 8.42562406398011, - 8.42562406398011, - 8.568481206837253, - 8.568481206837253, - 8.568481206837253, - 8.568481206837253, - 8.568481206837253, - 8.568481206837253, - 8.568481206837253, - 8.568481206837253, - 8.568481206837253 + 20.143841260221503, + 19.202975409557844, + 17.514828749688938, + 17.514828749688938, + 17.514828749688938, + 17.514828749688938, + 17.499637694506557, + 16.883695566459167, + 16.949623984905635, + 15.206690300768624 ] }, { @@ -57536,98 +39454,572 @@ "showlegend": false, "type": "scatter", "x": [ - 0.42, - 2.1836734693877555, - 4.367346938775511, - 9, - 13.734693877551022, + 0.83, 14, - 16, - 17.28571428571429, 18, - 18.836734693877553, - 19, - 19.204081632653065, - 20, - 21, - 22, - 22.122448979591837, - 23, + 20.33333333333333, 24, - 24.673469387755105, - 26, - 27, - 27.40816326530613, - 28, - 29, - 30.571428571428577, - 31, - 32, + 28.555555555555557, 33, - 34.530612244897966, - 35, - 36, - 36.30612244897959, 38, - 39, - 40.16326530612247, - 42, - 44, - 45, - 46.897959183673464, - 48.081632653061234, - 50.265306122449005, - 51, - 52.63265306122449, - 61, - 63 + 47.888888888888886, + 62 + ], + "y": [ + 49.709701064278576, + 51.16684392142143, + 50.468748683326204, + 49.233454565679146, + 48.633454565679145, + 51.73567678790136, + 51.45733577407648, + 49.551360805306594, + 49.9561227100685, + 43.2001271825918 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 + ], + "y": [ + 41.092102782155926, + 40.904788342209905, + 40.20669310411467, + 40.20669310411467, + 40.20669310411467, + 39.540026437448006, + 38.60034389776546, + 32.67450353467199, + 30.02031535337537, + 28.679289881798752 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 + ], + "y": [ + 20.143841260221503, + 19.202975409557844, + 17.514828749688938, + 17.514828749688938, + 17.514828749688938, + 17.514828749688938, + 17.499637694506557, + 16.883695566459167, + 16.949623984905635, + 15.206690300768624 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 + ], + "y": [ + 26.53612005400701, + 26.53612005400701, + 26.53612005400701, + 26.53612005400701, + 26.53612005400701, + 29.869453387340343, + 29.278509933906616, + 23.35525756253156, + 20.653450333615897, + 18.996228111393673 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 + ], + "y": [ + 19.83424878492427, + 14.777543319337221, + 13.766404602981117, + 13.766404602981117, + 16.937136310298186, + 15.884504731350821, + 15.886038414844391, + 15.943397722203704, + 16.287059295491762, + 14.995392628825094 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 + ], + "y": [ + 27.641367942419283, + 21.754473797586954, + 20.743335081230846, + 20.743335081230846, + 21.914066788547917, + 18.761533047778883, + 18.76306673127246, + 17.256103568648918, + 17.64795791302132, + 16.35629124635465 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 + ], + "y": [ + 54.936231320039916, + 55.16350404731265, + 53.09150461817036, + 52.567462806323675, + 53.24542163994288, + 53.24542163994288, + 52.62607927788206, + 51.41065934414556, + 51.406073136750365, + 52.30437822149613 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 + ], + "y": [ + 14.993138174747333, + 14.930113233174586, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.403375568618078, + 15.930552329925401, + 15.461019535675625, + 15.5269479541221, + 14.526947954122098 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 + ], + "y": [ + 20.143841260221503, + 19.202975409557844, + 17.514828749688938, + 17.514828749688938, + 17.514828749688938, + 17.514828749688938, + 17.499637694506557, + 16.883695566459167, + 16.949623984905635, + 15.206690300768624 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 + ], + "y": [ + 14.993138174747333, + 14.930113233174586, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.403375568618078, + 14.013885663258732, + 13.54435286900896, + 13.610281287455434, + 12.610281287455432 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 + ], + "y": [ + 36.18594223468643, + 34.486362529800125, + 34.60288914044438, + 34.07884732859769, + 34.268446960443065, + 31.11591321967403, + 29.700190767115487, + 27.848292845957594, + 26.315521310377072, + 29.03718797704374 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 + ], + "y": [ + 14.993138174747333, + 14.930113233174586, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.403375568618078, + 14.013885663258732, + 13.54435286900896, + 13.610281287455434, + 12.610281287455432 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 + ], + "y": [ + 22.414552696163934, + 16.527658551331594, + 14.31651983497549, + 14.31651983497549, + 17.48725154229256, + 16.43461996334519, + 16.436153646838772, + 15.323701633443362, + 15.667363206731421, + 14.375696540064755 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 + ], + "y": [ + 21.44014463778981, + 23.085725933371105, + 21.3975792735022, + 21.3975792735022, + 19.131547527470456, + 19.131547527470456, + 18.07270913587531, + 17.90461389778007, + 18.04542710885327, + 16.61722033851315 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 + ], + "y": [ + 52.4123971221281, + 51.76182894030992, + 49.68982951116763, + 49.165787699320944, + 49.84374653294015, + 50.609950236643854, + 49.99060787458305, + 48.98947365513225, + 47.31822078107039, + 48.21652586581615 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 + ], + "y": [ + 70.6761108736936, + 70.02554269187542, + 68.17415226809779, + 67.6501104562511, + 68.12806928987031, + 68.12806928987031, + 67.37901350397843, + 66.67931684068218, + 67.23934857348631, + 63.16525526803978 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + 0.83, + 14, + 18, + 20.33333333333333, + 24, + 28.555555555555557, + 33, + 38, + 47.888888888888886, + 62 ], "y": [ - 64.17819795651815, - 64.17819795651815, - 64.50778597149943, - 64.50778597149943, - 66.50778597149943, - 66.50778597149943, - 66.50778597149943, - 64.50778597149943, - 63.94896244208766, - 63.94896244208766, - 63.94896244208766, - 63.94896244208766, - 63.46710916023439, - 63.46710916023439, - 63.46710916023439, - 63.46710916023439, - 63.46710916023439, - 63.301797507117854, - 63.301797507117854, - 63.301797507117854, - 63.301797507117854, - 63.301797507117854, - 63.62349062881098, - 63.62349062881098, - 63.62349062881098, - 63.62349062881098, - 63.62349062881098, - 63.62349062881098, - 62.72105160442072, - 62.72105160442072, - 62.72105160442072, - 61.49524515280782, - 59.776969450071626, - 59.776969450071626, - 59.776969450071626, - 61.24363611673829, - 60.6104072766129, - 60.6104072766129, - 60.6104072766129, - 60.6104072766129, - 60.6104072766129, - 60.6104072766129, - 62.610407276612904, - 62.610407276612904, - 62.610407276612904 + 19.062922620049715, + 14.00621715446267, + 12.99507843810656, + 12.99507843810656, + 16.16581014542363, + 15.113178566476265, + 15.11471224996984, + 15.172071557329147, + 15.515733130617203, + 14.224066463950544 ] } ], @@ -57636,12 +40028,12 @@ { "text": "baseline value = 20.0", "x": 20, - "y": 6.789350066953833 + "y": 11.14835644309163 }, { - "text": "baseline pred = 13.94", - "x": 28, - "y": 13.939689030899984 + "text": "baseline pred = 15.11", + "x": 28.555555555555557, + "y": 15.107372552026826 } ], "plot_bgcolor": "#fff", @@ -57656,8 +40048,8 @@ "x0": 20, "x1": 20, "xref": "x", - "y0": 6.789350066953833, - "y1": 92.29318069439445, + "y0": 11.14835644309163, + "y1": 94.55005714740713, "yref": "y" }, { @@ -57667,11 +40059,11 @@ "width": 4 }, "type": "line", - "x0": 0.42, - "x1": 63, + "x0": 0.83, + "x1": 62, "xref": "x", - "y0": 13.939689030899984, - "y1": 13.939689030899984, + "y0": 15.107372552026826, + "y1": 15.107372552026826, "yref": "y" } ], @@ -57701,9 +40093,9 @@ } }, "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_confusion_matrix(cutoff=0.5, normalized=False, binary=True)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### For multiclass classifiers, `binary=False` would display e.g. a 3x3 confusion matrix\n", - "- in this case it's a binary classifier, so binary=False makes no difference" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### precision plot\n", - "- if the classifier works well the predicted probability should be the same as the observed probability per bin, so we would expect a nice straight line from 0 to 1" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### based on bin size:" - ] - }, - { - "cell_type": "code", - "execution_count": 38, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:42:24.079143Z", - "start_time": "2020-10-12T08:42:24.012199Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ { - "name": "counts", - "type": "bar", - "width": [ - 0.09000000000000001, - 0.09000000000000001, - 0.09000000000000004, - 0.08999999999999998, - 0.08999999999999998, - 0.0900000000000001, - 0.08999999999999998, - 0.08999999999999998, - 0.08999999999999998, - 0.08999999999999998 - ], + "line": { + "color": "blue", + "width": 4 + }, + "mode": "lines+markers", + "name": "prediction for index 0
for different values of
Age", + "type": "scatter", "x": [ - 0.05, - 0.15000000000000002, - 0.25, - 0.35000000000000003, - 0.45, - 0.55, - 0.6500000000000001, - 0.75, - 0.8500000000000001, - 0.95 - ], - "y": [ + -999, + 0.9444897959183679, 4, - 93, - 11, - 13, - 16, - 19, - 10, 9, + 14, + 16, + 17, 18, - 7 + 19, + 19.224489795918373, + 20, + 21, + 21.40816326530613, + 22, + 23, + 24, + 25.65306122448979, + 26.714285714285737, + 27, + 28, + 28.94897959183674, + 29, + 31, + 32, + 33, + 35, + 36, + 36.19387755102042, + 38.448979591836746, + 40, + 42, + 44.63265306122449, + 46, + 48, + 50.81632653061226, + 51.87755102040816, + 60.663265306122526, + 63 + ], + "y": [ + 14.39, + 14.99, + 14.99, + 14.99, + 14.93, + 14.93, + 15.11, + 15.11, + 15.11, + 15.11, + 15.11, + 15.11, + 15.11, + 15.11, + 15.11, + 15.11, + 15.4, + 15.4, + 15.4, + 15.4, + 15.4, + 15.4, + 15.74, + 15.74, + 14.01, + 13.54, + 13.54, + 13.54, + 13.54, + 13.37, + 13.37, + 13.94, + 13.61, + 13.61, + 13.61, + 12.61, + 12.61, + 12.61 ] }, { - "name": "percentage Survived", + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 0.088, - 0.148, - 0.238, - 0.35, - 0.455, - 0.543, - 0.641, - 0.758, - 0.845, - 0.92 + -999, + 0.9444897959183679, + 4, + 9, + 14, + 16, + 17, + 18, + 19, + 19.224489795918373, + 20, + 21, + 21.40816326530613, + 22, + 23, + 24, + 25.65306122448979, + 26.714285714285737, + 27, + 28, + 28.94897959183674, + 29, + 31, + 32, + 33, + 35, + 36, + 36.19387755102042, + 38.448979591836746, + 40, + 42, + 44.63265306122449, + 46, + 48, + 50.81632653061226, + 51.87755102040816, + 60.663265306122526, + 63 ], "y": [ - 0, - 0.097, - 0.182, - 0.538, - 0.25, - 0.579, - 0.6, - 1, - 1, - 1 - ], - "yaxis": "y2" - } - ], - "layout": { - "legend": { - "orientation": "h", - "x": 0.5, - "xanchor": "center", - "y": -0.2 - }, - "plot_bgcolor": "#fff", - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } - }, - "title": { - "text": "percentage Survived vs predicted probability" - }, - "xaxis": { - "title": { - "text": "predicted probability" - } - }, - "yaxis": { - "title": { - "text": "counts" - } + 65.11961207533643, + 71.16967629603228, + 69.47736860372457, + 68.64717992447929, + 62.940373641756764, + 62.24227840366153, + 60.72923492540067, + 60.72923492540067, + 60.72923492540067, + 60.72923492540067, + 60.72923492540067, + 61.89996663271774, + 61.89996663271774, + 61.89996663271774, + 61.89996663271774, + 61.89996663271774, + 59.11106925558506, + 59.11106925558506, + 59.11106925558506, + 59.11106925558506, + 58.733291477807285, + 58.733291477807285, + 58.733291477807285, + 58.733291477807285, + 58.385488590013054, + 58.385488590013054, + 58.385488590013054, + 58.385488590013054, + 54.030002938503905, + 52.435338566731104, + 52.435338566731104, + 51.14962428101681, + 49.14962428101682, + 49.14962428101682, + 49.14962428101682, + 47.75999465138719, + 47.14143795035626, + 47.14143795035626 + ] }, - "yaxis2": { - "overlaying": "y", - "rangemode": "tozero", - "side": "right", - "tickfont": { - "color": "rgb(148, 103, 189)" - }, - "title": { - "font": { - "color": "rgb(148, 103, 189)" - }, - "text": "percentage" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_precision(bin_size=0.1)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### based on quantiles, showing all classes, adding in a cutoff value" - ] - }, - { - "cell_type": "code", - "execution_count": 39, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:42:25.748778Z", - "start_time": "2020-10-12T08:42:25.702573Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ { - "name": "counts", - "type": "bar", - "width": [ - 0.12135436666691939, - 0.005, - 0.005, - 0.005, - 0.040800312384694455, - 0.16279200889940204, - 0.12078023791035188, - 0.10622694569239756, - 0.1784391592268556, - 0.10951138831852804 - ], - "x": [ - 0.06567718333345969, - 0.1365073539053993, - 0.14517940105670968, - 0.15419931079073046, - 0.185100316804268, - 0.29689647744631625, - 0.4486826008511932, - 0.572186192652568, - 0.7245192451121945, - 0.8784945188848863 + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + -999, + 0.9444897959183679, + 4, + 9, + 14, + 16, + 17, + 18, + 19, + 19.224489795918373, + 20, + 21, + 21.40816326530613, + 22, + 23, + 24, + 25.65306122448979, + 26.714285714285737, + 27, + 28, + 28.94897959183674, + 29, + 31, + 32, + 33, + 35, + 36, + 36.19387755102042, + 38.448979591836746, + 40, + 42, + 44.63265306122449, + 46, + 48, + 50.81632653061226, + 51.87755102040816, + 60.663265306122526, + 63 ], "y": [ - 20, - 20, - 20, - 20, - 20, - 20, - 20, - 20, - 20, - 20 + 56.09898982948185, + 56.64905405017766, + 56.64905405017766, + 56.64905405017766, + 56.461739610231646, + 55.7636443721364, + 55.7636443721364, + 55.7636443721364, + 55.7636443721364, + 55.7636443721364, + 55.7636443721364, + 55.7636443721364, + 55.7636443721364, + 55.7636443721364, + 55.7636443721364, + 55.7636443721364, + 55.7636443721364, + 55.7636443721364, + 55.7636443721364, + 55.7636443721364, + 55.385866594358625, + 55.385866594358625, + 55.385866594358625, + 55.385866594358625, + 55.08846399695603, + 55.08846399695603, + 55.08846399695603, + 55.08846399695603, + 48.717364735628806, + 47.122700363856005, + 47.122700363856005, + 45.83698607814172, + 45.83698607814172, + 45.83698607814172, + 44.7397638559195, + 42.9797638559195, + 41.29737736765453, + 41.29737736765453 ] }, { + "hoverinfo": "skip", "line": { - "width": 4 + "color": "grey" }, - "name": "Survived(positive class)", + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 0.117, - 0.138, - 0.145, - 0.155, - 0.182, - 0.308, - 0.459, - 0.565, - 0.74, - 0.879 + -999, + 0.9444897959183679, + 4, + 9, + 14, + 16, + 17, + 18, + 19, + 19.224489795918373, + 20, + 21, + 21.40816326530613, + 22, + 23, + 24, + 25.65306122448979, + 26.714285714285737, + 27, + 28, + 28.94897959183674, + 29, + 31, + 32, + 33, + 35, + 36, + 36.19387755102042, + 38.448979591836746, + 40, + 42, + 44.63265306122449, + 46, + 48, + 50.81632653061226, + 51.87755102040816, + 60.663265306122526, + 63 ], "y": [ - 0.1, - 0.1, - 0, - 0.05, - 0.3, - 0.3, - 0.3, - 0.65, - 0.85, - 1 - ], - "yaxis": "y2" + 14.218691385815163, + 14.81827794725553, + 14.81827794725553, + 14.81827794725553, + 14.755253005682778, + 14.755253005682778, + 14.932512324535017, + 14.932512324535017, + 14.932512324535017, + 14.932512324535017, + 14.932512324535017, + 14.932512324535017, + 14.932512324535017, + 14.932512324535017, + 14.932512324535017, + 14.932512324535017, + 15.22851534112627, + 15.22851534112627, + 15.22851534112627, + 15.22851534112627, + 15.22851534112627, + 15.22851534112627, + 15.561127173738102, + 15.561127173738102, + 13.755692102433596, + 12.893302165326679, + 12.893302165326679, + 12.893302165326679, + 12.893302165326679, + 12.723753000927143, + 12.723753000927143, + 12.723753000927143, + 12.39782707500122, + 12.39782707500122, + 12.39782707500122, + 12.134090811264954, + 12.134090811264954, + 12.134090811264954 + ] }, { + "hoverinfo": "skip", "line": { - "width": 2 + "color": "grey" }, - "name": "Not survived", + "mode": "lines", + "opacity": 0.1, + "showlegend": false, "type": "scatter", "x": [ - 0.117, - 0.138, - 0.145, - 0.155, - 0.182, - 0.308, - 0.459, - 0.565, - 0.74, - 0.879 + -999, + 0.9444897959183679, + 4, + 9, + 14, + 16, + 17, + 18, + 19, + 19.224489795918373, + 20, + 21, + 21.40816326530613, + 22, + 23, + 24, + 25.65306122448979, + 26.714285714285737, + 27, + 28, + 28.94897959183674, + 29, + 31, + 32, + 33, + 35, + 36, + 36.19387755102042, + 38.448979591836746, + 40, + 42, + 44.63265306122449, + 46, + 48, + 50.81632653061226, + 51.87755102040816, + 60.663265306122526, + 63 ], "y": [ - 0.9, - 0.9, - 1, - 0.95, - 0.7, - 0.7, - 0.7, - 0.35, - 0.15, - 0 - ], - "yaxis": "y2" - } - ], - "layout": { - "annotations": [ + 14.528632906283, + 15.128219467723367, + 15.128219467723367, + 15.128219467723367, + 15.065194526150616, + 15.065194526150616, + 15.242453845002851, + 15.242453845002851, + 15.242453845002851, + 15.242453845002851, + 15.242453845002851, + 15.242453845002851, + 15.242453845002851, + 15.242453845002851, + 15.242453845002851, + 15.242453845002851, + 15.538456861594103, + 15.538456861594103, + 15.538456861594103, + 15.538456861594103, + 15.538456861594103, + 15.538456861594103, + 15.871068694205933, + 15.871068694205933, + 14.065633622901434, + 13.203243685794517, + 13.203243685794517, + 13.203243685794517, + 13.203243685794517, + 13.033694521394981, + 13.033694521394981, + 13.033694521394981, + 12.707768595469055, + 12.707768595469055, + 12.707768595469055, + 12.444032331732792, + 12.444032331732792, + 12.444032331732792 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + -999, + 0.9444897959183679, + 4, + 9, + 14, + 16, + 17, + 18, + 19, + 19.224489795918373, + 20, + 21, + 21.40816326530613, + 22, + 23, + 24, + 25.65306122448979, + 26.714285714285737, + 27, + 28, + 28.94897959183674, + 29, + 31, + 32, + 33, + 35, + 36, + 36.19387755102042, + 38.448979591836746, + 40, + 42, + 44.63265306122449, + 46, + 48, + 50.81632653061226, + 51.87755102040816, + 60.663265306122526, + 63 + ], + "y": [ + 70.8891445236826, + 72.6700192416961, + 72.6700192416961, + 72.14752287014313, + 71.49695468832495, + 70.53682986169527, + 70.74859456757761, + 70.74859456757761, + 70.74859456757761, + 70.74859456757761, + 70.22455275573093, + 71.395284463048, + 71.395284463048, + 72.07324329666721, + 72.07324329666721, + 72.07324329666721, + 69.76919440438303, + 69.76919440438303, + 69.76919440438303, + 69.76919440438303, + 69.76919440438303, + 69.76919440438303, + 70.10180623699486, + 70.10180623699486, + 69.02013861849115, + 69.02013861849115, + 69.02013861849115, + 69.02013861849115, + 67.68396396777351, + 67.68396396777351, + 67.63452576552632, + 66.57570223611455, + 66.57570223611455, + 66.57570223611455, + 68.48734065419364, + 67.097711024564, + 60.59944807158407, + 60.59944807158407 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + -999, + 0.9444897959183679, + 4, + 9, + 14, + 16, + 17, + 18, + 19, + 19.224489795918373, + 20, + 21, + 21.40816326530613, + 22, + 23, + 24, + 25.65306122448979, + 26.714285714285737, + 27, + 28, + 28.94897959183674, + 29, + 31, + 32, + 33, + 35, + 36, + 36.19387755102042, + 38.448979591836746, + 40, + 42, + 44.63265306122449, + 46, + 48, + 50.81632653061226, + 51.87755102040816, + 60.663265306122526, + 63 + ], + "y": [ + 37.96236113317036, + 39.04725077663385, + 39.04725077663385, + 39.04725077663385, + 40.504393633776715, + 40.34205597143905, + 40.34205597143905, + 40.34205597143905, + 40.34205597143905, + 40.34205597143905, + 40.34205597143905, + 40.34205597143905, + 40.34205597143905, + 40.34205597143905, + 39.74205597143905, + 39.74205597143905, + 41.54205597143905, + 41.54205597143905, + 41.54205597143905, + 43.54205597143905, + 42.84427819366127, + 42.84427819366127, + 42.84427819366127, + 42.84427819366127, + 42.15073733763014, + 42.15073733763014, + 42.15073733763014, + 42.15073733763014, + 34.830143126808, + 32.235478755035196, + 32.235478755035196, + 30.94976446932091, + 30.94976446932091, + 30.94976446932091, + 29.85254224709869, + 29.41617861073505, + 28.35234882350101, + 28.35234882350101 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + -999, + 0.9444897959183679, + 4, + 9, + 14, + 16, + 17, + 18, + 19, + 19.224489795918373, + 20, + 21, + 21.40816326530613, + 22, + 23, + 24, + 25.65306122448979, + 26.714285714285737, + 27, + 28, + 28.94897959183674, + 29, + 31, + 32, + 33, + 35, + 36, + 36.19387755102042, + 38.448979591836746, + 40, + 42, + 44.63265306122449, + 46, + 48, + 50.81632653061226, + 51.87755102040816, + 60.663265306122526, + 63 + ], + "y": [ + 17.27392638264831, + 17.323448723392858, + 17.323448723392858, + 17.323448723392858, + 19.7126197625639, + 19.7126197625639, + 19.421161132698188, + 19.421161132698188, + 20.158003237961346, + 20.158003237961346, + 20.158003237961346, + 20.158003237961346, + 19.4119714919296, + 19.4119714919296, + 17.891971491929596, + 17.891971491929596, + 18.187974508520846, + 18.187974508520846, + 18.187974508520846, + 18.187974508520846, + 18.187974508520846, + 18.187974508520846, + 16.832710417772883, + 16.832710417772883, + 14.480295142206623, + 13.653628475539959, + 13.653628475539959, + 13.653628475539959, + 13.653628475539959, + 13.558964103767151, + 13.558964103767151, + 13.558964103767151, + 13.233038177841227, + 13.233038177841227, + 13.233038177841227, + 12.96930191410496, + 12.96930191410496, + 12.96930191410496 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + -999, + 0.9444897959183679, + 4, + 9, + 14, + 16, + 17, + 18, + 19, + 19.224489795918373, + 20, + 21, + 21.40816326530613, + 22, + 23, + 24, + 25.65306122448979, + 26.714285714285737, + 27, + 28, + 28.94897959183674, + 29, + 31, + 32, + 33, + 35, + 36, + 36.19387755102042, + 38.448979591836746, + 40, + 42, + 44.63265306122449, + 46, + 48, + 50.81632653061226, + 51.87755102040816, + 60.663265306122526, + 63 + ], + "y": [ + 83.9162777996962, + 84.46634202039202, + 86.06634202039203, + 86.37403432808432, + 86.37403432808432, + 86.37403432808432, + 86.37403432808432, + 86.37403432808432, + 86.37403432808432, + 86.37403432808432, + 86.37403432808432, + 87.54476603540141, + 87.54476603540141, + 87.54476603540141, + 87.54476603540141, + 87.3447660354014, + 85.31723229463236, + 85.31723229463236, + 85.31723229463236, + 85.31723229463236, + 84.65056562796569, + 84.65056562796569, + 84.80441178181185, + 84.80441178181185, + 84.80441178181185, + 84.80441178181185, + 84.80441178181185, + 84.80441178181185, + 84.30990628730636, + 84.30990628730636, + 84.86046808505917, + 84.86046808505917, + 82.86046808505917, + 82.86046808505917, + 82.86046808505917, + 83.10046808505918, + 78.60220513207923, + 78.60220513207923 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + -999, + 0.9444897959183679, + 4, + 9, + 14, + 16, + 17, + 18, + 19, + 19.224489795918373, + 20, + 21, + 21.40816326530613, + 22, + 23, + 24, + 25.65306122448979, + 26.714285714285737, + 27, + 28, + 28.94897959183674, + 29, + 31, + 32, + 33, + 35, + 36, + 36.19387755102042, + 38.448979591836746, + 40, + 42, + 44.63265306122449, + 46, + 48, + 50.81632653061226, + 51.87755102040816, + 60.663265306122526, + 63 + ], + "y": [ + 16.21495548323115, + 16.81454204467152, + 16.81454204467152, + 16.81454204467152, + 15.873676194007857, + 15.00878946261627, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 15.18604878146851, + 15.518660614080343, + 15.518660614080343, + 14.868433717051804, + 14.700338478956567, + 14.700338478956567, + 14.700338478956567, + 14.700338478956567, + 14.530789314557035, + 14.530789314557035, + 15.092192823328968, + 14.766266897403044, + 14.766266897403044, + 14.766266897403044, + 13.047687015746234, + 13.047687015746234, + 13.047687015746234 + ] + }, + { + "hoverinfo": "skip", + "line": { + "color": "grey" + }, + "mode": "lines", + "opacity": 0.1, + "showlegend": false, + "type": "scatter", + "x": [ + -999, + 0.9444897959183679, + 4, + 9, + 14, + 16, + 17, + 18, + 19, + 19.224489795918373, + 20, + 21, + 21.40816326530613, + 22, + 23, + 24, + 25.65306122448979, + 26.714285714285737, + 27, + 28, + 28.94897959183674, + 29, + 31, + 32, + 33, + 35, + 36, + 36.19387755102042, + 38.448979591836746, + 40, + 42, + 44.63265306122449, + 46, + 48, + 50.81632653061226, + 51.87755102040816, + 60.663265306122526, + 63 + ], + "y": [ + 14.39355161330697, + 14.993138174747333, + 14.993138174747333, + 14.993138174747333, + 14.930113233174586, + 14.930113233174586, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.107372552026826, + 15.403375568618078, + 15.403375568618078, + 15.403375568618078, + 15.403375568618078, + 15.403375568618078, + 15.403375568618078, + 15.73598740122991, + 15.73598740122991, + 15.930552329925401, + 15.461019535675625, + 15.461019535675625, + 15.461019535675625, + 15.461019535675625, + 15.291470371276095, + 15.291470371276095, + 15.852873880048026, + 15.5269479541221, + 15.5269479541221, + 15.5269479541221, + 14.526947954122098, + 14.526947954122098, + 14.526947954122098 + ] + } + ], + "layout": { + "annotations": [ { - "text": "cutoff=0.75", - "x": 0.75, - "y": 0.1, - "yref": "y2" + "text": "baseline value = 20.0", + "x": 20, + "y": 12.134090811264954 + }, + { + "text": "baseline pred = 15.11", + "x": 28, + "y": 15.107372552026826 } ], - "legend": { - "orientation": "h", - "x": 0.5, - "xanchor": "center", - "y": -0.2 - }, "plot_bgcolor": "#fff", "shapes": [ { + "line": { + "color": "MediumPurple", + "dash": "dot", + "width": 4 + }, + "type": "line", + "x0": 20, + "x1": 20, + "xref": "x", + "y0": 12.134090811264954, + "y1": 87.54476603540141, + "yref": "y" + }, + { + "line": { + "color": "MediumPurple", + "dash": "dot", + "width": 4 + }, "type": "line", - "x0": 0.75, - "x1": 0.75, + "x0": -999, + "x1": 63, "xref": "x", - "y0": 0, - "y1": 1, - "yref": "y2" + "y0": 15.107372552026826, + "y1": 15.107372552026826, + "yref": "y" } ], + "showlegend": false, "template": { "data": { "scatter": [ @@ -58401,38 +41292,24 @@ } }, "title": { - "text": "percentage Survived vs predicted probability" + "text": "pdp plot for Age" }, "xaxis": { "title": { - "text": "predicted probability" + "text": "Age" } }, "yaxis": { "title": { - "text": "counts" - } - }, - "yaxis2": { - "overlaying": "y", - "rangemode": "tozero", - "side": "right", - "tickfont": { - "color": "rgb(148, 103, 189)" - }, - "title": { - "font": { - "color": "rgb(148, 103, 189)" - }, - "text": "percentage" + "text": "Predicted Survival (Predicted %)" } } } }, "text/html": [ - "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_confusion_matrix(cutoff=0.5, normalized=False, binary=True)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### For multiclass classifiers, `binary=False` would display e.g. a 3x3 confusion matrix\n", + "- in this case it's a binary classifier, so binary=False makes no difference" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### precision plot\n", + "- if the classifier works well the predicted probability should be the same as the observed probability per bin, so we would expect a nice straight line from 0 to 1" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### based on bin size:" + ] + }, + { + "cell_type": "code", + "execution_count": 39, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T16:00:42.801236Z", + "start_time": "2021-01-20T16:00:42.689224Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "name": "counts", + "type": "bar", + "width": [ + 0.09000000000000001, + 0.09000000000000001, + 0.09000000000000004, + 0.08999999999999998, + 0.08999999999999998, + 0.0900000000000001, + 0.08999999999999998, + 0.08999999999999998, + 0.08999999999999998, + 0.08999999999999998 + ], + "x": [ + 0.05, + 0.15000000000000002, + 0.25, + 0.35000000000000003, + 0.45, + 0.55, + 0.6500000000000001, + 0.75, + 0.8500000000000001, + 0.95 + ], + "y": [ + 0, + 89, + 20, + 12, + 15, + 19, + 15, + 7, + 16, + 7 + ] + }, + { + "name": "percentage Survived", + "type": "scatter", + "x": [ + null, + 0.156, + 0.238, + 0.334, + 0.451, + 0.529, + 0.666, + 0.715, + 0.852, + 0.933 + ], + "y": [ + null, + 0.056, + 0.3, + 0.583, + 0.267, + 0.526, + 0.733, + 1, + 1, + 1 + ], + "yaxis": "y2" + } + ], + "layout": { + "legend": { + "orientation": "h", + "x": 0.5, + "xanchor": "center", + "y": -0.2 + }, + "plot_bgcolor": "#fff", + "template": { + "data": { + "scatter": [ + { + "type": "scatter" + } + ] + } + }, + "title": { + "text": "percentage Survived vs predicted probability" + }, + "xaxis": { + "title": { + "text": "predicted probability" + } + }, + "yaxis": { + "title": { + "text": "counts" + } + }, + "yaxis2": { + "overlaying": "y", + "rangemode": "tozero", + "side": "right", + "tickfont": { + "color": "rgb(148, 103, 189)" + }, + "title": { + "font": { + "color": "rgb(148, 103, 189)" + }, + "text": "percentage" + } + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_precision(bin_size=0.1)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### based on quantiles, showing all classes, adding in a cutoff value" + ] + }, + { + "cell_type": "code", + "execution_count": 40, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T16:00:45.541995Z", + "start_time": "2021-01-20T16:00:45.491124Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "name": "counts", + "type": "bar", + "width": [ + 0.1339355161330697, + 0.005, + 0.005, + 0.008076717361785982, + 0.046292478168563446, + 0.13735719097460397, + 0.11362536471370656, + 0.1335868498347581, + 0.15921147572021288, + 0.1452996703905688 + ], + "x": [ + 0.07196775806653485, + 0.1481800272915491, + 0.15627042924391815, + 0.16915467871870077, + 0.2063392764838755, + 0.3081641110554592, + 0.4436553888996145, + 0.5772614961738468, + 0.7336606589513324, + 0.8959162320067231 + ], + "y": [ + 20, + 20, + 20, + 20, + 20, + 20, + 20, + 20, + 20, + 20 + ] + }, + { + "line": { + "width": 4 + }, + "name": "Survived(positive class)", + "type": "scatter", + "x": [ + 0.135, + 0.149, + 0.156, + 0.17, + 0.204, + 0.3, + 0.459, + 0.562, + 0.712, + 0.887 + ], + "y": [ + 0.05, + 0.05, + 0.1, + 0, + 0.15, + 0.5, + 0.45, + 0.45, + 0.9, + 1 + ], + "yaxis": "y2" + }, + { + "line": { + "width": 2 + }, + "name": "Not survived", + "type": "scatter", + "x": [ + 0.135, + 0.149, + 0.156, + 0.17, + 0.204, + 0.3, + 0.459, + 0.562, + 0.712, + 0.887 + ], + "y": [ + 0.95, + 0.95, + 0.9, + 1, + 0.85, + 0.5, + 0.55, + 0.55, + 0.1, + 0 + ], + "yaxis": "y2" + } + ], + "layout": { + "annotations": [ + { + "text": "cutoff=0.75", + "x": 0.75, + "y": 0.1, + "yref": "y2" + } + ], + "legend": { + "orientation": "h", + "x": 0.5, + "xanchor": "center", + "y": -0.2 + }, + "plot_bgcolor": "#fff", + "shapes": [ + { + "type": "line", + "x0": 0.75, + "x1": 0.75, + "xref": "x", + "y0": 0, + "y1": 1, + "yref": "y2" + } + ], + "template": { + "data": { + "scatter": [ + { + "type": "scatter" + } + ] + } + }, + "title": { + "text": "percentage Survived vs predicted probability" + }, + "xaxis": { + "title": { + "text": "predicted probability" + } + }, + "yaxis": { + "title": { + "text": "counts" + } + }, + "yaxis2": { + "overlaying": "y", + "rangemode": "tozero", + "side": "right", + "tickfont": { + "color": "rgb(148, 103, 189)" + }, + "title": { + "font": { + "color": "rgb(148, 103, 189)" + }, + "text": "percentage" + } + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_precision(quantiles=10, cutoff=0.75, multiclass=True)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Cumulative precision" + ] + }, + { + "cell_type": "code", + "execution_count": 41, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T16:00:47.838566Z", + "start_time": "2021-01-20T16:00:47.798482Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ { - "fill": "tozeroy", "hoverinfo": "text", - "name": "Survived(positive label)", + "showlegend": false, "text": [ - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=100.0%", - "percentage Survived=97.14%", - "percentage Survived=94.44%", - "percentage Survived=94.59%", - "percentage Survived=92.11%", - "percentage Survived=92.31%", - "percentage Survived=92.5%", - "percentage Survived=92.68%", - "percentage Survived=92.86%", - "percentage Survived=93.02%", - "percentage Survived=90.91%", - "percentage Survived=88.89%", - "percentage Survived=89.13%", - "percentage Survived=87.23%", - "percentage Survived=87.5%", - "percentage Survived=87.76%", - "percentage Survived=88.0%", - "percentage Survived=86.27%", - "percentage Survived=84.62%", - "percentage Survived=84.91%", - "percentage Survived=85.19%", - "percentage Survived=85.45%", - "percentage Survived=83.93%", - "percentage Survived=84.21%", - "percentage Survived=82.76%", - "percentage Survived=83.05%", - "percentage Survived=83.33%", - "percentage Survived=81.97%", - "percentage Survived=80.65%", - "percentage Survived=80.95%", - "percentage Survived=79.69%", - "percentage Survived=78.46%", - "percentage Survived=78.79%", - "percentage Survived=79.1%", - "percentage Survived=77.94%", - "percentage Survived=76.81%", - "percentage Survived=75.71%", - "percentage Survived=74.65%", - "percentage Survived=73.61%", - "percentage Survived=73.97%", - "percentage Survived=72.97%", - "percentage Survived=72.0%", - "percentage Survived=71.05%", - "percentage Survived=71.43%", - "percentage Survived=70.51%", - "percentage Survived=69.62%", - "percentage Survived=70.0%", - "percentage Survived=70.37%", - "percentage Survived=70.73%", - "percentage Survived=69.88%", - "percentage Survived=69.05%", - "percentage Survived=68.24%", - "percentage Survived=68.6%", - "percentage Survived=68.97%", - "percentage Survived=69.32%", - "percentage Survived=68.54%", - "percentage Survived=67.78%", - "percentage Survived=67.03%", - "percentage Survived=67.39%", - "percentage Survived=66.67%", - "percentage Survived=65.96%", - "percentage Survived=65.26%", - "percentage Survived=64.58%", - "percentage Survived=63.92%", - "percentage Survived=63.27%", - "percentage Survived=62.63%", - "percentage Survived=62.0%", - "percentage Survived=61.39%", - "percentage Survived=61.76%", - "percentage Survived=62.14%", - "percentage Survived=62.5%", - "percentage Survived=61.9%", - "percentage Survived=61.32%", - "percentage Survived=60.75%", - "percentage Survived=60.19%", - "percentage Survived=59.63%", - "percentage Survived=59.09%", - "percentage Survived=59.46%", - "percentage Survived=59.82%", - "percentage Survived=59.29%", - "percentage Survived=58.77%", - "percentage Survived=58.26%", - "percentage Survived=57.76%", - "percentage Survived=58.12%", - "percentage Survived=57.63%", - "percentage Survived=57.14%", - "percentage Survived=56.67%", - "percentage Survived=56.2%", - "percentage Survived=55.74%", - "percentage Survived=55.28%", - "percentage Survived=54.84%", - "percentage Survived=55.2%", - "percentage Survived=54.76%", - "percentage Survived=54.33%", - "percentage Survived=53.91%", - "percentage Survived=53.49%", - "percentage Survived=53.08%", - "percentage Survived=52.67%", - "percentage Survived=52.27%", - "percentage Survived=51.88%", - "percentage Survived=51.49%", - "percentage Survived=51.11%", - "percentage Survived=50.74%", - "percentage Survived=50.36%", - "percentage Survived=50.0%", - "percentage Survived=49.64%", - "percentage Survived=49.29%", - "percentage Survived=48.94%", - "percentage Survived=48.59%", - "percentage Survived=48.25%", - "percentage Survived=47.92%", - "percentage Survived=47.59%", - "percentage Survived=47.26%", - "percentage Survived=46.94%", - "percentage Survived=46.62%", - "percentage Survived=46.31%", - "percentage Survived=46.0%", - "percentage Survived=45.7%", - "percentage Survived=45.39%", - "percentage Survived=45.1%", - "percentage Survived=44.81%", - "percentage Survived=44.52%", - "percentage Survived=44.23%", - "percentage Survived=43.95%", - "percentage Survived=43.67%", - "percentage Survived=43.4%", - "percentage Survived=43.12%", - "percentage Survived=42.86%", - "percentage Survived=42.59%", - "percentage Survived=42.33%", - "percentage Survived=42.68%", - "percentage Survived=42.42%", - "percentage Survived=42.17%", - "percentage Survived=41.92%", - "percentage Survived=41.67%", - "percentage Survived=41.42%", - "percentage Survived=41.18%", - "percentage Survived=40.94%", - "percentage Survived=40.7%", - "percentage Survived=40.46%", - "percentage Survived=40.23%", - "percentage Survived=40.0%", - "percentage Survived=39.77%", - "percentage Survived=39.55%", - "percentage Survived=39.33%", - "percentage Survived=39.66%", - "percentage Survived=39.44%", - "percentage Survived=39.23%", - "percentage Survived=39.01%", - "percentage Survived=38.8%", - "percentage Survived=38.59%", - "percentage Survived=38.38%", - "percentage Survived=38.71%", - "percentage Survived=38.5%", - "percentage Survived=38.3%", - "percentage Survived=38.1%", - "percentage Survived=37.89%", - "percentage Survived=38.22%", - "percentage Survived=38.02%", - "percentage Survived=37.82%", - "percentage Survived=37.63%", - "percentage Survived=37.44%", - "percentage Survived=37.24%", - "percentage Survived=37.06%", - "percentage Survived=36.87%", - "percentage Survived=36.68%", - "percentage Survived=36.5%" + "percentage sampled = top 0.50%", + "percentage sampled = top 1.00%", + "percentage sampled = top 1.50%", + "percentage sampled = top 2.00%", + "percentage sampled = top 2.50%", + "percentage sampled = top 3.00%", + "percentage sampled = top 3.50%", + "percentage sampled = top 4.00%", + "percentage sampled = top 4.50%", + "percentage sampled = top 5.00%", + "percentage sampled = top 5.50%", + "percentage sampled = top 6.00%", + "percentage sampled = top 6.50%", + "percentage sampled = top 7.00%", + "percentage sampled = top 7.50%", + "percentage sampled = top 8.00%", + "percentage sampled = top 8.50%", + "percentage sampled = top 9.00%", + "percentage sampled = top 9.50%", + "percentage sampled = top 10.00%", + "percentage sampled = top 10.50%", + "percentage sampled = top 11.00%", + "percentage sampled = top 11.50%", + "percentage sampled = top 12.00%", + "percentage sampled = top 12.50%", + "percentage sampled = top 13.00%", + "percentage sampled = top 13.50%", + "percentage sampled = top 14.00%", + "percentage sampled = top 14.50%", + "percentage sampled = top 15.00%", + "percentage sampled = top 15.50%", + "percentage sampled = top 16.00%", + "percentage sampled = top 16.50%", + "percentage sampled = top 17.00%", + "percentage sampled = top 17.50%", + "percentage sampled = top 18.00%", + "percentage sampled = top 18.50%", + "percentage sampled = top 19.00%", + "percentage sampled = top 19.50%", + "percentage sampled = top 20.00%", + "percentage sampled = top 20.50%", + "percentage sampled = top 21.00%", + "percentage sampled = top 21.50%", + "percentage sampled = top 22.00%", + "percentage sampled = top 22.50%", + "percentage sampled = top 23.00%", + "percentage sampled = top 23.50%", + "percentage sampled = top 24.00%", + "percentage sampled = top 24.50%", + "percentage sampled = top 25.00%", + "percentage sampled = top 25.50%", + "percentage sampled = top 26.00%", + "percentage sampled = top 26.50%", + "percentage sampled = top 27.00%", + "percentage sampled = top 27.50%", + "percentage sampled = top 28.00%", + "percentage sampled = top 28.50%", + "percentage sampled = top 29.00%", + "percentage sampled = top 29.50%", + "percentage sampled = top 30.00%", + "percentage sampled = top 30.50%", + "percentage sampled = top 31.00%", + "percentage sampled = top 31.50%", + "percentage sampled = top 32.00%", + "percentage sampled = top 32.50%", + "percentage sampled = top 33.00%", + "percentage sampled = top 33.50%", + "percentage sampled = top 34.00%", + "percentage sampled = top 34.50%", + "percentage sampled = top 35.00%", + "percentage sampled = top 35.50%", + "percentage sampled = top 36.00%", + "percentage sampled = top 36.50%", + "percentage sampled = top 37.00%", + "percentage sampled = top 37.50%", + "percentage sampled = top 38.00%", + "percentage sampled = top 38.50%", + "percentage sampled = top 39.00%", + "percentage sampled = top 39.50%", + "percentage sampled = top 40.00%", + "percentage sampled = top 40.50%", + "percentage sampled = top 41.00%", + "percentage sampled = top 41.50%", + "percentage sampled = top 42.00%", + "percentage sampled = top 42.50%", + "percentage sampled = top 43.00%", + "percentage sampled = top 43.50%", + "percentage sampled = top 44.00%", + "percentage sampled = top 44.50%", + "percentage sampled = top 45.00%", + "percentage sampled = top 45.50%", + "percentage sampled = top 46.00%", + "percentage sampled = top 46.50%", + "percentage sampled = top 47.00%", + "percentage sampled = top 47.50%", + "percentage sampled = top 48.00%", + "percentage sampled = top 48.50%", + "percentage sampled = top 49.00%", + "percentage sampled = top 49.50%", + "percentage sampled = top 50.00%", + "percentage sampled = top 50.50%", + "percentage sampled = top 51.00%", + "percentage sampled = top 51.50%", + "percentage sampled = top 52.00%", + "percentage sampled = top 52.50%", + "percentage sampled = top 53.00%", + "percentage sampled = top 53.50%", + "percentage sampled = top 54.00%", + "percentage sampled = top 54.50%", + "percentage sampled = top 55.00%", + "percentage sampled = top 55.50%", + "percentage sampled = top 56.00%", + "percentage sampled = top 56.50%", + "percentage sampled = top 57.00%", + "percentage sampled = top 57.50%", + "percentage sampled = top 58.00%", + "percentage sampled = top 58.50%", + "percentage sampled = top 59.00%", + "percentage sampled = top 59.50%", + "percentage sampled = top 60.00%", + "percentage sampled = top 60.50%", + "percentage sampled = top 61.00%", + "percentage sampled = top 61.50%", + "percentage sampled = top 62.00%", + "percentage sampled = top 62.50%", + "percentage sampled = top 63.00%", + "percentage sampled = top 63.50%", + "percentage sampled = top 64.00%", + "percentage sampled = top 64.50%", + "percentage sampled = top 65.00%", + "percentage sampled = top 65.50%", + "percentage sampled = top 66.00%", + "percentage sampled = top 66.50%", + "percentage sampled = top 67.00%", + "percentage sampled = top 67.50%", + "percentage sampled = top 68.00%", + "percentage sampled = top 68.50%", + "percentage sampled = top 69.00%", + "percentage sampled = top 69.50%", + "percentage sampled = top 70.00%", + "percentage sampled = top 70.50%", + "percentage sampled = top 71.00%", + "percentage sampled = top 71.50%", + "percentage sampled = top 72.00%", + "percentage sampled = top 72.50%", + "percentage sampled = top 73.00%", + "percentage sampled = top 73.50%", + "percentage sampled = top 74.00%", + "percentage sampled = top 74.50%", + "percentage sampled = top 75.00%", + "percentage sampled = top 75.50%", + "percentage sampled = top 76.00%", + "percentage sampled = top 76.50%", + "percentage sampled = top 77.00%", + "percentage sampled = top 77.50%", + "percentage sampled = top 78.00%", + "percentage sampled = top 78.50%", + "percentage sampled = top 79.00%", + "percentage sampled = top 79.50%", + "percentage sampled = top 80.00%", + "percentage sampled = top 80.50%", + "percentage sampled = top 81.00%", + "percentage sampled = top 81.50%", + "percentage sampled = top 82.00%", + "percentage sampled = top 82.50%", + "percentage sampled = top 83.00%", + "percentage sampled = top 83.50%", + "percentage sampled = top 84.00%", + "percentage sampled = top 84.50%", + "percentage sampled = top 85.00%", + "percentage sampled = top 85.50%", + "percentage sampled = top 86.00%", + "percentage sampled = top 86.50%", + "percentage sampled = top 87.00%", + "percentage sampled = top 87.50%", + "percentage sampled = top 88.00%", + "percentage sampled = top 88.50%", + "percentage sampled = top 89.00%", + "percentage sampled = top 89.50%", + "percentage sampled = top 90.00%", + "percentage sampled = top 90.50%", + "percentage sampled = top 91.00%", + "percentage sampled = top 91.50%", + "percentage sampled = top 92.00%", + "percentage sampled = top 92.50%", + "percentage sampled = top 93.00%", + "percentage sampled = top 93.50%", + "percentage sampled = top 94.00%", + "percentage sampled = top 94.50%", + "percentage sampled = top 95.00%", + "percentage sampled = top 95.50%", + "percentage sampled = top 96.00%", + "percentage sampled = top 96.50%", + "percentage sampled = top 97.00%", + "percentage sampled = top 97.50%", + "percentage sampled = top 98.00%", + "percentage sampled = top 98.50%", + "percentage sampled = top 99.00%", + "percentage sampled = top 99.50%", + "percentage sampled = top 100.00%" ], "type": "scatter", "x": [ @@ -59510,413 +42532,413 @@ 100 ], "y": [ - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 97.14285714285714, - 94.44444444444444, - 94.5945945945946, - 92.10526315789474, - 92.3076923076923, - 92.5, - 92.6829268292683, - 92.85714285714286, - 93.02325581395348, - 90.9090909090909, - 88.88888888888889, - 89.1304347826087, - 87.23404255319149, - 87.5, - 87.75510204081633, - 88, - 86.27450980392157, - 84.61538461538461, - 84.90566037735849, - 85.18518518518519, - 85.45454545454545, - 83.92857142857143, - 84.21052631578948, - 82.75862068965517, - 83.05084745762711, - 83.33333333333333, - 81.9672131147541, - 80.64516129032258, - 80.95238095238095, - 79.6875, - 78.46153846153847, - 78.78787878787878, - 79.1044776119403, - 77.94117647058823, - 76.81159420289855, - 75.71428571428571, - 74.64788732394366, - 73.61111111111111, - 73.97260273972603, - 72.97297297297297, - 72, - 71.05263157894737, - 71.42857142857143, - 70.51282051282051, - 69.62025316455696, - 70, - 70.37037037037037, - 70.73170731707317, - 69.87951807228916, - 69.04761904761905, - 68.23529411764706, - 68.6046511627907, - 68.96551724137932, - 69.31818181818181, - 68.53932584269663, - 67.77777777777777, - 67.03296703296704, - 67.3913043478261, - 66.66666666666667, - 65.95744680851064, - 65.26315789473684, - 64.58333333333333, - 63.91752577319588, - 63.265306122448976, - 62.62626262626262, - 62, - 61.386138613861384, - 61.76470588235294, - 62.13592233009709, - 62.5, - 61.904761904761905, - 61.320754716981135, - 60.74766355140187, - 60.18518518518518, - 59.63302752293578, - 59.09090909090909, - 59.45945945945946, - 59.82142857142857, - 59.29203539823009, - 58.771929824561404, - 58.26086956521739, - 57.758620689655174, - 58.11965811965812, - 57.6271186440678, - 57.142857142857146, - 56.666666666666664, - 56.19834710743802, - 55.73770491803279, - 55.28455284552845, - 54.83870967741935, - 55.2, - 54.76190476190476, - 54.330708661417326, - 53.90625, - 53.48837209302326, - 53.07692307692308, - 52.67175572519084, - 52.27272727272727, - 51.8796992481203, - 51.492537313432834, - 51.111111111111114, - 50.73529411764706, - 50.36496350364963, - 50, - 49.64028776978417, - 49.285714285714285, - 48.93617021276596, - 48.59154929577465, - 48.25174825174825, - 47.916666666666664, - 47.58620689655172, - 47.26027397260274, - 46.93877551020408, - 46.62162162162162, - 46.308724832214764, - 46, - 45.6953642384106, - 45.39473684210526, - 45.09803921568628, - 44.8051948051948, - 44.516129032258064, - 44.23076923076923, - 43.94904458598726, - 43.67088607594937, - 43.39622641509434, - 43.125, - 42.857142857142854, - 42.592592592592595, - 42.331288343558285, - 42.68292682926829, - 42.42424242424242, - 42.16867469879518, - 41.91616766467066, - 41.666666666666664, - 41.42011834319526, - 41.1764705882353, - 40.93567251461988, - 40.69767441860465, - 40.46242774566474, - 40.229885057471265, - 40, - 39.77272727272727, - 39.548022598870055, - 39.325842696629216, - 39.66480446927374, - 39.44444444444444, - 39.226519337016576, - 39.010989010989015, - 38.797814207650276, - 38.58695652173913, - 38.37837837837838, - 38.70967741935484, - 38.50267379679144, - 38.297872340425535, - 38.095238095238095, - 37.89473684210526, - 38.21989528795812, - 38.020833333333336, - 37.82383419689119, - 37.628865979381445, - 37.43589743589744, - 37.244897959183675, - 37.055837563451774, - 36.86868686868687, - 36.68341708542714, - 36.5 - ] - }, - { - "fill": "tonexty", - "hoverinfo": "text", - "name": "Not survived", - "text": [ - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=0.0%", - "percentage Not survived=2.86%", - "percentage Not survived=5.56%", - "percentage Not survived=5.41%", - "percentage Not survived=7.89%", - "percentage Not survived=7.69%", - "percentage Not survived=7.5%", - "percentage Not survived=7.32%", - "percentage Not survived=7.14%", - "percentage Not survived=6.98%", - "percentage Not survived=9.09%", - "percentage Not survived=11.11%", - "percentage Not survived=10.87%", - "percentage Not survived=12.77%", - "percentage Not survived=12.5%", - "percentage Not survived=12.24%", - "percentage Not survived=12.0%", - "percentage Not survived=13.73%", - "percentage Not survived=15.38%", - "percentage Not survived=15.09%", - "percentage Not survived=14.81%", - "percentage Not survived=14.55%", - "percentage Not survived=16.07%", - "percentage Not survived=15.79%", - "percentage Not survived=17.24%", - "percentage Not survived=16.95%", - "percentage Not survived=16.67%", - "percentage Not survived=18.03%", - "percentage Not survived=19.35%", - "percentage Not survived=19.05%", - "percentage Not survived=20.31%", - "percentage Not survived=21.54%", - "percentage Not survived=21.21%", - "percentage Not survived=20.9%", - "percentage Not survived=22.06%", - "percentage Not survived=23.19%", - "percentage Not survived=24.29%", - "percentage Not survived=25.35%", - "percentage Not survived=26.39%", - "percentage Not survived=26.03%", - "percentage Not survived=27.03%", - "percentage Not survived=28.0%", - "percentage Not survived=28.95%", - "percentage Not survived=28.57%", - "percentage Not survived=29.49%", - "percentage Not survived=30.38%", - "percentage Not survived=30.0%", - "percentage Not survived=29.63%", - "percentage Not survived=29.27%", - "percentage Not survived=30.12%", - "percentage Not survived=30.95%", - "percentage Not survived=31.76%", - "percentage Not survived=31.4%", - "percentage Not survived=31.03%", - "percentage Not survived=30.68%", - "percentage Not survived=31.46%", - "percentage Not survived=32.22%", - "percentage Not survived=32.97%", - "percentage Not survived=32.61%", - "percentage Not survived=33.33%", - "percentage Not survived=34.04%", - "percentage Not survived=34.74%", - "percentage Not survived=35.42%", - "percentage Not survived=36.08%", - "percentage Not survived=36.73%", - "percentage Not survived=37.37%", - "percentage Not survived=38.0%", - "percentage Not survived=38.61%", - "percentage Not survived=38.24%", - "percentage Not survived=37.86%", - "percentage Not survived=37.5%", - "percentage Not survived=38.1%", - "percentage Not survived=38.68%", - "percentage Not survived=39.25%", - "percentage Not survived=39.81%", - "percentage Not survived=40.37%", - "percentage Not survived=40.91%", - "percentage Not survived=40.54%", - "percentage Not survived=40.18%", - "percentage Not survived=40.71%", - "percentage Not survived=41.23%", - "percentage Not survived=41.74%", - "percentage Not survived=42.24%", - "percentage Not survived=41.88%", - "percentage Not survived=42.37%", - "percentage Not survived=42.86%", - "percentage Not survived=43.33%", - "percentage Not survived=43.8%", - "percentage Not survived=44.26%", - "percentage Not survived=44.72%", - "percentage Not survived=45.16%", - "percentage Not survived=44.8%", - "percentage Not survived=45.24%", - "percentage Not survived=45.67%", - "percentage Not survived=46.09%", - "percentage Not survived=46.51%", - "percentage Not survived=46.92%", - "percentage Not survived=47.33%", - "percentage Not survived=47.73%", - "percentage Not survived=48.12%", - "percentage Not survived=48.51%", - "percentage Not survived=48.89%", - "percentage Not survived=49.26%", - "percentage Not survived=49.64%", - "percentage Not survived=50.0%", - "percentage Not survived=50.36%", - "percentage Not survived=50.71%", - "percentage Not survived=51.06%", - "percentage Not survived=51.41%", - "percentage Not survived=51.75%", - "percentage Not survived=52.08%", - "percentage Not survived=52.41%", - "percentage Not survived=52.74%", - "percentage Not survived=53.06%", - "percentage Not survived=53.38%", - "percentage Not survived=53.69%", - "percentage Not survived=54.0%", - "percentage Not survived=54.3%", - "percentage Not survived=54.61%", - "percentage Not survived=54.9%", - "percentage Not survived=55.19%", - "percentage Not survived=55.48%", - "percentage Not survived=55.77%", - "percentage Not survived=56.05%", - "percentage Not survived=56.33%", - "percentage Not survived=56.6%", - "percentage Not survived=56.88%", - "percentage Not survived=57.14%", - "percentage Not survived=57.41%", - "percentage Not survived=57.67%", - "percentage Not survived=57.32%", - "percentage Not survived=57.58%", - "percentage Not survived=57.83%", - "percentage Not survived=58.08%", - "percentage Not survived=58.33%", - "percentage Not survived=58.58%", - "percentage Not survived=58.82%", - "percentage Not survived=59.06%", - "percentage Not survived=59.3%", - "percentage Not survived=59.54%", - "percentage Not survived=59.77%", - "percentage Not survived=60.0%", - "percentage Not survived=60.23%", - "percentage Not survived=60.45%", - "percentage Not survived=60.67%", - "percentage Not survived=60.34%", - "percentage Not survived=60.56%", - "percentage Not survived=60.77%", - "percentage Not survived=60.99%", - "percentage Not survived=61.2%", - "percentage Not survived=61.41%", - "percentage Not survived=61.62%", - "percentage Not survived=61.29%", - "percentage Not survived=61.5%", - "percentage Not survived=61.7%", - "percentage Not survived=61.9%", - "percentage Not survived=62.11%", - "percentage Not survived=61.78%", - "percentage Not survived=61.98%", - "percentage Not survived=62.18%", - "percentage Not survived=62.37%", - "percentage Not survived=62.56%", - "percentage Not survived=62.76%", - "percentage Not survived=62.94%", - "percentage Not survived=63.13%", - "percentage Not survived=63.32%", - "percentage Not survived=63.5%" + 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, + 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, + 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, + 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, + 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, + 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, + 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, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ] + }, + { + "fill": "tozeroy", + "hoverinfo": "text", + "name": "Survived", + "text": [ + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=100.00%", + "percentage Survived=96.77%", + "percentage Survived=96.88%", + "percentage Survived=96.97%", + "percentage Survived=97.06%", + "percentage Survived=97.14%", + "percentage Survived=94.44%", + "percentage Survived=94.59%", + "percentage Survived=94.74%", + "percentage Survived=94.87%", + "percentage Survived=95.00%", + "percentage Survived=95.12%", + "percentage Survived=95.24%", + "percentage Survived=95.35%", + "percentage Survived=93.18%", + "percentage Survived=91.11%", + "percentage Survived=89.13%", + "percentage Survived=87.23%", + "percentage Survived=87.50%", + "percentage Survived=85.71%", + "percentage Survived=84.00%", + "percentage Survived=82.35%", + "percentage Survived=82.69%", + "percentage Survived=83.02%", + "percentage Survived=83.33%", + "percentage Survived=81.82%", + "percentage Survived=82.14%", + "percentage Survived=80.70%", + "percentage Survived=81.03%", + "percentage Survived=79.66%", + "percentage Survived=78.33%", + "percentage Survived=78.69%", + "percentage Survived=79.03%", + "percentage Survived=79.37%", + "percentage Survived=79.69%", + "percentage Survived=78.46%", + "percentage Survived=77.27%", + "percentage Survived=77.61%", + "percentage Survived=76.47%", + "percentage Survived=75.36%", + "percentage Survived=75.71%", + "percentage Survived=74.65%", + "percentage Survived=75.00%", + "percentage Survived=73.97%", + "percentage Survived=72.97%", + "percentage Survived=73.33%", + "percentage Survived=72.37%", + "percentage Survived=71.43%", + "percentage Survived=70.51%", + "percentage Survived=69.62%", + "percentage Survived=70.00%", + "percentage Survived=69.14%", + "percentage Survived=69.51%", + "percentage Survived=68.67%", + "percentage Survived=67.86%", + "percentage Survived=68.24%", + "percentage Survived=68.60%", + "percentage Survived=67.82%", + "percentage Survived=67.05%", + "percentage Survived=67.42%", + "percentage Survived=67.78%", + "percentage Survived=68.13%", + "percentage Survived=67.39%", + "percentage Survived=66.67%", + "percentage Survived=65.96%", + "percentage Survived=66.32%", + "percentage Survived=66.67%", + "percentage Survived=65.98%", + "percentage Survived=66.33%", + "percentage Survived=65.66%", + "percentage Survived=66.00%", + "percentage Survived=65.35%", + "percentage Survived=65.69%", + "percentage Survived=65.05%", + "percentage Survived=64.42%", + "percentage Survived=63.81%", + "percentage Survived=64.15%", + "percentage Survived=63.55%", + "percentage Survived=62.96%", + "percentage Survived=62.39%", + "percentage Survived=61.82%", + "percentage Survived=61.26%", + "percentage Survived=60.71%", + "percentage Survived=60.18%", + "percentage Survived=59.65%", + "percentage Survived=59.13%", + "percentage Survived=58.62%", + "percentage Survived=58.12%", + "percentage Survived=57.63%", + "percentage Survived=57.98%", + "percentage Survived=57.50%", + "percentage Survived=57.02%", + "percentage Survived=56.56%", + "percentage Survived=56.10%", + "percentage Survived=55.65%", + "percentage Survived=55.20%", + "percentage Survived=54.76%", + "percentage Survived=54.33%", + "percentage Survived=53.91%", + "percentage Survived=53.49%", + "percentage Survived=53.08%", + "percentage Survived=52.67%", + "percentage Survived=52.27%", + "percentage Survived=51.88%", + "percentage Survived=51.49%", + "percentage Survived=51.11%", + "percentage Survived=50.74%", + "percentage Survived=50.36%", + "percentage Survived=50.00%", + "percentage Survived=49.64%", + "percentage Survived=49.29%", + "percentage Survived=48.94%", + "percentage Survived=48.59%", + "percentage Survived=48.25%", + "percentage Survived=47.92%", + "percentage Survived=48.28%", + "percentage Survived=47.95%", + "percentage Survived=47.62%", + "percentage Survived=47.30%", + "percentage Survived=46.98%", + "percentage Survived=46.67%", + "percentage Survived=46.36%", + "percentage Survived=46.05%", + "percentage Survived=45.75%", + "percentage Survived=45.45%", + "percentage Survived=45.81%", + "percentage Survived=45.51%", + "percentage Survived=45.22%", + "percentage Survived=44.94%", + "percentage Survived=44.65%", + "percentage Survived=44.38%", + "percentage Survived=44.10%", + "percentage Survived=43.83%", + "percentage Survived=43.56%", + "percentage Survived=43.29%", + "percentage Survived=43.03%", + "percentage Survived=42.77%", + "percentage Survived=42.51%", + "percentage Survived=42.26%", + "percentage Survived=42.01%", + "percentage Survived=41.76%", + "percentage Survived=41.52%", + "percentage Survived=41.28%", + "percentage Survived=41.04%", + "percentage Survived=40.80%", + "percentage Survived=40.57%", + "percentage Survived=40.34%", + "percentage Survived=40.11%", + "percentage Survived=39.89%", + "percentage Survived=39.66%", + "percentage Survived=39.44%", + "percentage Survived=39.78%", + "percentage Survived=39.56%", + "percentage Survived=39.34%", + "percentage Survived=39.13%", + "percentage Survived=38.92%", + "percentage Survived=38.71%", + "percentage Survived=38.50%", + "percentage Survived=38.30%", + "percentage Survived=38.10%", + "percentage Survived=37.89%", + "percentage Survived=37.70%", + "percentage Survived=37.50%", + "percentage Survived=37.31%", + "percentage Survived=37.11%", + "percentage Survived=36.92%", + "percentage Survived=37.24%", + "percentage Survived=37.06%", + "percentage Survived=36.87%", + "percentage Survived=36.68%", + "percentage Survived=36.50%" ], "type": "scatter", "x": [ @@ -60152,1087 +43174,1106 @@ 100, 100, 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100, - 100 - ] - } - ], - "layout": { - "hovermode": "x", - "plot_bgcolor": "#fff", - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } - }, - "title": { - "font": { - "size": 18 - }, - "text": "Cumulative percentage per category when sampling top X%", - "x": 0.5 - }, - "xaxis": { - "nticks": 10, - "spikemode": "across", - "title": { - "text": "Top X% model scores" - } - }, - "yaxis": { - "title": { - "text": "Cumulative precision per category" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_cumulative_precision()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### lift curve" - ] - }, - { - "cell_type": "code", - "execution_count": 41, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:42:29.052295Z", - "start_time": "2020-10-12T08:42:29.017220Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ + 96.7741935483871, + 96.875, + 96.96969696969697, + 97.05882352941177, + 97.14285714285714, + 94.44444444444444, + 94.5945945945946, + 94.73684210526316, + 94.87179487179488, + 95, + 95.1219512195122, + 95.23809523809524, + 95.34883720930233, + 93.18181818181819, + 91.11111111111111, + 89.1304347826087, + 87.23404255319149, + 87.5, + 85.71428571428571, + 84, + 82.3529411764706, + 82.6923076923077, + 83.01886792452831, + 83.33333333333333, + 81.81818181818181, + 82.14285714285714, + 80.70175438596492, + 81.03448275862068, + 79.66101694915254, + 78.33333333333333, + 78.68852459016394, + 79.03225806451613, + 79.36507936507937, + 79.6875, + 78.46153846153847, + 77.27272727272727, + 77.61194029850746, + 76.47058823529412, + 75.3623188405797, + 75.71428571428571, + 74.64788732394366, + 75, + 73.97260273972603, + 72.97297297297297, + 73.33333333333333, + 72.36842105263158, + 71.42857142857143, + 70.51282051282051, + 69.62025316455696, + 70, + 69.1358024691358, + 69.51219512195122, + 68.67469879518072, + 67.85714285714286, + 68.23529411764706, + 68.6046511627907, + 67.816091954023, + 67.04545454545455, + 67.41573033707866, + 67.77777777777777, + 68.13186813186813, + 67.3913043478261, + 66.66666666666667, + 65.95744680851064, + 66.3157894736842, + 66.66666666666667, + 65.97938144329896, + 66.3265306122449, + 65.65656565656566, + 66, + 65.34653465346534, + 65.68627450980392, + 65.04854368932038, + 64.42307692307692, + 63.80952380952381, + 64.15094339622641, + 63.55140186915888, + 62.96296296296296, + 62.38532110091743, + 61.81818181818182, + 61.26126126126126, + 60.714285714285715, + 60.176991150442475, + 59.64912280701754, + 59.130434782608695, + 58.62068965517241, + 58.11965811965812, + 57.6271186440678, + 57.983193277310924, + 57.5, + 57.02479338842975, + 56.557377049180324, + 56.09756097560975, + 55.645161290322584, + 55.2, + 54.76190476190476, + 54.330708661417326, + 53.90625, + 53.48837209302326, + 53.07692307692308, + 52.67175572519084, + 52.27272727272727, + 51.8796992481203, + 51.492537313432834, + 51.111111111111114, + 50.73529411764706, + 50.36496350364963, + 50, + 49.64028776978417, + 49.285714285714285, + 48.93617021276596, + 48.59154929577465, + 48.25174825174825, + 47.916666666666664, + 48.275862068965516, + 47.945205479452056, + 47.61904761904762, + 47.2972972972973, + 46.97986577181208, + 46.666666666666664, + 46.35761589403973, + 46.05263157894737, + 45.751633986928105, + 45.45454545454545, + 45.806451612903224, + 45.51282051282051, + 45.22292993630573, + 44.936708860759495, + 44.65408805031446, + 44.375, + 44.099378881987576, + 43.82716049382716, + 43.558282208588956, + 43.292682926829265, + 43.03030303030303, + 42.7710843373494, + 42.51497005988024, + 42.26190476190476, + 42.01183431952663, + 41.76470588235294, + 41.52046783625731, + 41.27906976744186, + 41.040462427745666, + 40.804597701149426, + 40.57142857142857, + 40.34090909090909, + 40.112994350282484, + 39.8876404494382, + 39.66480446927374, + 39.44444444444444, + 39.77900552486188, + 39.56043956043956, + 39.34426229508197, + 39.130434782608695, + 38.91891891891892, + 38.70967741935484, + 38.50267379679144, + 38.297872340425535, + 38.095238095238095, + 37.89473684210526, + 37.696335078534034, + 37.5, + 37.30569948186528, + 37.11340206185567, + 36.92307692307692, + 37.244897959183675, + 37.055837563451774, + 36.86868686868687, + 36.68341708542714, + 36.5 + ] + }, { + "fill": "tonexty", "hoverinfo": "text", - "name": "model", + "name": "Not survived", "text": [ - "model selected 1 positives out of 1
precision=100.0
lift=2.74", - "model selected 2 positives out of 2
precision=100.0
lift=2.74", - "model selected 3 positives out of 3
precision=100.0
lift=2.74", - "model selected 4 positives out of 4
precision=100.0
lift=2.74", - "model selected 5 positives out of 5
precision=100.0
lift=2.74", - "model selected 6 positives out of 6
precision=100.0
lift=2.74", - "model selected 7 positives out of 7
precision=100.0
lift=2.74", - "model selected 8 positives out of 8
precision=100.0
lift=2.74", - "model selected 9 positives out of 9
precision=100.0
lift=2.74", - "model selected 10 positives out of 10
precision=100.0
lift=2.74", - "model selected 11 positives out of 11
precision=100.0
lift=2.74", - "model selected 12 positives out of 12
precision=100.0
lift=2.74", - "model selected 13 positives out of 13
precision=100.0
lift=2.74", - "model selected 14 positives out of 14
precision=100.0
lift=2.74", - "model selected 15 positives out of 15
precision=100.0
lift=2.74", - "model selected 16 positives out of 16
precision=100.0
lift=2.74", - "model selected 17 positives out of 17
precision=100.0
lift=2.74", - "model selected 18 positives out of 18
precision=100.0
lift=2.74", - "model selected 19 positives out of 19
precision=100.0
lift=2.74", - "model selected 20 positives out of 20
precision=100.0
lift=2.74", - "model selected 21 positives out of 21
precision=100.0
lift=2.74", - "model selected 22 positives out of 22
precision=100.0
lift=2.74", - "model selected 23 positives out of 23
precision=100.0
lift=2.74", - "model selected 24 positives out of 24
precision=100.0
lift=2.74", - "model selected 25 positives out of 25
precision=100.0
lift=2.74", - "model selected 26 positives out of 26
precision=100.0
lift=2.74", - "model selected 27 positives out of 27
precision=100.0
lift=2.74", - "model selected 28 positives out of 28
precision=100.0
lift=2.74", - "model selected 29 positives out of 29
precision=100.0
lift=2.74", - "model selected 30 positives out of 30
precision=100.0
lift=2.74", - "model selected 31 positives out of 31
precision=100.0
lift=2.74", - "model selected 32 positives out of 32
precision=100.0
lift=2.74", - "model selected 33 positives out of 33
precision=100.0
lift=2.74", - "model selected 34 positives out of 34
precision=100.0
lift=2.74", - "model selected 34 positives out of 35
precision=97.14
lift=2.66", - "model selected 34 positives out of 36
precision=94.44
lift=2.59", - "model selected 35 positives out of 37
precision=94.59
lift=2.59", - "model selected 35 positives out of 38
precision=92.11
lift=2.52", - "model selected 36 positives out of 39
precision=92.31
lift=2.53", - "model selected 37 positives out of 40
precision=92.5
lift=2.53", - "model selected 38 positives out of 41
precision=92.68
lift=2.54", - "model selected 39 positives out of 42
precision=92.86
lift=2.54", - "model selected 40 positives out of 43
precision=93.02
lift=2.55", - "model selected 40 positives out of 44
precision=90.91
lift=2.49", - "model selected 40 positives out of 45
precision=88.89
lift=2.44", - "model selected 41 positives out of 46
precision=89.13
lift=2.44", - "model selected 41 positives out of 47
precision=87.23
lift=2.39", - "model selected 42 positives out of 48
precision=87.5
lift=2.4", - "model selected 43 positives out of 49
precision=87.76
lift=2.4", - "model selected 44 positives out of 50
precision=88.0
lift=2.41", - "model selected 44 positives out of 51
precision=86.27
lift=2.36", - "model selected 44 positives out of 52
precision=84.62
lift=2.32", - "model selected 45 positives out of 53
precision=84.91
lift=2.33", - "model selected 46 positives out of 54
precision=85.19
lift=2.33", - "model selected 47 positives out of 55
precision=85.45
lift=2.34", - "model selected 47 positives out of 56
precision=83.93
lift=2.3", - "model selected 48 positives out of 57
precision=84.21
lift=2.31", - "model selected 48 positives out of 58
precision=82.76
lift=2.27", - "model selected 49 positives out of 59
precision=83.05
lift=2.28", - "model selected 50 positives out of 60
precision=83.33
lift=2.28", - "model selected 50 positives out of 61
precision=81.97
lift=2.25", - "model selected 50 positives out of 62
precision=80.65
lift=2.21", - "model selected 51 positives out of 63
precision=80.95
lift=2.22", - "model selected 51 positives out of 64
precision=79.69
lift=2.18", - "model selected 51 positives out of 65
precision=78.46
lift=2.15", - "model selected 52 positives out of 66
precision=78.79
lift=2.16", - "model selected 53 positives out of 67
precision=79.1
lift=2.17", - "model selected 53 positives out of 68
precision=77.94
lift=2.14", - "model selected 53 positives out of 69
precision=76.81
lift=2.1", - "model selected 53 positives out of 70
precision=75.71
lift=2.07", - "model selected 53 positives out of 71
precision=74.65
lift=2.05", - "model selected 53 positives out of 72
precision=73.61
lift=2.02", - "model selected 54 positives out of 73
precision=73.97
lift=2.03", - "model selected 54 positives out of 74
precision=72.97
lift=2.0", - "model selected 54 positives out of 75
precision=72.0
lift=1.97", - "model selected 54 positives out of 76
precision=71.05
lift=1.95", - "model selected 55 positives out of 77
precision=71.43
lift=1.96", - "model selected 55 positives out of 78
precision=70.51
lift=1.93", - "model selected 55 positives out of 79
precision=69.62
lift=1.91", - "model selected 56 positives out of 80
precision=70.0
lift=1.92", - "model selected 57 positives out of 81
precision=70.37
lift=1.93", - "model selected 58 positives out of 82
precision=70.73
lift=1.94", - "model selected 58 positives out of 83
precision=69.88
lift=1.91", - "model selected 58 positives out of 84
precision=69.05
lift=1.89", - "model selected 58 positives out of 85
precision=68.24
lift=1.87", - "model selected 59 positives out of 86
precision=68.6
lift=1.88", - "model selected 60 positives out of 87
precision=68.97
lift=1.89", - "model selected 61 positives out of 88
precision=69.32
lift=1.9", - "model selected 61 positives out of 89
precision=68.54
lift=1.88", - "model selected 61 positives out of 90
precision=67.78
lift=1.86", - "model selected 61 positives out of 91
precision=67.03
lift=1.84", - "model selected 62 positives out of 92
precision=67.39
lift=1.85", - "model selected 62 positives out of 93
precision=66.67
lift=1.83", - "model selected 62 positives out of 94
precision=65.96
lift=1.81", - "model selected 62 positives out of 95
precision=65.26
lift=1.79", - "model selected 62 positives out of 96
precision=64.58
lift=1.77", - "model selected 62 positives out of 97
precision=63.92
lift=1.75", - "model selected 62 positives out of 98
precision=63.27
lift=1.73", - "model selected 62 positives out of 99
precision=62.63
lift=1.72", - "model selected 62 positives out of 100
precision=62.0
lift=1.7", - "model selected 62 positives out of 101
precision=61.39
lift=1.68", - "model selected 63 positives out of 102
precision=61.76
lift=1.69", - "model selected 64 positives out of 103
precision=62.14
lift=1.7", - "model selected 65 positives out of 104
precision=62.5
lift=1.71", - "model selected 65 positives out of 105
precision=61.9
lift=1.7", - "model selected 65 positives out of 106
precision=61.32
lift=1.68", - "model selected 65 positives out of 107
precision=60.75
lift=1.66", - "model selected 65 positives out of 108
precision=60.19
lift=1.65", - "model selected 65 positives out of 109
precision=59.63
lift=1.63", - "model selected 65 positives out of 110
precision=59.09
lift=1.62", - "model selected 66 positives out of 111
precision=59.46
lift=1.63", - "model selected 67 positives out of 112
precision=59.82
lift=1.64", - "model selected 67 positives out of 113
precision=59.29
lift=1.62", - "model selected 67 positives out of 114
precision=58.77
lift=1.61", - "model selected 67 positives out of 115
precision=58.26
lift=1.6", - "model selected 67 positives out of 116
precision=57.76
lift=1.58", - "model selected 68 positives out of 117
precision=58.12
lift=1.59", - "model selected 68 positives out of 118
precision=57.63
lift=1.58", - "model selected 68 positives out of 119
precision=57.14
lift=1.57", - "model selected 68 positives out of 120
precision=56.67
lift=1.55", - "model selected 68 positives out of 121
precision=56.2
lift=1.54", - "model selected 68 positives out of 122
precision=55.74
lift=1.53", - "model selected 68 positives out of 123
precision=55.28
lift=1.51", - "model selected 68 positives out of 124
precision=54.84
lift=1.5", - "model selected 69 positives out of 125
precision=55.2
lift=1.51", - "model selected 69 positives out of 126
precision=54.76
lift=1.5", - "model selected 69 positives out of 127
precision=54.33
lift=1.49", - "model selected 69 positives out of 128
precision=53.91
lift=1.48", - "model selected 69 positives out of 129
precision=53.49
lift=1.47", - "model selected 69 positives out of 130
precision=53.08
lift=1.45", - "model selected 69 positives out of 131
precision=52.67
lift=1.44", - "model selected 69 positives out of 132
precision=52.27
lift=1.43", - "model selected 69 positives out of 133
precision=51.88
lift=1.42", - "model selected 69 positives out of 134
precision=51.49
lift=1.41", - "model selected 69 positives out of 135
precision=51.11
lift=1.4", - "model selected 69 positives out of 136
precision=50.74
lift=1.39", - "model selected 69 positives out of 137
precision=50.36
lift=1.38", - "model selected 69 positives out of 138
precision=50.0
lift=1.37", - "model selected 69 positives out of 139
precision=49.64
lift=1.36", - "model selected 69 positives out of 140
precision=49.29
lift=1.35", - "model selected 69 positives out of 141
precision=48.94
lift=1.34", - "model selected 69 positives out of 142
precision=48.59
lift=1.33", - "model selected 69 positives out of 143
precision=48.25
lift=1.32", - "model selected 69 positives out of 144
precision=47.92
lift=1.31", - "model selected 69 positives out of 145
precision=47.59
lift=1.3", - "model selected 69 positives out of 146
precision=47.26
lift=1.29", - "model selected 69 positives out of 147
precision=46.94
lift=1.29", - "model selected 69 positives out of 148
precision=46.62
lift=1.28", - "model selected 69 positives out of 149
precision=46.31
lift=1.27", - "model selected 69 positives out of 150
precision=46.0
lift=1.26", - "model selected 69 positives out of 151
precision=45.7
lift=1.25", - "model selected 69 positives out of 152
precision=45.39
lift=1.24", - "model selected 69 positives out of 153
precision=45.1
lift=1.24", - "model selected 69 positives out of 154
precision=44.81
lift=1.23", - "model selected 69 positives out of 155
precision=44.52
lift=1.22", - "model selected 69 positives out of 156
precision=44.23
lift=1.21", - "model selected 69 positives out of 157
precision=43.95
lift=1.2", - "model selected 69 positives out of 158
precision=43.67
lift=1.2", - "model selected 69 positives out of 159
precision=43.4
lift=1.19", - "model selected 69 positives out of 160
precision=43.12
lift=1.18", - "model selected 69 positives out of 161
precision=42.86
lift=1.17", - "model selected 69 positives out of 162
precision=42.59
lift=1.17", - "model selected 69 positives out of 163
precision=42.33
lift=1.16", - "model selected 70 positives out of 164
precision=42.68
lift=1.17", - "model selected 70 positives out of 165
precision=42.42
lift=1.16", - "model selected 70 positives out of 166
precision=42.17
lift=1.16", - "model selected 70 positives out of 167
precision=41.92
lift=1.15", - "model selected 70 positives out of 168
precision=41.67
lift=1.14", - "model selected 70 positives out of 169
precision=41.42
lift=1.13", - "model selected 70 positives out of 170
precision=41.18
lift=1.13", - "model selected 70 positives out of 171
precision=40.94
lift=1.12", - "model selected 70 positives out of 172
precision=40.7
lift=1.12", - "model selected 70 positives out of 173
precision=40.46
lift=1.11", - "model selected 70 positives out of 174
precision=40.23
lift=1.1", - "model selected 70 positives out of 175
precision=40.0
lift=1.1", - "model selected 70 positives out of 176
precision=39.77
lift=1.09", - "model selected 70 positives out of 177
precision=39.55
lift=1.08", - "model selected 70 positives out of 178
precision=39.33
lift=1.08", - "model selected 71 positives out of 179
precision=39.66
lift=1.09", - "model selected 71 positives out of 180
precision=39.44
lift=1.08", - "model selected 71 positives out of 181
precision=39.23
lift=1.07", - "model selected 71 positives out of 182
precision=39.01
lift=1.07", - "model selected 71 positives out of 183
precision=38.8
lift=1.06", - "model selected 71 positives out of 184
precision=38.59
lift=1.06", - "model selected 71 positives out of 185
precision=38.38
lift=1.05", - "model selected 72 positives out of 186
precision=38.71
lift=1.06", - "model selected 72 positives out of 187
precision=38.5
lift=1.05", - "model selected 72 positives out of 188
precision=38.3
lift=1.05", - "model selected 72 positives out of 189
precision=38.1
lift=1.04", - "model selected 72 positives out of 190
precision=37.89
lift=1.04", - "model selected 73 positives out of 191
precision=38.22
lift=1.05", - "model selected 73 positives out of 192
precision=38.02
lift=1.04", - "model selected 73 positives out of 193
precision=37.82
lift=1.04", - "model selected 73 positives out of 194
precision=37.63
lift=1.03", - "model selected 73 positives out of 195
precision=37.44
lift=1.03", - "model selected 73 positives out of 196
precision=37.24
lift=1.02", - "model selected 73 positives out of 197
precision=37.06
lift=1.02", - "model selected 73 positives out of 198
precision=36.87
lift=1.01", - "model selected 73 positives out of 199
precision=36.68
lift=1.01", - "model selected 73 positives out of 200
precision=36.5
lift=1.0" + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=0.00%", + "percentage Not survived=3.23%", + "percentage Not survived=3.12%", + "percentage Not survived=3.03%", + "percentage Not survived=2.94%", + "percentage Not survived=2.86%", + "percentage Not survived=5.56%", + "percentage Not survived=5.41%", + "percentage Not survived=5.26%", + "percentage Not survived=5.13%", + "percentage Not survived=5.00%", + "percentage Not survived=4.88%", + "percentage Not survived=4.76%", + "percentage Not survived=4.65%", + "percentage Not survived=6.82%", + "percentage Not survived=8.89%", + "percentage Not survived=10.87%", + "percentage Not survived=12.77%", + "percentage Not survived=12.50%", + "percentage Not survived=14.29%", + "percentage Not survived=16.00%", + "percentage Not survived=17.65%", + "percentage Not survived=17.31%", + "percentage Not survived=16.98%", + "percentage Not survived=16.67%", + "percentage Not survived=18.18%", + "percentage Not survived=17.86%", + "percentage Not survived=19.30%", + "percentage Not survived=18.97%", + "percentage Not survived=20.34%", + "percentage Not survived=21.67%", + "percentage Not survived=21.31%", + "percentage Not survived=20.97%", + "percentage Not survived=20.63%", + "percentage Not survived=20.31%", + "percentage Not survived=21.54%", + "percentage Not survived=22.73%", + "percentage Not survived=22.39%", + "percentage Not survived=23.53%", + "percentage Not survived=24.64%", + "percentage Not survived=24.29%", + "percentage Not survived=25.35%", + "percentage Not survived=25.00%", + "percentage Not survived=26.03%", + "percentage Not survived=27.03%", + "percentage Not survived=26.67%", + "percentage Not survived=27.63%", + "percentage Not survived=28.57%", + "percentage Not survived=29.49%", + "percentage Not survived=30.38%", + "percentage Not survived=30.00%", + "percentage Not survived=30.86%", + "percentage Not survived=30.49%", + "percentage Not survived=31.33%", + "percentage Not survived=32.14%", + "percentage Not survived=31.76%", + "percentage Not survived=31.40%", + "percentage Not survived=32.18%", + "percentage Not survived=32.95%", + "percentage Not survived=32.58%", + "percentage Not survived=32.22%", + "percentage Not survived=31.87%", + "percentage Not survived=32.61%", + "percentage Not survived=33.33%", + "percentage Not survived=34.04%", + "percentage Not survived=33.68%", + "percentage Not survived=33.33%", + "percentage Not survived=34.02%", + "percentage Not survived=33.67%", + "percentage Not survived=34.34%", + "percentage Not survived=34.00%", + "percentage Not survived=34.65%", + "percentage Not survived=34.31%", + "percentage Not survived=34.95%", + "percentage Not survived=35.58%", + "percentage Not survived=36.19%", + "percentage Not survived=35.85%", + "percentage Not survived=36.45%", + "percentage Not survived=37.04%", + "percentage Not survived=37.61%", + "percentage Not survived=38.18%", + "percentage Not survived=38.74%", + "percentage Not survived=39.29%", + "percentage Not survived=39.82%", + "percentage Not survived=40.35%", + "percentage Not survived=40.87%", + "percentage Not survived=41.38%", + "percentage Not survived=41.88%", + "percentage Not survived=42.37%", + "percentage Not survived=42.02%", + "percentage Not survived=42.50%", + "percentage Not survived=42.98%", + "percentage Not survived=43.44%", + "percentage Not survived=43.90%", + "percentage Not survived=44.35%", + "percentage Not survived=44.80%", + "percentage Not survived=45.24%", + "percentage Not survived=45.67%", + "percentage Not survived=46.09%", + "percentage Not survived=46.51%", + "percentage Not survived=46.92%", + "percentage Not survived=47.33%", + "percentage Not survived=47.73%", + "percentage Not survived=48.12%", + "percentage Not survived=48.51%", + "percentage Not survived=48.89%", + "percentage Not survived=49.26%", + "percentage Not survived=49.64%", + "percentage Not survived=50.00%", + "percentage Not survived=50.36%", + "percentage Not survived=50.71%", + "percentage Not survived=51.06%", + "percentage Not survived=51.41%", + "percentage Not survived=51.75%", + "percentage Not survived=52.08%", + "percentage Not survived=51.72%", + "percentage Not survived=52.05%", + "percentage Not survived=52.38%", + "percentage Not survived=52.70%", + "percentage Not survived=53.02%", + "percentage Not survived=53.33%", + "percentage Not survived=53.64%", + "percentage Not survived=53.95%", + "percentage Not survived=54.25%", + "percentage Not survived=54.55%", + "percentage Not survived=54.19%", + "percentage Not survived=54.49%", + "percentage Not survived=54.78%", + "percentage Not survived=55.06%", + "percentage Not survived=55.35%", + "percentage Not survived=55.62%", + "percentage Not survived=55.90%", + "percentage Not survived=56.17%", + "percentage Not survived=56.44%", + "percentage Not survived=56.71%", + "percentage Not survived=56.97%", + "percentage Not survived=57.23%", + "percentage Not survived=57.49%", + "percentage Not survived=57.74%", + "percentage Not survived=57.99%", + "percentage Not survived=58.24%", + "percentage Not survived=58.48%", + "percentage Not survived=58.72%", + "percentage Not survived=58.96%", + "percentage Not survived=59.20%", + "percentage Not survived=59.43%", + "percentage Not survived=59.66%", + "percentage Not survived=59.89%", + "percentage Not survived=60.11%", + "percentage Not survived=60.34%", + "percentage Not survived=60.56%", + "percentage Not survived=60.22%", + "percentage Not survived=60.44%", + "percentage Not survived=60.66%", + "percentage Not survived=60.87%", + "percentage Not survived=61.08%", + "percentage Not survived=61.29%", + "percentage Not survived=61.50%", + "percentage Not survived=61.70%", + "percentage Not survived=61.90%", + "percentage Not survived=62.11%", + "percentage Not survived=62.30%", + "percentage Not survived=62.50%", + "percentage Not survived=62.69%", + "percentage Not survived=62.89%", + "percentage Not survived=63.08%", + "percentage Not survived=62.76%", + "percentage Not survived=62.94%", + "percentage Not survived=63.13%", + "percentage Not survived=63.32%", + "percentage Not survived=63.50%" ], "type": "scatter", "x": [ + 0.5, 1, + 1.5, 2, + 2.5, 3, + 3.5, 4, + 4.5, 5, + 5.5, 6, + 6.5, 7, + 7.5, 8, + 8.5, 9, + 9.5, 10, + 10.5, 11, + 11.5, 12, + 12.5, 13, + 13.5, 14, + 14.5, 15, + 15.5, 16, + 16.5, 17, + 17.5, 18, + 18.5, 19, + 19.5, 20, + 20.5, 21, + 21.5, 22, + 22.5, 23, + 23.5, 24, + 24.5, 25, + 25.5, 26, + 26.5, 27, + 27.5, 28, + 28.5, 29, + 29.5, 30, + 30.5, 31, + 31.5, 32, + 32.5, 33, + 33.5, 34, + 34.5, 35, + 35.5, 36, + 36.5, 37, + 37.5, 38, + 38.5, 39, + 39.5, 40, + 40.5, 41, + 41.5, 42, + 42.5, 43, + 43.5, 44, + 44.5, 45, + 45.5, 46, + 46.5, 47, + 47.5, 48, + 48.5, 49, + 49.5, 50, + 50.5, 51, + 51.5, 52, + 52.5, 53, + 53.5, 54, + 54.5, 55, + 55.5, 56, + 56.5, 57, + 57.5, 58, + 58.5, 59, + 59.5, 60, + 60.5, 61, + 61.5, 62, + 62.5, 63, + 63.5, 64, + 64.5, 65, + 65.5, 66, + 66.5, 67, + 67.5, 68, + 68.5, 69, + 69.5, 70, + 70.5, 71, + 71.5, 72, + 72.5, 73, + 73.5, 74, + 74.5, 75, + 75.5, 76, + 76.5, 77, + 77.5, 78, + 78.5, 79, + 79.5, 80, + 80.5, 81, + 81.5, 82, + 82.5, 83, + 83.5, 84, + 84.5, 85, + 85.5, 86, + 86.5, 87, + 87.5, 88, + 88.5, 89, + 89.5, 90, + 90.5, 91, + 91.5, 92, + 92.5, 93, + 93.5, 94, + 94.5, 95, + 95.5, 96, + 96.5, 97, + 97.5, 98, + 98.5, 99, - 100, - 101, - 102, - 103, - 104, - 105, - 106, - 107, - 108, - 109, - 110, - 111, - 112, - 113, - 114, - 115, - 116, - 117, - 118, - 119, - 120, - 121, - 122, - 123, - 124, - 125, - 126, - 127, - 128, - 129, - 130, - 131, - 132, - 133, - 134, - 135, - 136, - 137, - 138, - 139, - 140, - 141, - 142, - 143, - 144, - 145, - 146, - 147, - 148, - 149, - 150, - 151, - 152, - 153, - 154, - 155, - 156, - 157, - 158, - 159, - 160, - 161, - 162, - 163, - 164, - 165, - 166, - 167, - 168, - 169, - 170, - 171, - 172, - 173, - 174, - 175, - 176, - 177, - 178, - 179, - 180, - 181, - 182, - 183, - 184, - 185, - 186, - 187, - 188, - 189, - 190, - 191, - 192, - 193, - 194, - 195, - 196, - 197, - 198, - 199, - 200 + 99.5, + 100 ], "y": [ - 1, - 2, - 3, - 4, - 5, - 6, - 7, - 8, - 9, - 10, - 11, - 12, - 13, - 14, - 15, - 16, - 17, - 18, - 19, - 20, - 21, - 22, - 23, - 24, - 25, - 26, - 27, - 28, - 29, - 30, - 31, - 32, - 33, - 34, - 34, - 34, - 35, - 35, - 36, - 37, - 38, - 39, - 40, - 40, - 40, - 41, - 41, - 42, - 43, - 44, - 44, - 44, - 45, - 46, - 47, - 47, - 48, - 48, - 49, - 50, - 50, - 50, - 51, - 51, - 51, - 52, - 53, - 53, - 53, - 53, - 53, - 53, - 54, - 54, - 54, - 54, - 55, - 55, - 55, - 56, - 57, - 58, - 58, - 58, - 58, - 59, - 60, - 61, - 61, - 61, - 61, - 62, - 62, - 62, - 62, - 62, - 62, - 62, - 62, - 62, - 62, - 63, - 64, - 65, - 65, - 65, - 65, - 65, - 65, - 65, - 66, - 67, - 67, - 67, - 67, - 67, - 68, - 68, - 68, - 68, - 68, - 68, - 68, - 68, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 69, - 70, - 70, - 70, - 70, - 70, - 70, - 70, - 70, - 70, - 70, - 70, - 70, - 70, - 70, - 70, - 71, - 71, - 71, - 71, - 71, - 71, - 71, - 72, - 72, - 72, - 72, - 72, - 73, - 73, - 73, - 73, - 73, - 73, - 73, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100, + 100 + ] + } + ], + "layout": { + "hovermode": "x", + "plot_bgcolor": "#fff", + "template": { + "data": { + "scatter": [ + { + "type": "scatter" + } + ] + } + }, + "title": { + "font": { + "size": 18 + }, + "text": "Cumulative percentage per category when sampling top X%", + "x": 0.5 + }, + "xaxis": { + "nticks": 10, + "range": [ + 0, + 100 + ], + "spikemode": "across", + "title": { + "text": "Top X% model scores" + } + }, + "yaxis": { + "title": { + "text": "Cumulative precision per category" + } + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_cumulative_precision()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### lift curve" + ] + }, + { + "cell_type": "code", + "execution_count": 42, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T16:00:50.023958Z", + "start_time": "2021-01-20T16:00:49.992476Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "name": "perfect", + "type": "scatter", + "x": [ + 0, 73, + 200 + ], + "y": [ + 0, 73, 73 ] }, { "hoverinfo": "text", - "name": "random", + "name": "model", "text": [ - "random selected 0 positives out of 1
precision=36.5", - "random selected 1 positives out of 2
precision=36.5", - "random selected 1 positives out of 3
precision=36.5", - "random selected 1 positives out of 4
precision=36.5", - "random selected 2 positives out of 5
precision=36.5", - "random selected 2 positives out of 6
precision=36.5", - "random selected 3 positives out of 7
precision=36.5", - "random selected 3 positives out of 8
precision=36.5", - "random selected 3 positives out of 9
precision=36.5", - "random selected 4 positives out of 10
precision=36.5", - "random selected 4 positives out of 11
precision=36.5", - "random selected 4 positives out of 12
precision=36.5", - "random selected 5 positives out of 13
precision=36.5", - "random selected 5 positives out of 14
precision=36.5", - "random selected 5 positives out of 15
precision=36.5", - "random selected 6 positives out of 16
precision=36.5", - "random selected 6 positives out of 17
precision=36.5", - "random selected 7 positives out of 18
precision=36.5", - "random selected 7 positives out of 19
precision=36.5", - "random selected 7 positives out of 20
precision=36.5", - "random selected 8 positives out of 21
precision=36.5", - "random selected 8 positives out of 22
precision=36.5", - "random selected 8 positives out of 23
precision=36.5", - "random selected 9 positives out of 24
precision=36.5", - "random selected 9 positives out of 25
precision=36.5", - "random selected 9 positives out of 26
precision=36.5", - "random selected 10 positives out of 27
precision=36.5", - "random selected 10 positives out of 28
precision=36.5", - "random selected 11 positives out of 29
precision=36.5", - "random selected 11 positives out of 30
precision=36.5", - "random selected 11 positives out of 31
precision=36.5", - "random selected 12 positives out of 32
precision=36.5", - "random selected 12 positives out of 33
precision=36.5", - "random selected 12 positives out of 34
precision=36.5", - "random selected 13 positives out of 35
precision=36.5", - "random selected 13 positives out of 36
precision=36.5", - "random selected 14 positives out of 37
precision=36.5", - "random selected 14 positives out of 38
precision=36.5", - "random selected 14 positives out of 39
precision=36.5", - "random selected 15 positives out of 40
precision=36.5", - "random selected 15 positives out of 41
precision=36.5", - "random selected 15 positives out of 42
precision=36.5", - "random selected 16 positives out of 43
precision=36.5", - "random selected 16 positives out of 44
precision=36.5", - "random selected 16 positives out of 45
precision=36.5", - "random selected 17 positives out of 46
precision=36.5", - "random selected 17 positives out of 47
precision=36.5", - "random selected 18 positives out of 48
precision=36.5", - "random selected 18 positives out of 49
precision=36.5", - "random selected 18 positives out of 50
precision=36.5", - "random selected 19 positives out of 51
precision=36.5", - "random selected 19 positives out of 52
precision=36.5", - "random selected 19 positives out of 53
precision=36.5", - "random selected 20 positives out of 54
precision=36.5", - "random selected 20 positives out of 55
precision=36.5", - "random selected 20 positives out of 56
precision=36.5", - "random selected 21 positives out of 57
precision=36.5", - "random selected 21 positives out of 58
precision=36.5", - "random selected 22 positives out of 59
precision=36.5", - "random selected 22 positives out of 60
precision=36.5", - "random selected 22 positives out of 61
precision=36.5", - "random selected 23 positives out of 62
precision=36.5", - "random selected 23 positives out of 63
precision=36.5", - "random selected 23 positives out of 64
precision=36.5", - "random selected 24 positives out of 65
precision=36.5", - "random selected 24 positives out of 66
precision=36.5", - "random selected 24 positives out of 67
precision=36.5", - "random selected 25 positives out of 68
precision=36.5", - "random selected 25 positives out of 69
precision=36.5", - "random selected 26 positives out of 70
precision=36.5", - "random selected 26 positives out of 71
precision=36.5", - "random selected 26 positives out of 72
precision=36.5", - "random selected 27 positives out of 73
precision=36.5", - "random selected 27 positives out of 74
precision=36.5", - "random selected 27 positives out of 75
precision=36.5", - "random selected 28 positives out of 76
precision=36.5", - "random selected 28 positives out of 77
precision=36.5", - "random selected 28 positives out of 78
precision=36.5", - "random selected 29 positives out of 79
precision=36.5", - "random selected 29 positives out of 80
precision=36.5", - "random selected 30 positives out of 81
precision=36.5", - "random selected 30 positives out of 82
precision=36.5", - "random selected 30 positives out of 83
precision=36.5", - "random selected 31 positives out of 84
precision=36.5", - "random selected 31 positives out of 85
precision=36.5", - "random selected 31 positives out of 86
precision=36.5", - "random selected 32 positives out of 87
precision=36.5", - "random selected 32 positives out of 88
precision=36.5", - "random selected 32 positives out of 89
precision=36.5", - "random selected 33 positives out of 90
precision=36.5", - "random selected 33 positives out of 91
precision=36.5", - "random selected 34 positives out of 92
precision=36.5", - "random selected 34 positives out of 93
precision=36.5", - "random selected 34 positives out of 94
precision=36.5", - "random selected 35 positives out of 95
precision=36.5", - "random selected 35 positives out of 96
precision=36.5", - "random selected 35 positives out of 97
precision=36.5", - "random selected 36 positives out of 98
precision=36.5", - "random selected 36 positives out of 99
precision=36.5", - "random selected 36 positives out of 100
precision=36.5", - "random selected 37 positives out of 101
precision=36.5", - "random selected 37 positives out of 102
precision=36.5", - "random selected 38 positives out of 103
precision=36.5", - "random selected 38 positives out of 104
precision=36.5", - "random selected 38 positives out of 105
precision=36.5", - "random selected 39 positives out of 106
precision=36.5", - "random selected 39 positives out of 107
precision=36.5", - "random selected 39 positives out of 108
precision=36.5", - "random selected 40 positives out of 109
precision=36.5", - "random selected 40 positives out of 110
precision=36.5", - "random selected 41 positives out of 111
precision=36.5", - "random selected 41 positives out of 112
precision=36.5", - "random selected 41 positives out of 113
precision=36.5", - "random selected 42 positives out of 114
precision=36.5", - "random selected 42 positives out of 115
precision=36.5", - "random selected 42 positives out of 116
precision=36.5", - "random selected 43 positives out of 117
precision=36.5", - "random selected 43 positives out of 118
precision=36.5", - "random selected 43 positives out of 119
precision=36.5", - "random selected 44 positives out of 120
precision=36.5", - "random selected 44 positives out of 121
precision=36.5", - "random selected 45 positives out of 122
precision=36.5", - "random selected 45 positives out of 123
precision=36.5", - "random selected 45 positives out of 124
precision=36.5", - "random selected 46 positives out of 125
precision=36.5", - "random selected 46 positives out of 126
precision=36.5", - "random selected 46 positives out of 127
precision=36.5", - "random selected 47 positives out of 128
precision=36.5", - "random selected 47 positives out of 129
precision=36.5", - "random selected 47 positives out of 130
precision=36.5", - "random selected 48 positives out of 131
precision=36.5", - "random selected 48 positives out of 132
precision=36.5", - "random selected 49 positives out of 133
precision=36.5", - "random selected 49 positives out of 134
precision=36.5", - "random selected 49 positives out of 135
precision=36.5", - "random selected 50 positives out of 136
precision=36.5", - "random selected 50 positives out of 137
precision=36.5", - "random selected 50 positives out of 138
precision=36.5", - "random selected 51 positives out of 139
precision=36.5", - "random selected 51 positives out of 140
precision=36.5", - "random selected 51 positives out of 141
precision=36.5", - "random selected 52 positives out of 142
precision=36.5", - "random selected 52 positives out of 143
precision=36.5", - "random selected 53 positives out of 144
precision=36.5", - "random selected 53 positives out of 145
precision=36.5", - "random selected 53 positives out of 146
precision=36.5", - "random selected 54 positives out of 147
precision=36.5", - "random selected 54 positives out of 148
precision=36.5", - "random selected 54 positives out of 149
precision=36.5", - "random selected 55 positives out of 150
precision=36.5", - "random selected 55 positives out of 151
precision=36.5", - "random selected 55 positives out of 152
precision=36.5", - "random selected 56 positives out of 153
precision=36.5", - "random selected 56 positives out of 154
precision=36.5", - "random selected 57 positives out of 155
precision=36.5", - "random selected 57 positives out of 156
precision=36.5", - "random selected 57 positives out of 157
precision=36.5", - "random selected 58 positives out of 158
precision=36.5", - "random selected 58 positives out of 159
precision=36.5", - "random selected 58 positives out of 160
precision=36.5", - "random selected 59 positives out of 161
precision=36.5", - "random selected 59 positives out of 162
precision=36.5", - "random selected 59 positives out of 163
precision=36.5", - "random selected 60 positives out of 164
precision=36.5", - "random selected 60 positives out of 165
precision=36.5", - "random selected 61 positives out of 166
precision=36.5", - "random selected 61 positives out of 167
precision=36.5", - "random selected 61 positives out of 168
precision=36.5", - "random selected 62 positives out of 169
precision=36.5", - "random selected 62 positives out of 170
precision=36.5", - "random selected 62 positives out of 171
precision=36.5", - "random selected 63 positives out of 172
precision=36.5", - "random selected 63 positives out of 173
precision=36.5", - "random selected 64 positives out of 174
precision=36.5", - "random selected 64 positives out of 175
precision=36.5", - "random selected 64 positives out of 176
precision=36.5", - "random selected 65 positives out of 177
precision=36.5", - "random selected 65 positives out of 178
precision=36.5", - "random selected 65 positives out of 179
precision=36.5", - "random selected 66 positives out of 180
precision=36.5", - "random selected 66 positives out of 181
precision=36.5", - "random selected 66 positives out of 182
precision=36.5", - "random selected 67 positives out of 183
precision=36.5", - "random selected 67 positives out of 184
precision=36.5", - "random selected 68 positives out of 185
precision=36.5", - "random selected 68 positives out of 186
precision=36.5", - "random selected 68 positives out of 187
precision=36.5", - "random selected 69 positives out of 188
precision=36.5", - "random selected 69 positives out of 189
precision=36.5", - "random selected 69 positives out of 190
precision=36.5", - "random selected 70 positives out of 191
precision=36.5", - "random selected 70 positives out of 192
precision=36.5", - "random selected 70 positives out of 193
precision=36.5", - "random selected 71 positives out of 194
precision=36.5", - "random selected 71 positives out of 195
precision=36.5", - "random selected 72 positives out of 196
precision=36.5", - "random selected 72 positives out of 197
precision=36.5", - "random selected 72 positives out of 198
precision=36.5", - "random selected 73 positives out of 199
precision=36.5", - "random selected 73 positives out of 200
precision=36.5" + "model selected 1 positives out of 1
precision=100.00
lift=2.74", + "model selected 2 positives out of 2
precision=100.00
lift=2.74", + "model selected 3 positives out of 3
precision=100.00
lift=2.74", + "model selected 4 positives out of 4
precision=100.00
lift=2.74", + "model selected 5 positives out of 5
precision=100.00
lift=2.74", + "model selected 6 positives out of 6
precision=100.00
lift=2.74", + "model selected 7 positives out of 7
precision=100.00
lift=2.74", + "model selected 8 positives out of 8
precision=100.00
lift=2.74", + "model selected 9 positives out of 9
precision=100.00
lift=2.74", + "model selected 10 positives out of 10
precision=100.00
lift=2.74", + "model selected 11 positives out of 11
precision=100.00
lift=2.74", + "model selected 12 positives out of 12
precision=100.00
lift=2.74", + "model selected 13 positives out of 13
precision=100.00
lift=2.74", + "model selected 14 positives out of 14
precision=100.00
lift=2.74", + "model selected 15 positives out of 15
precision=100.00
lift=2.74", + "model selected 16 positives out of 16
precision=100.00
lift=2.74", + "model selected 17 positives out of 17
precision=100.00
lift=2.74", + "model selected 18 positives out of 18
precision=100.00
lift=2.74", + "model selected 19 positives out of 19
precision=100.00
lift=2.74", + "model selected 20 positives out of 20
precision=100.00
lift=2.74", + "model selected 21 positives out of 21
precision=100.00
lift=2.74", + "model selected 22 positives out of 22
precision=100.00
lift=2.74", + "model selected 23 positives out of 23
precision=100.00
lift=2.74", + "model selected 24 positives out of 24
precision=100.00
lift=2.74", + "model selected 25 positives out of 25
precision=100.00
lift=2.74", + "model selected 26 positives out of 26
precision=100.00
lift=2.74", + "model selected 27 positives out of 27
precision=100.00
lift=2.74", + "model selected 28 positives out of 28
precision=100.00
lift=2.74", + "model selected 29 positives out of 29
precision=100.00
lift=2.74", + "model selected 30 positives out of 30
precision=100.00
lift=2.74", + "model selected 30 positives out of 31
precision=96.77
lift=2.65", + "model selected 31 positives out of 32
precision=96.88
lift=2.65", + "model selected 32 positives out of 33
precision=96.97
lift=2.66", + "model selected 33 positives out of 34
precision=97.06
lift=2.66", + "model selected 34 positives out of 35
precision=97.14
lift=2.66", + "model selected 34 positives out of 36
precision=94.44
lift=2.59", + "model selected 35 positives out of 37
precision=94.59
lift=2.59", + "model selected 36 positives out of 38
precision=94.74
lift=2.60", + "model selected 37 positives out of 39
precision=94.87
lift=2.60", + "model selected 38 positives out of 40
precision=95.00
lift=2.60", + "model selected 39 positives out of 41
precision=95.12
lift=2.61", + "model selected 40 positives out of 42
precision=95.24
lift=2.61", + "model selected 41 positives out of 43
precision=95.35
lift=2.61", + "model selected 41 positives out of 44
precision=93.18
lift=2.55", + "model selected 41 positives out of 45
precision=91.11
lift=2.50", + "model selected 41 positives out of 46
precision=89.13
lift=2.44", + "model selected 41 positives out of 47
precision=87.23
lift=2.39", + "model selected 42 positives out of 48
precision=87.50
lift=2.40", + "model selected 42 positives out of 49
precision=85.71
lift=2.35", + "model selected 42 positives out of 50
precision=84.00
lift=2.30", + "model selected 42 positives out of 51
precision=82.35
lift=2.26", + "model selected 43 positives out of 52
precision=82.69
lift=2.27", + "model selected 44 positives out of 53
precision=83.02
lift=2.27", + "model selected 45 positives out of 54
precision=83.33
lift=2.28", + "model selected 45 positives out of 55
precision=81.82
lift=2.24", + "model selected 46 positives out of 56
precision=82.14
lift=2.25", + "model selected 46 positives out of 57
precision=80.70
lift=2.21", + "model selected 47 positives out of 58
precision=81.03
lift=2.22", + "model selected 47 positives out of 59
precision=79.66
lift=2.18", + "model selected 47 positives out of 60
precision=78.33
lift=2.15", + "model selected 48 positives out of 61
precision=78.69
lift=2.16", + "model selected 49 positives out of 62
precision=79.03
lift=2.17", + "model selected 50 positives out of 63
precision=79.37
lift=2.17", + "model selected 51 positives out of 64
precision=79.69
lift=2.18", + "model selected 51 positives out of 65
precision=78.46
lift=2.15", + "model selected 51 positives out of 66
precision=77.27
lift=2.12", + "model selected 52 positives out of 67
precision=77.61
lift=2.13", + "model selected 52 positives out of 68
precision=76.47
lift=2.10", + "model selected 52 positives out of 69
precision=75.36
lift=2.06", + "model selected 53 positives out of 70
precision=75.71
lift=2.07", + "model selected 53 positives out of 71
precision=74.65
lift=2.05", + "model selected 54 positives out of 72
precision=75.00
lift=2.05", + "model selected 54 positives out of 73
precision=73.97
lift=2.03", + "model selected 54 positives out of 74
precision=72.97
lift=2.00", + "model selected 55 positives out of 75
precision=73.33
lift=2.01", + "model selected 55 positives out of 76
precision=72.37
lift=1.98", + "model selected 55 positives out of 77
precision=71.43
lift=1.96", + "model selected 55 positives out of 78
precision=70.51
lift=1.93", + "model selected 55 positives out of 79
precision=69.62
lift=1.91", + "model selected 56 positives out of 80
precision=70.00
lift=1.92", + "model selected 56 positives out of 81
precision=69.14
lift=1.89", + "model selected 57 positives out of 82
precision=69.51
lift=1.90", + "model selected 57 positives out of 83
precision=68.67
lift=1.88", + "model selected 57 positives out of 84
precision=67.86
lift=1.86", + "model selected 58 positives out of 85
precision=68.24
lift=1.87", + "model selected 59 positives out of 86
precision=68.60
lift=1.88", + "model selected 59 positives out of 87
precision=67.82
lift=1.86", + "model selected 59 positives out of 88
precision=67.05
lift=1.84", + "model selected 60 positives out of 89
precision=67.42
lift=1.85", + "model selected 61 positives out of 90
precision=67.78
lift=1.86", + "model selected 62 positives out of 91
precision=68.13
lift=1.87", + "model selected 62 positives out of 92
precision=67.39
lift=1.85", + "model selected 62 positives out of 93
precision=66.67
lift=1.83", + "model selected 62 positives out of 94
precision=65.96
lift=1.81", + "model selected 63 positives out of 95
precision=66.32
lift=1.82", + "model selected 64 positives out of 96
precision=66.67
lift=1.83", + "model selected 64 positives out of 97
precision=65.98
lift=1.81", + "model selected 65 positives out of 98
precision=66.33
lift=1.82", + "model selected 65 positives out of 99
precision=65.66
lift=1.80", + "model selected 66 positives out of 100
precision=66.00
lift=1.81", + "model selected 66 positives out of 101
precision=65.35
lift=1.79", + "model selected 67 positives out of 102
precision=65.69
lift=1.80", + "model selected 67 positives out of 103
precision=65.05
lift=1.78", + "model selected 67 positives out of 104
precision=64.42
lift=1.77", + "model selected 67 positives out of 105
precision=63.81
lift=1.75", + "model selected 68 positives out of 106
precision=64.15
lift=1.76", + "model selected 68 positives out of 107
precision=63.55
lift=1.74", + "model selected 68 positives out of 108
precision=62.96
lift=1.73", + "model selected 68 positives out of 109
precision=62.39
lift=1.71", + "model selected 68 positives out of 110
precision=61.82
lift=1.69", + "model selected 68 positives out of 111
precision=61.26
lift=1.68", + "model selected 68 positives out of 112
precision=60.71
lift=1.66", + "model selected 68 positives out of 113
precision=60.18
lift=1.65", + "model selected 68 positives out of 114
precision=59.65
lift=1.63", + "model selected 68 positives out of 115
precision=59.13
lift=1.62", + "model selected 68 positives out of 116
precision=58.62
lift=1.61", + "model selected 68 positives out of 117
precision=58.12
lift=1.59", + "model selected 68 positives out of 118
precision=57.63
lift=1.58", + "model selected 69 positives out of 119
precision=57.98
lift=1.59", + "model selected 69 positives out of 120
precision=57.50
lift=1.58", + "model selected 69 positives out of 121
precision=57.02
lift=1.56", + "model selected 69 positives out of 122
precision=56.56
lift=1.55", + "model selected 69 positives out of 123
precision=56.10
lift=1.54", + "model selected 69 positives out of 124
precision=55.65
lift=1.52", + "model selected 69 positives out of 125
precision=55.20
lift=1.51", + "model selected 69 positives out of 126
precision=54.76
lift=1.50", + "model selected 69 positives out of 127
precision=54.33
lift=1.49", + "model selected 69 positives out of 128
precision=53.91
lift=1.48", + "model selected 69 positives out of 129
precision=53.49
lift=1.47", + "model selected 69 positives out of 130
precision=53.08
lift=1.45", + "model selected 69 positives out of 131
precision=52.67
lift=1.44", + "model selected 69 positives out of 132
precision=52.27
lift=1.43", + "model selected 69 positives out of 133
precision=51.88
lift=1.42", + "model selected 69 positives out of 134
precision=51.49
lift=1.41", + "model selected 69 positives out of 135
precision=51.11
lift=1.40", + "model selected 69 positives out of 136
precision=50.74
lift=1.39", + "model selected 69 positives out of 137
precision=50.36
lift=1.38", + "model selected 69 positives out of 138
precision=50.00
lift=1.37", + "model selected 69 positives out of 139
precision=49.64
lift=1.36", + "model selected 69 positives out of 140
precision=49.29
lift=1.35", + "model selected 69 positives out of 141
precision=48.94
lift=1.34", + "model selected 69 positives out of 142
precision=48.59
lift=1.33", + "model selected 69 positives out of 143
precision=48.25
lift=1.32", + "model selected 69 positives out of 144
precision=47.92
lift=1.31", + "model selected 70 positives out of 145
precision=48.28
lift=1.32", + "model selected 70 positives out of 146
precision=47.95
lift=1.31", + "model selected 70 positives out of 147
precision=47.62
lift=1.30", + "model selected 70 positives out of 148
precision=47.30
lift=1.30", + "model selected 70 positives out of 149
precision=46.98
lift=1.29", + "model selected 70 positives out of 150
precision=46.67
lift=1.28", + "model selected 70 positives out of 151
precision=46.36
lift=1.27", + "model selected 70 positives out of 152
precision=46.05
lift=1.26", + "model selected 70 positives out of 153
precision=45.75
lift=1.25", + "model selected 70 positives out of 154
precision=45.45
lift=1.25", + "model selected 71 positives out of 155
precision=45.81
lift=1.25", + "model selected 71 positives out of 156
precision=45.51
lift=1.25", + "model selected 71 positives out of 157
precision=45.22
lift=1.24", + "model selected 71 positives out of 158
precision=44.94
lift=1.23", + "model selected 71 positives out of 159
precision=44.65
lift=1.22", + "model selected 71 positives out of 160
precision=44.38
lift=1.22", + "model selected 71 positives out of 161
precision=44.10
lift=1.21", + "model selected 71 positives out of 162
precision=43.83
lift=1.20", + "model selected 71 positives out of 163
precision=43.56
lift=1.19", + "model selected 71 positives out of 164
precision=43.29
lift=1.19", + "model selected 71 positives out of 165
precision=43.03
lift=1.18", + "model selected 71 positives out of 166
precision=42.77
lift=1.17", + "model selected 71 positives out of 167
precision=42.51
lift=1.16", + "model selected 71 positives out of 168
precision=42.26
lift=1.16", + "model selected 71 positives out of 169
precision=42.01
lift=1.15", + "model selected 71 positives out of 170
precision=41.76
lift=1.14", + "model selected 71 positives out of 171
precision=41.52
lift=1.14", + "model selected 71 positives out of 172
precision=41.28
lift=1.13", + "model selected 71 positives out of 173
precision=41.04
lift=1.12", + "model selected 71 positives out of 174
precision=40.80
lift=1.12", + "model selected 71 positives out of 175
precision=40.57
lift=1.11", + "model selected 71 positives out of 176
precision=40.34
lift=1.11", + "model selected 71 positives out of 177
precision=40.11
lift=1.10", + "model selected 71 positives out of 178
precision=39.89
lift=1.09", + "model selected 71 positives out of 179
precision=39.66
lift=1.09", + "model selected 71 positives out of 180
precision=39.44
lift=1.08", + "model selected 72 positives out of 181
precision=39.78
lift=1.09", + "model selected 72 positives out of 182
precision=39.56
lift=1.08", + "model selected 72 positives out of 183
precision=39.34
lift=1.08", + "model selected 72 positives out of 184
precision=39.13
lift=1.07", + "model selected 72 positives out of 185
precision=38.92
lift=1.07", + "model selected 72 positives out of 186
precision=38.71
lift=1.06", + "model selected 72 positives out of 187
precision=38.50
lift=1.05", + "model selected 72 positives out of 188
precision=38.30
lift=1.05", + "model selected 72 positives out of 189
precision=38.10
lift=1.04", + "model selected 72 positives out of 190
precision=37.89
lift=1.04", + "model selected 72 positives out of 191
precision=37.70
lift=1.03", + "model selected 72 positives out of 192
precision=37.50
lift=1.03", + "model selected 72 positives out of 193
precision=37.31
lift=1.02", + "model selected 72 positives out of 194
precision=37.11
lift=1.02", + "model selected 72 positives out of 195
precision=36.92
lift=1.01", + "model selected 73 positives out of 196
precision=37.24
lift=1.02", + "model selected 73 positives out of 197
precision=37.06
lift=1.02", + "model selected 73 positives out of 198
precision=36.87
lift=1.01", + "model selected 73 positives out of 199
precision=36.68
lift=1.01", + "model selected 73 positives out of 200
precision=36.50
lift=1.00" ], "type": "scatter", "x": [ @@ -61438,73 +44479,684 @@ 200 ], "y": [ - 0.36, - 0.73, - 1.1, - 1.46, - 1.82, - 2.19, - 2.55, - 2.92, - 3.28, - 3.65, - 4.01, - 4.38, - 4.74, - 5.11, - 5.48, - 5.84, - 6.2, - 6.57, - 6.94, - 7.3, - 7.66, - 8.03, - 8.4, - 8.76, - 9.12, - 9.49, - 9.86, - 10.22, - 10.58, - 10.95, - 11.32, - 11.68, - 12.04, - 12.41, - 12.78, - 13.14, - 13.5, - 13.87, - 14.24, - 14.6, - 14.96, - 15.33, - 15.7, - 16.06, - 16.42, - 16.79, - 17.16, - 17.52, - 17.88, - 18.25, - 18.61, - 18.98, - 19.34, - 19.71, - 20.08, - 20.44, - 20.8, - 21.17, - 21.54, - 21.9, - 22.26, - 22.63, - 23, - 23.36, - 23.72, - 24.09, - 24.46, + 1, + 2, + 3, + 4, + 5, + 6, + 7, + 8, + 9, + 10, + 11, + 12, + 13, + 14, + 15, + 16, + 17, + 18, + 19, + 20, + 21, + 22, + 23, + 24, + 25, + 26, + 27, + 28, + 29, + 30, + 30, + 31, + 32, + 33, + 34, + 34, + 35, + 36, + 37, + 38, + 39, + 40, + 41, + 41, + 41, + 41, + 41, + 42, + 42, + 42, + 42, + 43, + 44, + 45, + 45, + 46, + 46, + 47, + 47, + 47, + 48, + 49, + 50, + 51, + 51, + 51, + 52, + 52, + 52, + 53, + 53, + 54, + 54, + 54, + 55, + 55, + 55, + 55, + 55, + 56, + 56, + 57, + 57, + 57, + 58, + 59, + 59, + 59, + 60, + 61, + 62, + 62, + 62, + 62, + 63, + 64, + 64, + 65, + 65, + 66, + 66, + 67, + 67, + 67, + 67, + 68, + 68, + 68, + 68, + 68, + 68, + 68, + 68, + 68, + 68, + 68, + 68, + 68, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 69, + 70, + 70, + 70, + 70, + 70, + 70, + 70, + 70, + 70, + 70, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 71, + 72, + 72, + 72, + 72, + 72, + 72, + 72, + 72, + 72, + 72, + 72, + 72, + 72, + 72, + 72, + 73, + 73, + 73, + 73, + 73 + ] + }, + { + "hoverinfo": "text", + "name": "random", + "text": [ + "random selected 0 positives out of 1
precision=36.50", + "random selected 0 positives out of 2
precision=36.50", + "random selected 1 positives out of 3
precision=36.50", + "random selected 1 positives out of 4
precision=36.50", + "random selected 1 positives out of 5
precision=36.50", + "random selected 2 positives out of 6
precision=36.50", + "random selected 2 positives out of 7
precision=36.50", + "random selected 2 positives out of 8
precision=36.50", + "random selected 3 positives out of 9
precision=36.50", + "random selected 3 positives out of 10
precision=36.50", + "random selected 4 positives out of 11
precision=36.50", + "random selected 4 positives out of 12
precision=36.50", + "random selected 4 positives out of 13
precision=36.50", + "random selected 5 positives out of 14
precision=36.50", + "random selected 5 positives out of 15
precision=36.50", + "random selected 5 positives out of 16
precision=36.50", + "random selected 6 positives out of 17
precision=36.50", + "random selected 6 positives out of 18
precision=36.50", + "random selected 6 positives out of 19
precision=36.50", + "random selected 7 positives out of 20
precision=36.50", + "random selected 7 positives out of 21
precision=36.50", + "random selected 8 positives out of 22
precision=36.50", + "random selected 8 positives out of 23
precision=36.50", + "random selected 8 positives out of 24
precision=36.50", + "random selected 9 positives out of 25
precision=36.50", + "random selected 9 positives out of 26
precision=36.50", + "random selected 9 positives out of 27
precision=36.50", + "random selected 10 positives out of 28
precision=36.50", + "random selected 10 positives out of 29
precision=36.50", + "random selected 10 positives out of 30
precision=36.50", + "random selected 11 positives out of 31
precision=36.50", + "random selected 11 positives out of 32
precision=36.50", + "random selected 12 positives out of 33
precision=36.50", + "random selected 12 positives out of 34
precision=36.50", + "random selected 12 positives out of 35
precision=36.50", + "random selected 13 positives out of 36
precision=36.50", + "random selected 13 positives out of 37
precision=36.50", + "random selected 13 positives out of 38
precision=36.50", + "random selected 14 positives out of 39
precision=36.50", + "random selected 14 positives out of 40
precision=36.50", + "random selected 14 positives out of 41
precision=36.50", + "random selected 15 positives out of 42
precision=36.50", + "random selected 15 positives out of 43
precision=36.50", + "random selected 16 positives out of 44
precision=36.50", + "random selected 16 positives out of 45
precision=36.50", + "random selected 16 positives out of 46
precision=36.50", + "random selected 17 positives out of 47
precision=36.50", + "random selected 17 positives out of 48
precision=36.50", + "random selected 17 positives out of 49
precision=36.50", + "random selected 18 positives out of 50
precision=36.50", + "random selected 18 positives out of 51
precision=36.50", + "random selected 18 positives out of 52
precision=36.50", + "random selected 19 positives out of 53
precision=36.50", + "random selected 19 positives out of 54
precision=36.50", + "random selected 20 positives out of 55
precision=36.50", + "random selected 20 positives out of 56
precision=36.50", + "random selected 20 positives out of 57
precision=36.50", + "random selected 21 positives out of 58
precision=36.50", + "random selected 21 positives out of 59
precision=36.50", + "random selected 21 positives out of 60
precision=36.50", + "random selected 22 positives out of 61
precision=36.50", + "random selected 22 positives out of 62
precision=36.50", + "random selected 22 positives out of 63
precision=36.50", + "random selected 23 positives out of 64
precision=36.50", + "random selected 23 positives out of 65
precision=36.50", + "random selected 24 positives out of 66
precision=36.50", + "random selected 24 positives out of 67
precision=36.50", + "random selected 24 positives out of 68
precision=36.50", + "random selected 25 positives out of 69
precision=36.50", + "random selected 25 positives out of 70
precision=36.50", + "random selected 25 positives out of 71
precision=36.50", + "random selected 26 positives out of 72
precision=36.50", + "random selected 26 positives out of 73
precision=36.50", + "random selected 27 positives out of 74
precision=36.50", + "random selected 27 positives out of 75
precision=36.50", + "random selected 27 positives out of 76
precision=36.50", + "random selected 28 positives out of 77
precision=36.50", + "random selected 28 positives out of 78
precision=36.50", + "random selected 28 positives out of 79
precision=36.50", + "random selected 29 positives out of 80
precision=36.50", + "random selected 29 positives out of 81
precision=36.50", + "random selected 29 positives out of 82
precision=36.50", + "random selected 30 positives out of 83
precision=36.50", + "random selected 30 positives out of 84
precision=36.50", + "random selected 31 positives out of 85
precision=36.50", + "random selected 31 positives out of 86
precision=36.50", + "random selected 31 positives out of 87
precision=36.50", + "random selected 32 positives out of 88
precision=36.50", + "random selected 32 positives out of 89
precision=36.50", + "random selected 32 positives out of 90
precision=36.50", + "random selected 33 positives out of 91
precision=36.50", + "random selected 33 positives out of 92
precision=36.50", + "random selected 33 positives out of 93
precision=36.50", + "random selected 34 positives out of 94
precision=36.50", + "random selected 34 positives out of 95
precision=36.50", + "random selected 35 positives out of 96
precision=36.50", + "random selected 35 positives out of 97
precision=36.50", + "random selected 35 positives out of 98
precision=36.50", + "random selected 36 positives out of 99
precision=36.50", + "random selected 36 positives out of 100
precision=36.50", + "random selected 36 positives out of 101
precision=36.50", + "random selected 37 positives out of 102
precision=36.50", + "random selected 37 positives out of 103
precision=36.50", + "random selected 37 positives out of 104
precision=36.50", + "random selected 38 positives out of 105
precision=36.50", + "random selected 38 positives out of 106
precision=36.50", + "random selected 39 positives out of 107
precision=36.50", + "random selected 39 positives out of 108
precision=36.50", + "random selected 39 positives out of 109
precision=36.50", + "random selected 40 positives out of 110
precision=36.50", + "random selected 40 positives out of 111
precision=36.50", + "random selected 40 positives out of 112
precision=36.50", + "random selected 41 positives out of 113
precision=36.50", + "random selected 41 positives out of 114
precision=36.50", + "random selected 41 positives out of 115
precision=36.50", + "random selected 42 positives out of 116
precision=36.50", + "random selected 42 positives out of 117
precision=36.50", + "random selected 43 positives out of 118
precision=36.50", + "random selected 43 positives out of 119
precision=36.50", + "random selected 43 positives out of 120
precision=36.50", + "random selected 44 positives out of 121
precision=36.50", + "random selected 44 positives out of 122
precision=36.50", + "random selected 44 positives out of 123
precision=36.50", + "random selected 45 positives out of 124
precision=36.50", + "random selected 45 positives out of 125
precision=36.50", + "random selected 45 positives out of 126
precision=36.50", + "random selected 46 positives out of 127
precision=36.50", + "random selected 46 positives out of 128
precision=36.50", + "random selected 47 positives out of 129
precision=36.50", + "random selected 47 positives out of 130
precision=36.50", + "random selected 47 positives out of 131
precision=36.50", + "random selected 48 positives out of 132
precision=36.50", + "random selected 48 positives out of 133
precision=36.50", + "random selected 48 positives out of 134
precision=36.50", + "random selected 49 positives out of 135
precision=36.50", + "random selected 49 positives out of 136
precision=36.50", + "random selected 50 positives out of 137
precision=36.50", + "random selected 50 positives out of 138
precision=36.50", + "random selected 50 positives out of 139
precision=36.50", + "random selected 51 positives out of 140
precision=36.50", + "random selected 51 positives out of 141
precision=36.50", + "random selected 51 positives out of 142
precision=36.50", + "random selected 52 positives out of 143
precision=36.50", + "random selected 52 positives out of 144
precision=36.50", + "random selected 52 positives out of 145
precision=36.50", + "random selected 53 positives out of 146
precision=36.50", + "random selected 53 positives out of 147
precision=36.50", + "random selected 54 positives out of 148
precision=36.50", + "random selected 54 positives out of 149
precision=36.50", + "random selected 54 positives out of 150
precision=36.50", + "random selected 55 positives out of 151
precision=36.50", + "random selected 55 positives out of 152
precision=36.50", + "random selected 55 positives out of 153
precision=36.50", + "random selected 56 positives out of 154
precision=36.50", + "random selected 56 positives out of 155
precision=36.50", + "random selected 56 positives out of 156
precision=36.50", + "random selected 57 positives out of 157
precision=36.50", + "random selected 57 positives out of 158
precision=36.50", + "random selected 58 positives out of 159
precision=36.50", + "random selected 58 positives out of 160
precision=36.50", + "random selected 58 positives out of 161
precision=36.50", + "random selected 59 positives out of 162
precision=36.50", + "random selected 59 positives out of 163
precision=36.50", + "random selected 59 positives out of 164
precision=36.50", + "random selected 60 positives out of 165
precision=36.50", + "random selected 60 positives out of 166
precision=36.50", + "random selected 60 positives out of 167
precision=36.50", + "random selected 61 positives out of 168
precision=36.50", + "random selected 61 positives out of 169
precision=36.50", + "random selected 62 positives out of 170
precision=36.50", + "random selected 62 positives out of 171
precision=36.50", + "random selected 62 positives out of 172
precision=36.50", + "random selected 63 positives out of 173
precision=36.50", + "random selected 63 positives out of 174
precision=36.50", + "random selected 63 positives out of 175
precision=36.50", + "random selected 64 positives out of 176
precision=36.50", + "random selected 64 positives out of 177
precision=36.50", + "random selected 64 positives out of 178
precision=36.50", + "random selected 65 positives out of 179
precision=36.50", + "random selected 65 positives out of 180
precision=36.50", + "random selected 66 positives out of 181
precision=36.50", + "random selected 66 positives out of 182
precision=36.50", + "random selected 66 positives out of 183
precision=36.50", + "random selected 67 positives out of 184
precision=36.50", + "random selected 67 positives out of 185
precision=36.50", + "random selected 67 positives out of 186
precision=36.50", + "random selected 68 positives out of 187
precision=36.50", + "random selected 68 positives out of 188
precision=36.50", + "random selected 68 positives out of 189
precision=36.50", + "random selected 69 positives out of 190
precision=36.50", + "random selected 69 positives out of 191
precision=36.50", + "random selected 70 positives out of 192
precision=36.50", + "random selected 70 positives out of 193
precision=36.50", + "random selected 70 positives out of 194
precision=36.50", + "random selected 71 positives out of 195
precision=36.50", + "random selected 71 positives out of 196
precision=36.50", + "random selected 71 positives out of 197
precision=36.50", + "random selected 72 positives out of 198
precision=36.50", + "random selected 72 positives out of 199
precision=36.50", + "random selected 73 positives out of 200
precision=36.50" + ], + "type": "scatter", + "x": [ + 1, + 2, + 3, + 4, + 5, + 6, + 7, + 8, + 9, + 10, + 11, + 12, + 13, + 14, + 15, + 16, + 17, + 18, + 19, + 20, + 21, + 22, + 23, + 24, + 25, + 26, + 27, + 28, + 29, + 30, + 31, + 32, + 33, + 34, + 35, + 36, + 37, + 38, + 39, + 40, + 41, + 42, + 43, + 44, + 45, + 46, + 47, + 48, + 49, + 50, + 51, + 52, + 53, + 54, + 55, + 56, + 57, + 58, + 59, + 60, + 61, + 62, + 63, + 64, + 65, + 66, + 67, + 68, + 69, + 70, + 71, + 72, + 73, + 74, + 75, + 76, + 77, + 78, + 79, + 80, + 81, + 82, + 83, + 84, + 85, + 86, + 87, + 88, + 89, + 90, + 91, + 92, + 93, + 94, + 95, + 96, + 97, + 98, + 99, + 100, + 101, + 102, + 103, + 104, + 105, + 106, + 107, + 108, + 109, + 110, + 111, + 112, + 113, + 114, + 115, + 116, + 117, + 118, + 119, + 120, + 121, + 122, + 123, + 124, + 125, + 126, + 127, + 128, + 129, + 130, + 131, + 132, + 133, + 134, + 135, + 136, + 137, + 138, + 139, + 140, + 141, + 142, + 143, + 144, + 145, + 146, + 147, + 148, + 149, + 150, + 151, + 152, + 153, + 154, + 155, + 156, + 157, + 158, + 159, + 160, + 161, + 162, + 163, + 164, + 165, + 166, + 167, + 168, + 169, + 170, + 171, + 172, + 173, + 174, + 175, + 176, + 177, + 178, + 179, + 180, + 181, + 182, + 183, + 184, + 185, + 186, + 187, + 188, + 189, + 190, + 191, + 192, + 193, + 194, + 195, + 196, + 197, + 198, + 199, + 200 + ], + "y": [ + 0.36, + 0.73, + 1.1, + 1.46, + 1.82, + 2.19, + 2.55, + 2.92, + 3.28, + 3.65, + 4.01, + 4.38, + 4.74, + 5.11, + 5.48, + 5.84, + 6.2, + 6.57, + 6.94, + 7.3, + 7.66, + 8.03, + 8.4, + 8.76, + 9.12, + 9.49, + 9.86, + 10.22, + 10.58, + 10.95, + 11.32, + 11.68, + 12.04, + 12.41, + 12.78, + 13.14, + 13.5, + 13.87, + 14.24, + 14.6, + 14.96, + 15.33, + 15.7, + 16.06, + 16.42, + 16.79, + 17.16, + 17.52, + 17.88, + 18.25, + 18.61, + 18.98, + 19.34, + 19.71, + 20.08, + 20.44, + 20.8, + 21.17, + 21.54, + 21.9, + 22.26, + 22.63, + 23, + 23.36, + 23.72, + 24.09, + 24.46, 24.82, 25.18, 25.55, @@ -61666,6 +45318,10 @@ "x": 0.5 }, "xaxis": { + "range": [ + 0, + 200 + ], "spikemode": "across", "title": { "text": "Number sampled" @@ -61679,9 +45335,9 @@ } }, "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_shap_detailed(topx=10, cats=True)" - ] - }, - { - "cell_type": "code", - "execution_count": 55, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:46:52.738094Z", - "start_time": "2020-10-12T08:46:52.447471Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ - { - "hoverinfo": "text", - "marker": { - "color": [ - 1, - 1, - 3, - 3, - 2, - 3, - 3, - 3, - 3, - 1, - 3, - 3, - 3, - 2, - 1, - 3, - 3, - 2, - 2, - 3, - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 3, - 3, - 3, - 2, - 3, - 3, - 3, - 2, - 2, - 3, - 3, - 1, - 1, - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 1, - 3, - 3, - 3, - 3, - 3, - 2, - 3, - 1, - 1, - 2, - 3, - 3, - 3, - 1, - 3, - 1, - 3, - 1, - 2, - 1, - 3, - 3, - 3, - 1, - 3, - 1, - 3, - 2, - 3, - 1, - 1, - 3, - 3, - 3, - 3, - 3, - 3, - 3, - 1, - 2, - 3, - 2, - 2, - 3, - 1, - 1, - 2, - 2, - 3, - 2, - 1, - 3, - 3, - 3, - 3, - 3, - 1, - 1, - 2, - 3, - 3, - 2, - 1, - 2, - 3, - 3, - 1, - 3, - 2, - 1, - 3, - 1, - 3, - 3, - 3, - 1, - 1, - 3, - 1, - 2, - 1, - 3, - 3, - 3, - 3, - 3, - 3, - 1, - 3, - 3, - 3, - 2, - 1, - 3, - 2, - 1, - 3, - 1, - 3, - 3, - 3, - 3, - 1, - 3, - 1, - 1, - 1, - 3, - 2, - 2, - 3, - 3, - 2, - 1, - 2, - 2, - 3, - 3, - 3, - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 3, - 1, - 1, - 2, - 1, - 3, - 3, - 2, - 3, - 3, - 2, - 2, - 3, - 3, - 3, - 3, - 3, - 3, - 1, - 3, - 2 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "PassengerClass", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
PassengerClass=1
shap=65.34", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
PassengerClass=1
shap=56.782", - "index=Palsson, Master. Gosta Leonard
PassengerClass=3
shap=-33.127", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
PassengerClass=3
shap=-21.443", - "index=Nasser, Mrs. Nicholas (Adele Achem)
PassengerClass=2
shap=-12.11", - "index=Saundercock, Mr. William Henry
PassengerClass=3
shap=-14.039", - "index=Vestrom, Miss. Hulda Amanda Adolfina
PassengerClass=3
shap=-18.185", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
PassengerClass=3
shap=-35.824", - "index=Glynn, Miss. Mary Agatha
PassengerClass=3
shap=-19.078", - "index=Meyer, Mr. Edgar Joseph
PassengerClass=1
shap=51.303", - "index=Kraeff, Mr. Theodor
PassengerClass=3
shap=-16.6", - "index=Devaney, Miss. Margaret Delia
PassengerClass=3
shap=-19.17", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
PassengerClass=3
shap=-19.201", - "index=Rugg, Miss. Emily
PassengerClass=2
shap=-12.651", - "index=Harris, Mr. Henry Birkhardt
PassengerClass=1
shap=46.0", - "index=Skoog, Master. Harald
PassengerClass=3
shap=-34.505", - "index=Kink, Mr. Vincenz
PassengerClass=3
shap=-19.364", - "index=Hood, Mr. Ambrose Jr
PassengerClass=2
shap=-7.542", - "index=Ilett, Miss. Bertha
PassengerClass=2
shap=-12.27", - "index=Ford, Mr. William Neal
PassengerClass=3
shap=-32.559", - "index=Christmann, Mr. Emil
PassengerClass=3
shap=-13.751", - "index=Andreasson, Mr. Paul Edvin
PassengerClass=3
shap=-14.039", - "index=Chaffee, Mr. Herbert Fuller
PassengerClass=1
shap=42.444", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
PassengerClass=3
shap=-13.717", - "index=White, Mr. Richard Frasar
PassengerClass=1
shap=52.097", - "index=Rekic, Mr. Tido
PassengerClass=3
shap=-14.112", - "index=Moran, Miss. Bertha
PassengerClass=3
shap=-20.392", - "index=Barton, Mr. David John
PassengerClass=3
shap=-14.041", - "index=Jussila, Miss. Katriina
PassengerClass=3
shap=-19.104", - "index=Pekoniemi, Mr. Edvard
PassengerClass=3
shap=-14.039", - "index=Turpin, Mr. William John Robert
PassengerClass=2
shap=-6.18", - "index=Moore, Mr. Leonard Charles
PassengerClass=3
shap=-13.717", - "index=Osen, Mr. Olaf Elon
PassengerClass=3
shap=-14.159", - "index=Ford, Miss. Robina Maggie \"Ruby\"
PassengerClass=3
shap=-33.916", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
PassengerClass=2
shap=-10.282", - "index=Bateman, Rev. Robert James
PassengerClass=2
shap=-7.037", - "index=Meo, Mr. Alfonzo
PassengerClass=3
shap=-13.708", - "index=Cribb, Mr. John Hatfield
PassengerClass=3
shap=-19.028", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
PassengerClass=1
shap=57.787", - "index=Van der hoef, Mr. Wyckoff
PassengerClass=1
shap=42.442", - "index=Sivola, Mr. Antti Wilhelm
PassengerClass=3
shap=-14.039", - "index=Klasen, Mr. Klas Albin
PassengerClass=3
shap=-19.458", - "index=Rood, Mr. Hugh Roscoe
PassengerClass=1
shap=39.262", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
PassengerClass=3
shap=-19.501", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
PassengerClass=1
shap=72.547", - "index=Vande Walle, Mr. Nestor Cyriel
PassengerClass=3
shap=-13.733", - "index=Backstrom, Mr. Karl Alfred
PassengerClass=3
shap=-16.573", - "index=Blank, Mr. Henry
PassengerClass=1
shap=53.289", - "index=Ali, Mr. Ahmed
PassengerClass=3
shap=-14.03", - "index=Green, Mr. George Henry
PassengerClass=3
shap=-13.731", - "index=Nenkoff, Mr. Christo
PassengerClass=3
shap=-13.717", - "index=Asplund, Miss. Lillian Gertrud
PassengerClass=3
shap=-35.645", - "index=Harknett, Miss. Alice Phoebe
PassengerClass=3
shap=-17.834", - "index=Hunt, Mr. George Henry
PassengerClass=2
shap=-7.528", - "index=Reed, Mr. James George
PassengerClass=3
shap=-13.717", - "index=Stead, Mr. William Thomas
PassengerClass=1
shap=40.189", - "index=Thorne, Mrs. Gertrude Maybelle
PassengerClass=1
shap=62.322", - "index=Parrish, Mrs. (Lutie Davis)
PassengerClass=2
shap=-13.947", - "index=Smith, Mr. Thomas
PassengerClass=3
shap=-15.195", - "index=Asplund, Master. Edvin Rojj Felix
PassengerClass=3
shap=-34.549", - "index=Healy, Miss. Hanora \"Nora\"
PassengerClass=3
shap=-19.078", - "index=Andrews, Miss. Kornelia Theodosia
PassengerClass=1
shap=48.521", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
PassengerClass=3
shap=-23.707", - "index=Smith, Mr. Richard William
PassengerClass=1
shap=39.262", - "index=Connolly, Miss. Kate
PassengerClass=3
shap=-19.173", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
PassengerClass=1
shap=66.183", - "index=Levy, Mr. Rene Jacques
PassengerClass=2
shap=-13.706", - "index=Lewy, Mr. Ervin G
PassengerClass=1
shap=49.157", - "index=Williams, Mr. Howard Hugh \"Harry\"
PassengerClass=3
shap=-13.717", - "index=Sage, Mr. George John Jr
PassengerClass=3
shap=-29.987", - "index=Nysveen, Mr. Johan Hansen
PassengerClass=3
shap=-13.71", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
PassengerClass=1
shap=54.27", - "index=Denkoff, Mr. Mitto
PassengerClass=3
shap=-13.717", - "index=Burns, Miss. Elizabeth Margaret
PassengerClass=1
shap=63.731", - "index=Dimic, Mr. Jovan
PassengerClass=3
shap=-14.062", - "index=del Carlo, Mr. Sebastiano
PassengerClass=2
shap=-8.499", - "index=Beavan, Mr. William Thomas
PassengerClass=3
shap=-14.039", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
PassengerClass=1
shap=60.839", - "index=Widener, Mr. Harry Elkins
PassengerClass=1
shap=60.111", - "index=Gustafsson, Mr. Karl Gideon
PassengerClass=3
shap=-14.039", - "index=Plotcharsky, Mr. Vasil
PassengerClass=3
shap=-13.717", - "index=Goodwin, Master. Sidney Leonard
PassengerClass=3
shap=-32.253", - "index=Sadlier, Mr. Matthew
PassengerClass=3
shap=-15.195", - "index=Gustafsson, Mr. Johan Birger
PassengerClass=3
shap=-19.403", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
PassengerClass=3
shap=-20.483", - "index=Niskanen, Mr. Juha
PassengerClass=3
shap=-14.123", - "index=Minahan, Miss. Daisy E
PassengerClass=1
shap=56.978", - "index=Matthews, Mr. William John
PassengerClass=2
shap=-7.216", - "index=Charters, Mr. David
PassengerClass=3
shap=-15.401", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
PassengerClass=2
shap=-12.651", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
PassengerClass=2
shap=-13.117", - "index=Johannesen-Bratthammer, Mr. Bernt
PassengerClass=3
shap=-13.681", - "index=Peuchen, Major. Arthur Godfrey
PassengerClass=1
shap=41.069", - "index=Anderson, Mr. Harry
PassengerClass=1
shap=38.334", - "index=Milling, Mr. Jacob Christian
PassengerClass=2
shap=-7.087", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
PassengerClass=2
shap=-14.852", - "index=Karlsson, Mr. Nils August
PassengerClass=3
shap=-14.041", - "index=Frost, Mr. Anthony Wood \"Archie\"
PassengerClass=2
shap=-8.662", - "index=Bishop, Mr. Dickinson H
PassengerClass=1
shap=72.136", - "index=Windelov, Mr. Einar
PassengerClass=3
shap=-14.039", - "index=Shellard, Mr. Frederick William
PassengerClass=3
shap=-13.717", - "index=Svensson, Mr. Olof
PassengerClass=3
shap=-14.03", - "index=O'Sullivan, Miss. Bridget Mary
PassengerClass=3
shap=-18.871", - "index=Laitinen, Miss. Kristina Sofia
PassengerClass=3
shap=-20.214", - "index=Penasco y Castellana, Mr. Victor de Satode
PassengerClass=1
shap=52.812", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
PassengerClass=1
shap=40.954", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
PassengerClass=2
shap=-12.148", - "index=Kassem, Mr. Fared
PassengerClass=3
shap=-16.6", - "index=Cacic, Miss. Marija
PassengerClass=3
shap=-17.928", - "index=Hart, Miss. Eva Miriam
PassengerClass=2
shap=-12.119", - "index=Butt, Major. Archibald Willingham
PassengerClass=1
shap=44.527", - "index=Beane, Mr. Edward
PassengerClass=2
shap=-7.271", - "index=Goldsmith, Mr. Frank John
PassengerClass=3
shap=-19.999", - "index=Ohman, Miss. Velin
PassengerClass=3
shap=-18.208", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
PassengerClass=1
shap=57.213", - "index=Morrow, Mr. Thomas Rowan
PassengerClass=3
shap=-15.195", - "index=Harris, Mr. George
PassengerClass=2
shap=-8.761", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
PassengerClass=1
shap=51.444", - "index=Patchett, Mr. George
PassengerClass=3
shap=-14.039", - "index=Ross, Mr. John Hugo
PassengerClass=1
shap=60.111", - "index=Murdlin, Mr. Joseph
PassengerClass=3
shap=-13.717", - "index=Bourke, Miss. Mary
PassengerClass=3
shap=-21.57", - "index=Boulos, Mr. Hanna
PassengerClass=3
shap=-16.6", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
PassengerClass=1
shap=52.02", - "index=Homer, Mr. Harry (\"Mr E Haven\")
PassengerClass=1
shap=68.814", - "index=Lindell, Mr. Edvard Bengtsson
PassengerClass=3
shap=-17.551", - "index=Daniel, Mr. Robert Williams
PassengerClass=1
shap=39.707", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
PassengerClass=2
shap=-13.914", - "index=Shutes, Miss. Elizabeth W
PassengerClass=1
shap=55.893", - "index=Jardin, Mr. Jose Neto
PassengerClass=3
shap=-13.717", - "index=Horgan, Mr. John
PassengerClass=3
shap=-15.195", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
PassengerClass=3
shap=-18.951", - "index=Yasbeck, Mr. Antoni
PassengerClass=3
shap=-18.672", - "index=Bostandyeff, Mr. Guentcho
PassengerClass=3
shap=-13.711", - "index=Lundahl, Mr. Johan Svensson
PassengerClass=3
shap=-13.731", - "index=Stahelin-Maeglin, Dr. Max
PassengerClass=1
shap=72.918", - "index=Willey, Mr. Edward
PassengerClass=3
shap=-13.717", - "index=Stanley, Miss. Amy Zillah Elsie
PassengerClass=3
shap=-18.215", - "index=Hegarty, Miss. Hanora \"Nora\"
PassengerClass=3
shap=-19.137", - "index=Eitemiller, Mr. George Floyd
PassengerClass=2
shap=-7.49", - "index=Colley, Mr. Edward Pomeroy
PassengerClass=1
shap=37.318", - "index=Coleff, Mr. Peju
PassengerClass=3
shap=-14.825", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
PassengerClass=2
shap=-13.393", - "index=Davidson, Mr. Thornton
PassengerClass=1
shap=47.489", - "index=Turja, Miss. Anna Sofia
PassengerClass=3
shap=-18.393", - "index=Hassab, Mr. Hammad
PassengerClass=1
shap=48.65", - "index=Goodwin, Mr. Charles Edward
PassengerClass=3
shap=-32.236", - "index=Panula, Mr. Jaako Arnold
PassengerClass=3
shap=-34.382", - "index=Fischer, Mr. Eberhard Thelander
PassengerClass=3
shap=-14.226", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
PassengerClass=3
shap=-13.592", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
PassengerClass=1
shap=58.752", - "index=Hansen, Mr. Henrik Juul
PassengerClass=3
shap=-16.418", - "index=Calderhead, Mr. Edward Pennington
PassengerClass=1
shap=39.258", - "index=Klaber, Mr. Herman
PassengerClass=1
shap=44.188", - "index=Taylor, Mr. Elmer Zebley
PassengerClass=1
shap=45.972", - "index=Larsson, Mr. August Viktor
PassengerClass=3
shap=-13.751", - "index=Greenberg, Mr. Samuel
PassengerClass=2
shap=-7.037", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
PassengerClass=2
shap=-11.565", - "index=McEvoy, Mr. Michael
PassengerClass=3
shap=-15.195", - "index=Johnson, Mr. Malkolm Joackim
PassengerClass=3
shap=-14.042", - "index=Gillespie, Mr. William Henry
PassengerClass=2
shap=-8.119", - "index=Allen, Miss. Elisabeth Walton
PassengerClass=1
shap=54.511", - "index=Berriman, Mr. William John
PassengerClass=2
shap=-7.49", - "index=Troupiansky, Mr. Moses Aaron
PassengerClass=2
shap=-7.49", - "index=Williams, Mr. Leslie
PassengerClass=3
shap=-13.733", - "index=Ivanoff, Mr. Kanio
PassengerClass=3
shap=-13.717", - "index=McNamee, Mr. Neal
PassengerClass=3
shap=-16.694", - "index=Connaghton, Mr. Michael
PassengerClass=3
shap=-15.477", - "index=Carlsson, Mr. August Sigfrid
PassengerClass=3
shap=-13.733", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
PassengerClass=1
shap=56.632", - "index=Eklund, Mr. Hans Linus
PassengerClass=3
shap=-14.159", - "index=Hogeboom, Mrs. John C (Anna Andrews)
PassengerClass=1
shap=48.673", - "index=Moran, Mr. Daniel J
PassengerClass=3
shap=-17.704", - "index=Lievens, Mr. Rene Aime
PassengerClass=3
shap=-14.03", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
PassengerClass=1
shap=66.615", - "index=Ayoub, Miss. Banoura
PassengerClass=3
shap=-20.68", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
PassengerClass=1
shap=55.096", - "index=Johnston, Mr. Andrew G
PassengerClass=3
shap=-20.701", - "index=Ali, Mr. William
PassengerClass=3
shap=-13.937", - "index=Sjoblom, Miss. Anna Sofia
PassengerClass=3
shap=-18.393", - "index=Guggenheim, Mr. Benjamin
PassengerClass=1
shap=64.026", - "index=Leader, Dr. Alice (Farnham)
PassengerClass=1
shap=50.542", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
PassengerClass=2
shap=-12.246", - "index=Carter, Master. William Thornton II
PassengerClass=1
shap=65.178", - "index=Thomas, Master. Assad Alexander
PassengerClass=3
shap=-21.743", - "index=Johansson, Mr. Karl Johan
PassengerClass=3
shap=-13.819", - "index=Slemen, Mr. Richard James
PassengerClass=2
shap=-8.302", - "index=Tomlin, Mr. Ernest Portage
PassengerClass=3
shap=-13.77", - "index=McCormack, Mr. Thomas Joseph
PassengerClass=3
shap=-15.463", - "index=Richards, Master. George Sibley
PassengerClass=2
shap=-10.361", - "index=Mudd, Mr. Thomas Charles
PassengerClass=2
shap=-7.136", - "index=Lemberopolous, Mr. Peter L
PassengerClass=3
shap=-20.596", - "index=Sage, Mr. Douglas Bullen
PassengerClass=3
shap=-29.987", - "index=Boulos, Miss. Nourelain
PassengerClass=3
shap=-22.219", - "index=Aks, Mrs. Sam (Leah Rosen)
PassengerClass=3
shap=-21.228", - "index=Razi, Mr. Raihed
PassengerClass=3
shap=-16.6", - "index=Johnson, Master. Harold Theodor
PassengerClass=3
shap=-19.459", - "index=Carlsson, Mr. Frans Olof
PassengerClass=1
shap=45.059", - "index=Gustafsson, Mr. Alfred Ossian
PassengerClass=3
shap=-14.039", - "index=Montvila, Rev. Juozas
PassengerClass=2
shap=-7.205" - ], - "type": "scatter", - "x": [ - 65.33965594626271, - 56.78218390614334, - -33.12700866038804, - -21.442576076081927, - -12.109828832858584, - -14.039137154937416, - -18.18503926667871, - -35.82399470964972, - -19.078386476406223, - 51.3026488913952, - -16.599655088299716, - -19.170282054785115, - -19.200623499237558, - -12.651497485727706, - 46.00030020204771, - -34.5054344895698, - -19.363857464569076, - -7.541973748705182, - -12.270472277221105, - -32.55873029591545, - -13.751120462228023, - -14.039137154937416, - 42.44411936124337, - -13.716984555256904, - 52.09704337557221, - -14.111695090829178, - -20.39244182534723, - -14.041401100435083, - -19.10444908396852, - -14.039137154937416, - -6.179519787103904, - -13.716984555256904, - -14.159126427695234, - -33.916287193985575, - -10.28167693214183, - -7.0374089362674495, - -13.70812944532502, - -19.02813206991932, - 57.78722472103627, - 42.44243175366162, - -14.039137154937416, - -19.457823935126665, - 39.26235988032099, - -19.5009210288524, - 72.547178645233, - -13.732972557451278, - -16.573122654874243, - 53.28889763929492, - -14.029966018502524, - -13.731204058121335, - -13.716984555256904, - -35.644571026371665, - -17.833693909843507, - -7.527980708468833, - -13.716984555256904, - 40.18901033392963, - 62.32152827879792, - -13.947155515955316, - -15.195176212834689, - -34.54913289894545, - -19.078386476406223, - 48.52132817798547, - -23.706942373854417, - 39.26235988032099, - -19.172740618879015, - 66.1831004007459, - -13.705903926843597, - 49.15687558673639, - -13.716984555256904, - -29.986600086672464, - -13.709519016500913, - 54.270063731600786, - -13.716984555256904, - 63.731290849328516, - -14.061671919187653, - -8.499419689903535, - -14.039137154937416, - 60.83874514429271, - 60.11073690586747, - -14.039137154937416, - -13.716984555256904, - -32.25342897492347, - -15.195176212834689, - -19.403358716797882, - -20.483151890522883, - -14.123123880379358, - 56.978176065427014, - -7.216306280000089, - -15.401259683807409, - -12.651497485727706, - -13.116514644817439, - -13.680783711162885, - 41.06853320594384, - 38.334211058741886, - -7.086949665410361, - -14.852482387861764, - -14.041401100435083, - -8.661868145202412, - 72.13581699834243, - -14.039137154937416, - -13.716984555256904, - -14.029966018502524, - -18.871312234878356, - -20.214285026667586, - 52.81179307869033, - 40.95387338818781, - -12.148220256400819, - -16.599655088299716, - -17.927630099283913, - -12.118846412180153, - 44.52705984041967, - -7.271071422760808, - -19.99905490222355, - -18.208099358042872, - 57.213357766343954, - -15.195176212834689, - -8.760796461154287, - 51.444111898046756, - -14.039137154937416, - 60.11124328943588, - -13.716984555256904, - -21.570107330721218, - -16.599655088299716, - 52.0201906673694, - 68.81372666338366, - -17.551198821525656, - 39.70720132962192, - -13.91448264138187, - 55.893228812386106, - -13.716984555256904, - -15.195176212834689, - -18.951111472002207, - -18.671803537489676, - -13.710561581692298, - -13.731204058121335, - 72.91780346927139, - -13.716984555256904, - -18.214775729359765, - -19.137087320119292, - -7.489907782807449, - 37.317543228219506, - -14.825067376625308, - -13.39334818412481, - 47.48933274669191, - -18.392582619559885, - 48.64976185881345, - -32.23599237215078, - -34.38216899117007, - -14.226078980548333, - -13.592369700684944, - 58.751740540243986, - -16.417716413760996, - 39.257711089126204, - 44.18829463792512, - 45.97170598873606, - -13.751120462228023, - -7.0374089362674495, - -11.564794188670339, - -15.195176212834689, - -14.042410154350929, - -8.118911357948368, - 54.510652418782286, - -7.489907782807449, - -7.489907782807449, - -13.732972557451278, - -13.716984555256904, - -16.69411120882405, - -15.476588606319341, - -13.732972557451278, - 56.631848086547464, - -14.159126427695234, - 48.673392943891685, - -17.70358562667563, - -14.029966018502524, - 66.61508730020921, - -20.680393577087262, - 55.0955513493514, - -20.700822021866365, - -13.93698381634995, - -18.392582619559885, - 64.02612573196407, - 50.542074935652366, - -12.246325766669415, - 65.17801626380944, - -21.742800404367255, - -13.81882472660097, - -8.301524532756362, - -13.770050254363484, - -15.463446600005998, - -10.360699199234576, - -7.135836311896378, - -20.59605669750619, - -29.986600086672464, - -22.218758742441217, - -21.22780546957913, - -16.599655088299716, - -19.458969956214595, - 45.0594370251356, - -14.039137154937416, - -7.2054455251206475 - ], - "xaxis": "x", - "y": [ - 0.755947510098086, - 0.3670458721456391, - 0.42951643455502053, - 0.15557492762883518, - 0.11739846421534617, - 0.6129170856977707, - 0.5852532264858157, - 0.4665081742099202, - 0.9128697154586869, - 0.38333943301163564, - 0.6107406428129545, - 0.11918345427132815, - 0.6439339900469814, - 0.9393577632365268, - 0.6599713786554958, - 0.9392942195012188, - 0.7591930755073135, - 0.1341770914120025, - 0.024503191669821622, - 0.11796959853912603, - 0.558469039842681, - 0.9452289083459684, - 0.5851254234399866, - 0.11638083813755218, - 0.22701650014901176, - 0.3159337752673965, - 0.37130915455435287, - 0.7349940371419574, - 0.7828240949507165, - 0.06165879196470614, - 0.04117374081276792, - 0.0796285046804992, - 0.9566218637771653, - 0.24455551848959245, - 0.7092685446808118, - 0.26371417492821914, - 0.4569999402676843, - 0.5897292798433588, - 0.8551434468766534, - 0.6565906639452682, - 0.26631171021558264, - 0.7727723222548392, - 0.2060002980912946, - 0.06380741510979615, - 0.5565767812155558, - 0.4414799822964226, - 0.47106929361761907, - 0.13101411382028672, - 0.5634515302237068, - 0.32496896876751025, - 0.7935888933957894, - 0.3951393964109313, - 0.5411448356051353, - 0.7082373840983138, - 0.6093358510768314, - 0.4571277293408933, - 0.05777255533066017, - 0.7543648579663257, - 0.7358280103762614, - 0.7307983693255371, - 0.2640589466120091, - 0.4876865928430273, - 0.7852895220921132, - 0.4457138822115191, - 0.2296524286570255, - 0.6261616040403563, - 0.904083354736539, - 0.5014379615059744, - 0.06687242310993535, - 0.5893204375859185, - 0.1289947159850372, - 0.6615845119313192, - 0.5814859141837065, - 0.1456623456972328, - 0.7704090522849404, - 0.582257602686855, - 0.6141986166616409, - 0.14945837216649127, - 0.22932243676762987, - 0.1656440966901288, - 0.16530152694051492, - 0.2796364486121178, - 0.7113423287181165, - 0.011752463265533586, - 0.2649426106871461, - 0.2518225002416875, - 0.8902989532323662, - 0.05470038414091005, - 0.4403948108551822, - 0.1503801607384937, - 0.9211924749425483, - 0.9660639846814566, - 0.8861019776092531, - 0.13222811085913488, - 0.8320291467101808, - 0.6180004578504138, - 0.9966335029193332, - 0.7152892188655956, - 0.06866446383623592, - 0.2384355795439449, - 0.8276464934448343, - 0.6974044737488627, - 0.06309530807739394, - 0.369232121403371, - 0.12655185009926817, - 0.8935387315142279, - 0.2589907997017731, - 0.5704297869727726, - 0.219967092982706, - 0.3965874152777332, - 0.7841216571452254, - 0.4328499994573606, - 0.9368232216424514, - 0.14748279566728495, - 0.7517555972051339, - 0.8078087204058207, - 0.19216992809069366, - 0.8725312722966873, - 0.45339566501213213, - 0.15571635413908158, - 0.30246940882248197, - 0.745842085986028, - 0.452996958599445, - 0.19262413249776844, - 0.6357019979105417, - 0.3164580333620989, - 0.9690487423368075, - 0.45364797217375674, - 0.21018112039827497, - 0.4117789504821352, - 0.7801787987122463, - 0.9305862780157088, - 0.4531330528865922, - 0.9988352060784854, - 0.23909023859744072, - 0.8214621119349802, - 0.13517686188846612, - 0.5566768383137726, - 0.4661711564899873, - 0.8184767178191749, - 0.8293124293242344, - 0.0016237648000562155, - 0.5988815741689506, - 0.45164840375478743, - 0.7923372221823654, - 0.012575872673019295, - 0.644050749437691, - 0.22512635176552298, - 0.9196863047756901, - 0.7632443109080123, - 0.4055987517513352, - 0.832211520792083, - 0.5203244904287171, - 0.8487482386139421, - 0.5772166522255499, - 0.5503236595761596, - 0.09527020151352084, - 0.08914308632233803, - 0.6374271918947162, - 0.9094489414911102, - 0.052913588123400856, - 0.6060597841069862, - 0.4531004572107763, - 0.4072208915515656, - 0.11676769212856297, - 0.016146490972180794, - 0.9790102329890211, - 0.8222746423980536, - 0.3214480967929382, - 0.28024796404298546, - 0.018520353241627152, - 0.8435080672834425, - 0.5369187902383877, - 0.1629378062889485, - 0.5162627945474906, - 0.3408494841339246, - 0.15546079234280463, - 0.8791780240373529, - 0.05061707220643907, - 0.553542066081291, - 0.3847074098935468, - 0.008742822857369936, - 0.4478685274900629, - 0.4044720467882912, - 0.5060456017120277, - 0.026443686923150356, - 0.03817309652795631, - 0.5250770632703935, - 0.014729115915715352, - 0.21255336976215355, - 0.921301587445025, - 0.3050005291568598, - 0.6133023336203725, - 0.6338797354289475, - 0.7753473407680994, - 0.8681335509524274, - 0.21336532320493606, - 0.47505776572549585, - 0.6237702638924392, - 0.9323478983949812 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 1, - 1, - 4, - 2, - 1, - 0, - 0, - 6, - 0, - 1, - 0, - 0, - 1, - 0, - 1, - 5, - 2, - 0, - 0, - 4, - 0, - 0, - 1, - 0, - 1, - 0, - 1, - 0, - 1, - 0, - 1, - 0, - 0, - 4, - 2, - 0, - 0, - 1, - 1, - 0, - 0, - 2, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 6, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 6, - 0, - 1, - 2, - 0, - 0, - 1, - 0, - 0, - 0, - 10, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 1, - 2, - 0, - 0, - 7, - 0, - 2, - 2, - 0, - 1, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 3, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 2, - 0, - 1, - 2, - 0, - 2, - 0, - 0, - 2, - 0, - 0, - 0, - 2, - 0, - 1, - 0, - 1, - 0, - 3, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 1, - 0, - 0, - 7, - 5, - 0, - 0, - 1, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 1, - 0, - 1, - 3, - 0, - 0, - 0, - 0, - 2, - 3, - 1, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 10, - 2, - 1, - 0, - 2, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "No_of_relatives_on_board", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
No_of_relatives_on_board=1
shap=-2.954", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
No_of_relatives_on_board=1
shap=-2.834", - "index=Palsson, Master. Gosta Leonard
No_of_relatives_on_board=4
shap=27.401", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
No_of_relatives_on_board=2
shap=4.858", - "index=Nasser, Mrs. Nicholas (Adele Achem)
No_of_relatives_on_board=1
shap=-0.238", - "index=Saundercock, Mr. William Henry
No_of_relatives_on_board=0
shap=-5.506", - "index=Vestrom, Miss. Hulda Amanda Adolfina
No_of_relatives_on_board=0
shap=-5.15", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
No_of_relatives_on_board=6
shap=28.316", - "index=Glynn, Miss. Mary Agatha
No_of_relatives_on_board=0
shap=-5.029", - "index=Meyer, Mr. Edgar Joseph
No_of_relatives_on_board=1
shap=1.416", - "index=Kraeff, Mr. Theodor
No_of_relatives_on_board=0
shap=-5.49", - "index=Devaney, Miss. Margaret Delia
No_of_relatives_on_board=0
shap=-4.87", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
No_of_relatives_on_board=1
shap=-0.736", - "index=Rugg, Miss. Emily
No_of_relatives_on_board=0
shap=-7.533", - "index=Harris, Mr. Henry Birkhardt
No_of_relatives_on_board=1
shap=0.755", - "index=Skoog, Master. Harald
No_of_relatives_on_board=5
shap=30.691", - "index=Kink, Mr. Vincenz
No_of_relatives_on_board=2
shap=7.189", - "index=Hood, Mr. Ambrose Jr
No_of_relatives_on_board=0
shap=-8.02", - "index=Ilett, Miss. Bertha
No_of_relatives_on_board=0
shap=-7.32", - "index=Ford, Mr. William Neal
No_of_relatives_on_board=4
shap=27.414", - "index=Christmann, Mr. Emil
No_of_relatives_on_board=0
shap=-5.498", - "index=Andreasson, Mr. Paul Edvin
No_of_relatives_on_board=0
shap=-5.506", - "index=Chaffee, Mr. Herbert Fuller
No_of_relatives_on_board=1
shap=0.66", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
No_of_relatives_on_board=0
shap=-5.643", - "index=White, Mr. Richard Frasar
No_of_relatives_on_board=1
shap=1.692", - "index=Rekic, Mr. Tido
No_of_relatives_on_board=0
shap=-5.503", - "index=Moran, Miss. Bertha
No_of_relatives_on_board=1
shap=-0.472", - "index=Barton, Mr. David John
No_of_relatives_on_board=0
shap=-5.508", - "index=Jussila, Miss. Katriina
No_of_relatives_on_board=1
shap=-0.699", - "index=Pekoniemi, Mr. Edvard
No_of_relatives_on_board=0
shap=-5.506", - "index=Turpin, Mr. William John Robert
No_of_relatives_on_board=1
shap=0.811", - "index=Moore, Mr. Leonard Charles
No_of_relatives_on_board=0
shap=-5.643", - "index=Osen, Mr. Olaf Elon
No_of_relatives_on_board=0
shap=-5.485", - "index=Ford, Miss. Robina Maggie \"Ruby\"
No_of_relatives_on_board=4
shap=26.61", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
No_of_relatives_on_board=2
shap=8.648", - "index=Bateman, Rev. Robert James
No_of_relatives_on_board=0
shap=-8.301", - "index=Meo, Mr. Alfonzo
No_of_relatives_on_board=0
shap=-5.66", - "index=Cribb, Mr. John Hatfield
No_of_relatives_on_board=1
shap=-0.276", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
No_of_relatives_on_board=1
shap=-1.452", - "index=Van der hoef, Mr. Wyckoff
No_of_relatives_on_board=0
shap=-9.993", - "index=Sivola, Mr. Antti Wilhelm
No_of_relatives_on_board=0
shap=-5.506", - "index=Klasen, Mr. Klas Albin
No_of_relatives_on_board=2
shap=5.674", - "index=Rood, Mr. Hugh Roscoe
No_of_relatives_on_board=0
shap=-10.428", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
No_of_relatives_on_board=1
shap=-1.268", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
No_of_relatives_on_board=0
shap=-5.485", - "index=Vande Walle, Mr. Nestor Cyriel
No_of_relatives_on_board=0
shap=-5.483", - "index=Backstrom, Mr. Karl Alfred
No_of_relatives_on_board=1
shap=-0.392", - "index=Blank, Mr. Henry
No_of_relatives_on_board=0
shap=-8.08", - "index=Ali, Mr. Ahmed
No_of_relatives_on_board=0
shap=-5.502", - "index=Green, Mr. George Henry
No_of_relatives_on_board=0
shap=-5.663", - "index=Nenkoff, Mr. Christo
No_of_relatives_on_board=0
shap=-5.643", - "index=Asplund, Miss. Lillian Gertrud
No_of_relatives_on_board=6
shap=29.077", - "index=Harknett, Miss. Alice Phoebe
No_of_relatives_on_board=0
shap=-5.388", - "index=Hunt, Mr. George Henry
No_of_relatives_on_board=0
shap=-8.124", - "index=Reed, Mr. James George
No_of_relatives_on_board=0
shap=-5.643", - "index=Stead, Mr. William Thomas
No_of_relatives_on_board=0
shap=-10.746", - "index=Thorne, Mrs. Gertrude Maybelle
No_of_relatives_on_board=0
shap=-6.129", - "index=Parrish, Mrs. (Lutie Davis)
No_of_relatives_on_board=1
shap=1.594", - "index=Smith, Mr. Thomas
No_of_relatives_on_board=0
shap=-5.64", - "index=Asplund, Master. Edvin Rojj Felix
No_of_relatives_on_board=6
shap=29.396", - "index=Healy, Miss. Hanora \"Nora\"
No_of_relatives_on_board=0
shap=-5.029", - "index=Andrews, Miss. Kornelia Theodosia
No_of_relatives_on_board=1
shap=-2.93", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
No_of_relatives_on_board=2
shap=4.369", - "index=Smith, Mr. Richard William
No_of_relatives_on_board=0
shap=-10.428", - "index=Connolly, Miss. Kate
No_of_relatives_on_board=0
shap=-4.872", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
No_of_relatives_on_board=1
shap=-1.453", - "index=Levy, Mr. Rene Jacques
No_of_relatives_on_board=0
shap=-7.818", - "index=Lewy, Mr. Ervin G
No_of_relatives_on_board=0
shap=-9.003", - "index=Williams, Mr. Howard Hugh \"Harry\"
No_of_relatives_on_board=0
shap=-5.643", - "index=Sage, Mr. George John Jr
No_of_relatives_on_board=10
shap=57.667", - "index=Nysveen, Mr. Johan Hansen
No_of_relatives_on_board=0
shap=-5.66", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
No_of_relatives_on_board=1
shap=-2.65", - "index=Denkoff, Mr. Mitto
No_of_relatives_on_board=0
shap=-5.643", - "index=Burns, Miss. Elizabeth Margaret
No_of_relatives_on_board=0
shap=-5.843", - "index=Dimic, Mr. Jovan
No_of_relatives_on_board=0
shap=-5.507", - "index=del Carlo, Mr. Sebastiano
No_of_relatives_on_board=1
shap=0.79", - "index=Beavan, Mr. William Thomas
No_of_relatives_on_board=0
shap=-5.506", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
No_of_relatives_on_board=1
shap=-2.162", - "index=Widener, Mr. Harry Elkins
No_of_relatives_on_board=2
shap=3.313", - "index=Gustafsson, Mr. Karl Gideon
No_of_relatives_on_board=0
shap=-5.506", - "index=Plotcharsky, Mr. Vasil
No_of_relatives_on_board=0
shap=-5.643", - "index=Goodwin, Master. Sidney Leonard
No_of_relatives_on_board=7
shap=45.231", - "index=Sadlier, Mr. Matthew
No_of_relatives_on_board=0
shap=-5.64", - "index=Gustafsson, Mr. Johan Birger
No_of_relatives_on_board=2
shap=7.274", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
No_of_relatives_on_board=2
shap=4.855", - "index=Niskanen, Mr. Juha
No_of_relatives_on_board=0
shap=-4.852", - "index=Minahan, Miss. Daisy E
No_of_relatives_on_board=1
shap=-2.547", - "index=Matthews, Mr. William John
No_of_relatives_on_board=0
shap=-8.077", - "index=Charters, Mr. David
No_of_relatives_on_board=0
shap=-5.456", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
No_of_relatives_on_board=0
shap=-7.533", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
No_of_relatives_on_board=2
shap=8.116", - "index=Johannesen-Bratthammer, Mr. Bernt
No_of_relatives_on_board=0
shap=-5.129", - "index=Peuchen, Major. Arthur Godfrey
No_of_relatives_on_board=0
shap=-10.329", - "index=Anderson, Mr. Harry
No_of_relatives_on_board=0
shap=-10.353", - "index=Milling, Mr. Jacob Christian
No_of_relatives_on_board=0
shap=-8.292", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
No_of_relatives_on_board=3
shap=10.435", - "index=Karlsson, Mr. Nils August
No_of_relatives_on_board=0
shap=-5.508", - "index=Frost, Mr. Anthony Wood \"Archie\"
No_of_relatives_on_board=0
shap=-8.523", - "index=Bishop, Mr. Dickinson H
No_of_relatives_on_board=1
shap=0.74", - "index=Windelov, Mr. Einar
No_of_relatives_on_board=0
shap=-5.506", - "index=Shellard, Mr. Frederick William
No_of_relatives_on_board=0
shap=-5.643", - "index=Svensson, Mr. Olof
No_of_relatives_on_board=0
shap=-5.502", - "index=O'Sullivan, Miss. Bridget Mary
No_of_relatives_on_board=0
shap=-5.401", - "index=Laitinen, Miss. Kristina Sofia
No_of_relatives_on_board=0
shap=-5.185", - "index=Penasco y Castellana, Mr. Victor de Satode
No_of_relatives_on_board=1
shap=0.663", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
No_of_relatives_on_board=0
shap=-10.427", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
No_of_relatives_on_board=1
shap=0.297", - "index=Kassem, Mr. Fared
No_of_relatives_on_board=0
shap=-5.49", - "index=Cacic, Miss. Marija
No_of_relatives_on_board=0
shap=-5.236", - "index=Hart, Miss. Eva Miriam
No_of_relatives_on_board=2
shap=7.425", - "index=Butt, Major. Archibald Willingham
No_of_relatives_on_board=0
shap=-9.768", - "index=Beane, Mr. Edward
No_of_relatives_on_board=1
shap=0.52", - "index=Goldsmith, Mr. Frank John
No_of_relatives_on_board=2
shap=5.664", - "index=Ohman, Miss. Velin
No_of_relatives_on_board=0
shap=-4.877", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
No_of_relatives_on_board=2
shap=1.937", - "index=Morrow, Mr. Thomas Rowan
No_of_relatives_on_board=0
shap=-5.64", - "index=Harris, Mr. George
No_of_relatives_on_board=0
shap=-8.041", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
No_of_relatives_on_board=2
shap=6.057", - "index=Patchett, Mr. George
No_of_relatives_on_board=0
shap=-5.506", - "index=Ross, Mr. John Hugo
No_of_relatives_on_board=0
shap=-8.472", - "index=Murdlin, Mr. Joseph
No_of_relatives_on_board=0
shap=-5.643", - "index=Bourke, Miss. Mary
No_of_relatives_on_board=2
shap=5.323", - "index=Boulos, Mr. Hanna
No_of_relatives_on_board=0
shap=-5.49", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
No_of_relatives_on_board=1
shap=-0.301", - "index=Homer, Mr. Harry (\"Mr E Haven\")
No_of_relatives_on_board=0
shap=-7.68", - "index=Lindell, Mr. Edvard Bengtsson
No_of_relatives_on_board=1
shap=-0.367", - "index=Daniel, Mr. Robert Williams
No_of_relatives_on_board=0
shap=-10.426", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
No_of_relatives_on_board=3
shap=10.001", - "index=Shutes, Miss. Elizabeth W
No_of_relatives_on_board=0
shap=-7.43", - "index=Jardin, Mr. Jose Neto
No_of_relatives_on_board=0
shap=-5.643", - "index=Horgan, Mr. John
No_of_relatives_on_board=0
shap=-5.64", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
No_of_relatives_on_board=1
shap=-0.839", - "index=Yasbeck, Mr. Antoni
No_of_relatives_on_board=1
shap=-0.351", - "index=Bostandyeff, Mr. Guentcho
No_of_relatives_on_board=0
shap=-5.422", - "index=Lundahl, Mr. Johan Svensson
No_of_relatives_on_board=0
shap=-5.663", - "index=Stahelin-Maeglin, Dr. Max
No_of_relatives_on_board=0
shap=-6.771", - "index=Willey, Mr. Edward
No_of_relatives_on_board=0
shap=-5.643", - "index=Stanley, Miss. Amy Zillah Elsie
No_of_relatives_on_board=0
shap=-4.878", - "index=Hegarty, Miss. Hanora \"Nora\"
No_of_relatives_on_board=0
shap=-5.18", - "index=Eitemiller, Mr. George Floyd
No_of_relatives_on_board=0
shap=-8.04", - "index=Colley, Mr. Edward Pomeroy
No_of_relatives_on_board=0
shap=-10.785", - "index=Coleff, Mr. Peju
No_of_relatives_on_board=0
shap=-5.467", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
No_of_relatives_on_board=2
shap=8.087", - "index=Davidson, Mr. Thornton
No_of_relatives_on_board=1
shap=-0.021", - "index=Turja, Miss. Anna Sofia
No_of_relatives_on_board=0
shap=-4.837", - "index=Hassab, Mr. Hammad
No_of_relatives_on_board=0
shap=-8.05", - "index=Goodwin, Mr. Charles Edward
No_of_relatives_on_board=7
shap=45.284", - "index=Panula, Mr. Jaako Arnold
No_of_relatives_on_board=5
shap=30.819", - "index=Fischer, Mr. Eberhard Thelander
No_of_relatives_on_board=0
shap=-5.468", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
No_of_relatives_on_board=0
shap=-5.491", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
No_of_relatives_on_board=1
shap=-2.6", - "index=Hansen, Mr. Henrik Juul
No_of_relatives_on_board=1
shap=-0.538", - "index=Calderhead, Mr. Edward Pennington
No_of_relatives_on_board=0
shap=-10.272", - "index=Klaber, Mr. Herman
No_of_relatives_on_board=0
shap=-10.088", - "index=Taylor, Mr. Elmer Zebley
No_of_relatives_on_board=1
shap=0.0", - "index=Larsson, Mr. August Viktor
No_of_relatives_on_board=0
shap=-5.498", - "index=Greenberg, Mr. Samuel
No_of_relatives_on_board=0
shap=-8.301", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
No_of_relatives_on_board=0
shap=-7.536", - "index=McEvoy, Mr. Michael
No_of_relatives_on_board=0
shap=-5.64", - "index=Johnson, Mr. Malkolm Joackim
No_of_relatives_on_board=0
shap=-5.47", - "index=Gillespie, Mr. William Henry
No_of_relatives_on_board=0
shap=-8.116", - "index=Allen, Miss. Elisabeth Walton
No_of_relatives_on_board=0
shap=-7.705", - "index=Berriman, Mr. William John
No_of_relatives_on_board=0
shap=-8.04", - "index=Troupiansky, Mr. Moses Aaron
No_of_relatives_on_board=0
shap=-8.04", - "index=Williams, Mr. Leslie
No_of_relatives_on_board=0
shap=-5.483", - "index=Ivanoff, Mr. Kanio
No_of_relatives_on_board=0
shap=-5.643", - "index=McNamee, Mr. Neal
No_of_relatives_on_board=1
shap=-0.39", - "index=Connaghton, Mr. Michael
No_of_relatives_on_board=0
shap=-5.45", - "index=Carlsson, Mr. August Sigfrid
No_of_relatives_on_board=0
shap=-5.483", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
No_of_relatives_on_board=0
shap=-7.177", - "index=Eklund, Mr. Hans Linus
No_of_relatives_on_board=0
shap=-5.485", - "index=Hogeboom, Mrs. John C (Anna Andrews)
No_of_relatives_on_board=1
shap=-2.916", - "index=Moran, Mr. Daniel J
No_of_relatives_on_board=1
shap=0.437", - "index=Lievens, Mr. Rene Aime
No_of_relatives_on_board=0
shap=-5.502", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
No_of_relatives_on_board=1
shap=-0.51", - "index=Ayoub, Miss. Banoura
No_of_relatives_on_board=0
shap=-4.659", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
No_of_relatives_on_board=1
shap=-2.516", - "index=Johnston, Mr. Andrew G
No_of_relatives_on_board=3
shap=8.295", - "index=Ali, Mr. William
No_of_relatives_on_board=0
shap=-5.491", - "index=Sjoblom, Miss. Anna Sofia
No_of_relatives_on_board=0
shap=-4.837", - "index=Guggenheim, Mr. Benjamin
No_of_relatives_on_board=0
shap=-7.862", - "index=Leader, Dr. Alice (Farnham)
No_of_relatives_on_board=0
shap=-7.174", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
No_of_relatives_on_board=2
shap=8.079", - "index=Carter, Master. William Thornton II
No_of_relatives_on_board=3
shap=8.644", - "index=Thomas, Master. Assad Alexander
No_of_relatives_on_board=1
shap=-0.789", - "index=Johansson, Mr. Karl Johan
No_of_relatives_on_board=0
shap=-5.496", - "index=Slemen, Mr. Richard James
No_of_relatives_on_board=0
shap=-8.082", - "index=Tomlin, Mr. Ernest Portage
No_of_relatives_on_board=0
shap=-5.495", - "index=McCormack, Mr. Thomas Joseph
No_of_relatives_on_board=0
shap=-5.155", - "index=Richards, Master. George Sibley
No_of_relatives_on_board=2
shap=7.459", - "index=Mudd, Mr. Thomas Charles
No_of_relatives_on_board=0
shap=-7.792", - "index=Lemberopolous, Mr. Peter L
No_of_relatives_on_board=0
shap=-5.252", - "index=Sage, Mr. Douglas Bullen
No_of_relatives_on_board=10
shap=57.667", - "index=Boulos, Miss. Nourelain
No_of_relatives_on_board=2
shap=5.04", - "index=Aks, Mrs. Sam (Leah Rosen)
No_of_relatives_on_board=1
shap=-1.127", - "index=Razi, Mr. Raihed
No_of_relatives_on_board=0
shap=-5.49", - "index=Johnson, Master. Harold Theodor
No_of_relatives_on_board=2
shap=4.584", - "index=Carlsson, Mr. Frans Olof
No_of_relatives_on_board=0
shap=-9.444", - "index=Gustafsson, Mr. Alfred Ossian
No_of_relatives_on_board=0
shap=-5.506", - "index=Montvila, Rev. Juozas
No_of_relatives_on_board=0
shap=-8.028" - ], - "type": "scatter", - "x": [ - -2.9541679025096172, - -2.8340083695355154, - 27.401189040538767, - 4.858279701494078, - -0.23788709746444447, - -5.506172187092692, - -5.150106015026366, - 28.31557030806967, - -5.028711347759533, - 1.4155499381173602, - -5.490421623023203, - -4.869681155868607, - -0.7362256824601748, - -7.533130216083122, - 0.7554395067283873, - 30.69107013067758, - 7.18918241736774, - -8.019806211018464, - -7.320016933726005, - 27.414125970099924, - -5.497507832626333, - -5.506172187092692, - 0.660153507140303, - -5.642858696416066, - 1.6921184140080556, - -5.502698656851049, - -0.4718392556919004, - -5.508241513994124, - -0.6990191018621988, - -5.506172187092692, - 0.8109172025339673, - -5.642858696416066, - -5.484875146781532, - 26.609631761516546, - 8.647996252173828, - -8.300731233609067, - -5.660417188469038, - -0.27585415040048605, - -1.4516515225352482, - -9.992927447588889, - -5.506172187092692, - 5.674189671150912, - -10.427802645457401, - -1.2679456068632469, - -5.484874340219143, - -5.483431136086481, - -0.3923884705704015, - -8.079608462758786, - -5.502002796266106, - -5.662558403523322, - -5.642858696416066, - 29.0771769307368, - -5.387680375702296, - -8.123593078254146, - -5.642858696416066, - -10.745937431207606, - -6.128575014985656, - 1.5939074685644428, - -5.640110100556812, - 29.39550223592118, - -5.028711347759533, - -2.929621481015097, - 4.368744169426324, - -10.427802645457401, - -4.8717504827700395, - -1.4534523687263934, - -7.817635015447723, - -9.00296495863511, - -5.642858696416066, - 57.667330835013196, - -5.660417188469038, - -2.6501261936130027, - -5.642858696416066, - -5.843053939475386, - -5.506589511658469, - 0.7899623031251208, - -5.506172187092692, - -2.1616094251173528, - 3.3126755872930214, - -5.506172187092692, - -5.642858696416066, - 45.2311587041936, - -5.640110100556812, - 7.273658923244552, - 4.854654805395603, - -4.852323100563398, - -2.5467913115519036, - -8.07710362328464, - -5.456132024813718, - -7.533130216083122, - 8.116097740641544, - -5.128996793796324, - -10.329008816894428, - -10.35339051277422, - -8.291675270340804, - 10.434879046600992, - -5.508241513994124, - -8.522536780136194, - 0.7402778450879909, - -5.506172187092692, - -5.642858696416066, - -5.502002796266106, - -5.40098064727553, - -5.184746382018142, - 0.662693235412527, - -10.426621033312776, - 0.29682042094606986, - -5.490421623023203, - -5.235812155375602, - 7.42535581397891, - -9.768158817067105, - 0.5199378014026472, - 5.664251048997603, - -4.877078144592902, - 1.9373704822675613, - -5.640110100556812, - -8.04082634426126, - 6.0572838796552855, - -5.506172187092692, - -8.472045160764878, - -5.642858696416066, - 5.322547989832587, - -5.490421623023203, - -0.30074274748627766, - -7.680284658101047, - -0.367062805039214, - -10.425926695426496, - 10.00097103848205, - -7.430457533379375, - -5.642858696416066, - -5.640110100556812, - -0.8392248454104599, - -0.3509060940108998, - -5.421887153042265, - -5.662558403523322, - -6.7709875446360845, - -5.642858696416066, - -4.877880668377037, - -5.1799220917586695, - -8.040424495835632, - -10.784874356511699, - -5.467240369988125, - 8.087095771578444, - -0.02094290285832392, - -4.837292859072923, - -8.049893796158939, - 45.283702677790274, - 30.818718939240277, - -5.468456228474148, - -5.490985926850681, - -2.6000498349727548, - -0.5376077099687414, - -10.271750900824848, - -10.087964071060156, - 0.0001024538744604014, - -5.497507832626333, - -8.300731233609067, - -7.536408969907468, - -5.640110100556812, - -5.469851633489699, - -8.116359520733509, - -7.705136015405813, - -8.040424495835632, - -8.040424495835632, - -5.483431136086481, - -5.642858696416066, - -0.3896423846543118, - -5.450435820277384, - -5.483431136086481, - -7.177028738566118, - -5.484875146781532, - -2.9162517122751055, - 0.43663280764735746, - -5.502002796266106, - -0.509528480896369, - -4.659301911279431, - -2.515570849964379, - 8.295140840524173, - -5.490746839005679, - -4.837292859072923, - -7.862453320666606, - -7.174414774655795, - 8.079174390445207, - 8.643651959492816, - -0.7887737993929815, - -5.496297286701339, - -8.08150755301393, - -5.494585883247735, - -5.154911830960698, - 7.458585590179626, - -7.792118092343805, - -5.251680395228011, - 57.667330835013196, - 5.040268363708968, - -1.1269420568861082, - -5.490421623023203, - 4.584294392688661, - -9.443561824465826, - -5.506172187092692, - -8.027938273296996 - ], - "xaxis": "x2", - "y": [ - 0.20154829529284402, - 0.998165816817962, - 0.944867417428874, - 0.6805336897455359, - 0.2413004385243701, - 0.5680149529120042, - 0.5874807431137747, - 0.8381249745916134, - 0.8618029159285978, - 0.4175992973158186, - 0.12367416799058206, - 0.12183143325140589, - 0.7037744439228698, - 0.799117970530989, - 0.9463631707358638, - 0.49606139380055125, - 0.3809392949413215, - 0.9072748388426599, - 0.5474294736954993, - 0.7208802390152058, - 0.007523961319648054, - 0.40869137771659003, - 0.4953195778971493, - 0.45420986810675334, - 0.13169938850445617, - 0.6408943096607314, - 0.8075979368488909, - 0.41985118191629267, - 0.5623416013119724, - 0.8595903122648406, - 0.6794311944557058, - 0.9202418145430347, - 0.0067656887142953925, - 0.32472459207833104, - 0.22438324585074432, - 0.4507059106835549, - 0.5613533036105405, - 0.8577916239905276, - 0.9331746703421956, - 0.3047837399973736, - 0.3197550907899903, - 0.19935374818652207, - 0.5966556562259058, - 0.08650223114980315, - 0.5131706518256307, - 0.8655162793961558, - 0.9390232681549927, - 0.6337876708037028, - 0.6246007884245531, - 0.278313517540418, - 0.0019492454481585542, - 0.14135372879746055, - 0.4977862029786734, - 0.44756806904633784, - 0.029995613386803455, - 0.4325780963302557, - 0.9664557581127858, - 0.28520325369910215, - 0.6172493535019724, - 0.07425218508091636, - 0.014768060602316502, - 0.9213801025851789, - 0.9430825894823321, - 0.6147112266724704, - 0.8505355539949563, - 0.3910425056402882, - 0.4062954624091897, - 0.39308245776326833, - 0.5825608214820306, - 0.8863086479131668, - 0.6813574182582013, - 0.61043541383919, - 0.7842848136278812, - 0.8285023201594152, - 0.8470149939986845, - 0.6852342786457138, - 0.819181638104346, - 0.20566215087349082, - 0.7643487771403383, - 0.3553781772389233, - 0.41213538716290954, - 0.4541250875212943, - 0.885207983007262, - 0.4851306933198125, - 0.5633356603406838, - 0.005153888134436402, - 0.3445571777101515, - 0.7500048632597854, - 0.9895345099143635, - 0.6829705103258408, - 0.5327653975846688, - 0.27378365249046177, - 0.5015802737974004, - 0.7222112870565354, - 0.6046445762970263, - 0.01799332959494848, - 0.8757376991965805, - 0.2918055878725607, - 0.8847567316539514, - 0.5949130265391711, - 0.010421723221039625, - 0.3053375389568994, - 0.43452885452458945, - 0.42973787596723945, - 0.8265432213473154, - 0.8302642150239217, - 0.03841772731338189, - 0.16437703061653242, - 0.8103783705392972, - 0.18585869695111823, - 0.965330933947382, - 0.6860746724340051, - 0.7326686992318999, - 0.4786091160681353, - 0.9789703120756336, - 0.3035602640284347, - 0.15912474975832547, - 0.48319265761123686, - 0.6474032777388758, - 0.013027185699820976, - 0.018372142631868593, - 0.7104098648279161, - 0.1532817841582449, - 0.9020647355870709, - 0.8976801081144501, - 0.4897689236646918, - 0.6070436021043307, - 0.11004071888178879, - 0.7674232009946376, - 0.9404487552496857, - 0.4058045180261969, - 0.8862088060837169, - 0.6027393442125619, - 0.6834973926906551, - 0.638009212108258, - 0.45882171021120854, - 0.8028626205549535, - 0.7358808829500063, - 0.6348444771962389, - 0.7828211588168835, - 0.29211765502790044, - 0.494011117907976, - 0.921077215605708, - 0.2496400872370983, - 0.3356126570223783, - 0.23804499544278157, - 0.5622840210003511, - 0.166372109178218, - 0.20186085990411085, - 0.57492492851492, - 0.8810680564736856, - 0.23228778905413072, - 0.979959452728302, - 0.8478787662850868, - 0.9427424037330376, - 0.8988289086023494, - 0.47141093812491297, - 0.7522546411457366, - 0.6080211814702651, - 0.955079765284037, - 0.33852762511374923, - 0.7034901895228265, - 0.8163075286086805, - 0.34767039124986, - 0.7334400211978548, - 0.3837309333215456, - 0.705416721320914, - 0.7800246142010434, - 0.6993843916753021, - 0.5184794649641077, - 0.7890715467600803, - 0.4180490612722091, - 0.35231752914549597, - 0.010540305180802068, - 0.2328036458254047, - 0.02336629782197186, - 0.5741970451269635, - 0.03684196633553871, - 0.14044309354669926, - 0.3635136246229991, - 0.20699714672417513, - 0.7227009936785322, - 0.1773930187105055, - 0.6219098125924438, - 0.9565762417785021, - 0.8710615926383011, - 0.43756484899542814, - 0.3380025631034045, - 0.22183697602553953, - 0.8092562722211444, - 0.6130354035918226, - 0.0654282387819739, - 0.5015623963049426, - 0.5323885489268461, - 0.16324640568268567, - 0.39119338847590157, - 0.9069021149850858, - 0.1882931453549328, - 0.7677525738199835, - 0.23166272270407195 - ], - "yaxis": "y2" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 1, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 1, - 1, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "Embarked_Cherbourg", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Embarked_Cherbourg=1
shap=5.993", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Embarked_Cherbourg=0
shap=-7.921", - "index=Palsson, Master. Gosta Leonard
Embarked_Cherbourg=0
shap=-0.387", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Embarked_Cherbourg=0
shap=-0.433", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Embarked_Cherbourg=1
shap=0.806", - "index=Saundercock, Mr. William Henry
Embarked_Cherbourg=0
shap=-0.639", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Embarked_Cherbourg=0
shap=-0.557", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Embarked_Cherbourg=0
shap=-0.417", - "index=Glynn, Miss. Mary Agatha
Embarked_Cherbourg=0
shap=-0.604", - "index=Meyer, Mr. Edgar Joseph
Embarked_Cherbourg=1
shap=3.731", - "index=Kraeff, Mr. Theodor
Embarked_Cherbourg=1
shap=1.014", - "index=Devaney, Miss. Margaret Delia
Embarked_Cherbourg=0
shap=-0.604", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Embarked_Cherbourg=0
shap=-0.536", - "index=Rugg, Miss. Emily
Embarked_Cherbourg=0
shap=-0.605", - "index=Harris, Mr. Henry Birkhardt
Embarked_Cherbourg=0
shap=-2.164", - "index=Skoog, Master. Harald
Embarked_Cherbourg=0
shap=-0.328", - "index=Kink, Mr. Vincenz
Embarked_Cherbourg=0
shap=-0.516", - "index=Hood, Mr. Ambrose Jr
Embarked_Cherbourg=0
shap=-0.639", - "index=Ilett, Miss. Bertha
Embarked_Cherbourg=0
shap=-0.605", - "index=Ford, Mr. William Neal
Embarked_Cherbourg=0
shap=-0.388", - "index=Christmann, Mr. Emil
Embarked_Cherbourg=0
shap=-0.634", - "index=Andreasson, Mr. Paul Edvin
Embarked_Cherbourg=0
shap=-0.639", - "index=Chaffee, Mr. Herbert Fuller
Embarked_Cherbourg=0
shap=-2.504", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Embarked_Cherbourg=0
shap=-0.639", - "index=White, Mr. Richard Frasar
Embarked_Cherbourg=0
shap=-2.436", - "index=Rekic, Mr. Tido
Embarked_Cherbourg=0
shap=-0.779", - "index=Moran, Miss. Bertha
Embarked_Cherbourg=0
shap=-0.551", - "index=Barton, Mr. David John
Embarked_Cherbourg=0
shap=-0.639", - "index=Jussila, Miss. Katriina
Embarked_Cherbourg=0
shap=-0.536", - "index=Pekoniemi, Mr. Edvard
Embarked_Cherbourg=0
shap=-0.639", - "index=Turpin, Mr. William John Robert
Embarked_Cherbourg=0
shap=-0.575", - "index=Moore, Mr. Leonard Charles
Embarked_Cherbourg=0
shap=-0.639", - "index=Osen, Mr. Olaf Elon
Embarked_Cherbourg=0
shap=-0.639", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Embarked_Cherbourg=0
shap=-0.348", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Embarked_Cherbourg=0
shap=-1.055", - "index=Bateman, Rev. Robert James
Embarked_Cherbourg=0
shap=-0.658", - "index=Meo, Mr. Alfonzo
Embarked_Cherbourg=0
shap=-0.652", - "index=Cribb, Mr. John Hatfield
Embarked_Cherbourg=0
shap=-0.556", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Embarked_Cherbourg=0
shap=-1.859", - "index=Van der hoef, Mr. Wyckoff
Embarked_Cherbourg=0
shap=-8.091", - "index=Sivola, Mr. Antti Wilhelm
Embarked_Cherbourg=0
shap=-0.639", - "index=Klasen, Mr. Klas Albin
Embarked_Cherbourg=0
shap=-0.46", - "index=Rood, Mr. Hugh Roscoe
Embarked_Cherbourg=0
shap=-2.853", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Embarked_Cherbourg=0
shap=-0.552", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Embarked_Cherbourg=1
shap=8.633", - "index=Vande Walle, Mr. Nestor Cyriel
Embarked_Cherbourg=0
shap=-0.634", - "index=Backstrom, Mr. Karl Alfred
Embarked_Cherbourg=0
shap=-0.6", - "index=Blank, Mr. Henry
Embarked_Cherbourg=1
shap=7.818", - "index=Ali, Mr. Ahmed
Embarked_Cherbourg=0
shap=-0.64", - "index=Green, Mr. George Henry
Embarked_Cherbourg=0
shap=-0.658", - "index=Nenkoff, Mr. Christo
Embarked_Cherbourg=0
shap=-0.639", - "index=Asplund, Miss. Lillian Gertrud
Embarked_Cherbourg=0
shap=-0.312", - "index=Harknett, Miss. Alice Phoebe
Embarked_Cherbourg=0
shap=-0.558", - "index=Hunt, Mr. George Henry
Embarked_Cherbourg=0
shap=-0.661", - "index=Reed, Mr. James George
Embarked_Cherbourg=0
shap=-0.639", - "index=Stead, Mr. William Thomas
Embarked_Cherbourg=0
shap=-2.621", - "index=Thorne, Mrs. Gertrude Maybelle
Embarked_Cherbourg=1
shap=4.281", - "index=Parrish, Mrs. (Lutie Davis)
Embarked_Cherbourg=0
shap=-0.529", - "index=Smith, Mr. Thomas
Embarked_Cherbourg=0
shap=-0.639", - "index=Asplund, Master. Edvin Rojj Felix
Embarked_Cherbourg=0
shap=-0.344", - "index=Healy, Miss. Hanora \"Nora\"
Embarked_Cherbourg=0
shap=-0.604", - "index=Andrews, Miss. Kornelia Theodosia
Embarked_Cherbourg=0
shap=-3.167", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Embarked_Cherbourg=0
shap=-1.023", - "index=Smith, Mr. Richard William
Embarked_Cherbourg=0
shap=-2.853", - "index=Connolly, Miss. Kate
Embarked_Cherbourg=0
shap=-0.604", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Embarked_Cherbourg=1
shap=6.958", - "index=Levy, Mr. Rene Jacques
Embarked_Cherbourg=1
shap=1.982", - "index=Lewy, Mr. Ervin G
Embarked_Cherbourg=1
shap=4.723", - "index=Williams, Mr. Howard Hugh \"Harry\"
Embarked_Cherbourg=0
shap=-0.639", - "index=Sage, Mr. George John Jr
Embarked_Cherbourg=0
shap=-0.351", - "index=Nysveen, Mr. Johan Hansen
Embarked_Cherbourg=0
shap=-0.652", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Embarked_Cherbourg=0
shap=-2.251", - "index=Denkoff, Mr. Mitto
Embarked_Cherbourg=0
shap=-0.639", - "index=Burns, Miss. Elizabeth Margaret
Embarked_Cherbourg=1
shap=6.553", - "index=Dimic, Mr. Jovan
Embarked_Cherbourg=0
shap=-0.731", - "index=del Carlo, Mr. Sebastiano
Embarked_Cherbourg=1
shap=0.85", - "index=Beavan, Mr. William Thomas
Embarked_Cherbourg=0
shap=-0.639", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Embarked_Cherbourg=1
shap=3.533", - "index=Widener, Mr. Harry Elkins
Embarked_Cherbourg=1
shap=1.399", - "index=Gustafsson, Mr. Karl Gideon
Embarked_Cherbourg=0
shap=-0.639", - "index=Plotcharsky, Mr. Vasil
Embarked_Cherbourg=0
shap=-0.639", - "index=Goodwin, Master. Sidney Leonard
Embarked_Cherbourg=0
shap=-0.344", - "index=Sadlier, Mr. Matthew
Embarked_Cherbourg=0
shap=-0.639", - "index=Gustafsson, Mr. Johan Birger
Embarked_Cherbourg=0
shap=-0.516", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Embarked_Cherbourg=0
shap=-0.435", - "index=Niskanen, Mr. Juha
Embarked_Cherbourg=0
shap=-0.836", - "index=Minahan, Miss. Daisy E
Embarked_Cherbourg=0
shap=-2.683", - "index=Matthews, Mr. William John
Embarked_Cherbourg=0
shap=-0.651", - "index=Charters, Mr. David
Embarked_Cherbourg=0
shap=-0.639", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Embarked_Cherbourg=0
shap=-0.605", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Embarked_Cherbourg=0
shap=-0.476", - "index=Johannesen-Bratthammer, Mr. Bernt
Embarked_Cherbourg=0
shap=-0.691", - "index=Peuchen, Major. Arthur Godfrey
Embarked_Cherbourg=0
shap=-3.855", - "index=Anderson, Mr. Harry
Embarked_Cherbourg=0
shap=-4.125", - "index=Milling, Mr. Jacob Christian
Embarked_Cherbourg=0
shap=-0.658", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Embarked_Cherbourg=0
shap=-0.458", - "index=Karlsson, Mr. Nils August
Embarked_Cherbourg=0
shap=-0.639", - "index=Frost, Mr. Anthony Wood \"Archie\"
Embarked_Cherbourg=0
shap=-0.649", - "index=Bishop, Mr. Dickinson H
Embarked_Cherbourg=1
shap=11.199", - "index=Windelov, Mr. Einar
Embarked_Cherbourg=0
shap=-0.639", - "index=Shellard, Mr. Frederick William
Embarked_Cherbourg=0
shap=-0.639", - "index=Svensson, Mr. Olof
Embarked_Cherbourg=0
shap=-0.64", - "index=O'Sullivan, Miss. Bridget Mary
Embarked_Cherbourg=0
shap=-0.558", - "index=Laitinen, Miss. Kristina Sofia
Embarked_Cherbourg=0
shap=-0.776", - "index=Penasco y Castellana, Mr. Victor de Satode
Embarked_Cherbourg=1
shap=3.084", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Embarked_Cherbourg=0
shap=-3.392", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Embarked_Cherbourg=0
shap=-1.152", - "index=Kassem, Mr. Fared
Embarked_Cherbourg=1
shap=1.014", - "index=Cacic, Miss. Marija
Embarked_Cherbourg=0
shap=-0.57", - "index=Hart, Miss. Eva Miriam
Embarked_Cherbourg=0
shap=-0.44", - "index=Butt, Major. Archibald Willingham
Embarked_Cherbourg=0
shap=-8.958", - "index=Beane, Mr. Edward
Embarked_Cherbourg=0
shap=-0.614", - "index=Goldsmith, Mr. Frank John
Embarked_Cherbourg=0
shap=-0.487", - "index=Ohman, Miss. Velin
Embarked_Cherbourg=0
shap=-0.604", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Embarked_Cherbourg=0
shap=-2.503", - "index=Morrow, Mr. Thomas Rowan
Embarked_Cherbourg=0
shap=-0.639", - "index=Harris, Mr. George
Embarked_Cherbourg=0
shap=-0.745", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Embarked_Cherbourg=0
shap=-2.282", - "index=Patchett, Mr. George
Embarked_Cherbourg=0
shap=-0.639", - "index=Ross, Mr. John Hugo
Embarked_Cherbourg=1
shap=13.473", - "index=Murdlin, Mr. Joseph
Embarked_Cherbourg=0
shap=-0.639", - "index=Bourke, Miss. Mary
Embarked_Cherbourg=0
shap=-0.418", - "index=Boulos, Mr. Hanna
Embarked_Cherbourg=1
shap=1.014", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Embarked_Cherbourg=1
shap=5.11", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Embarked_Cherbourg=1
shap=15.616", - "index=Lindell, Mr. Edvard Bengtsson
Embarked_Cherbourg=0
shap=-1.16", - "index=Daniel, Mr. Robert Williams
Embarked_Cherbourg=0
shap=-3.329", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Embarked_Cherbourg=1
shap=0.511", - "index=Shutes, Miss. Elizabeth W
Embarked_Cherbourg=0
shap=-3.879", - "index=Jardin, Mr. Jose Neto
Embarked_Cherbourg=0
shap=-0.639", - "index=Horgan, Mr. John
Embarked_Cherbourg=0
shap=-0.639", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Embarked_Cherbourg=0
shap=-0.537", - "index=Yasbeck, Mr. Antoni
Embarked_Cherbourg=1
shap=0.898", - "index=Bostandyeff, Mr. Guentcho
Embarked_Cherbourg=0
shap=-0.634", - "index=Lundahl, Mr. Johan Svensson
Embarked_Cherbourg=0
shap=-0.658", - "index=Stahelin-Maeglin, Dr. Max
Embarked_Cherbourg=1
shap=15.03", - "index=Willey, Mr. Edward
Embarked_Cherbourg=0
shap=-0.639", - "index=Stanley, Miss. Amy Zillah Elsie
Embarked_Cherbourg=0
shap=-0.606", - "index=Hegarty, Miss. Hanora \"Nora\"
Embarked_Cherbourg=0
shap=-0.559", - "index=Eitemiller, Mr. George Floyd
Embarked_Cherbourg=0
shap=-0.641", - "index=Colley, Mr. Edward Pomeroy
Embarked_Cherbourg=0
shap=-3.012", - "index=Coleff, Mr. Peju
Embarked_Cherbourg=0
shap=-1.216", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Embarked_Cherbourg=0
shap=-0.559", - "index=Davidson, Mr. Thornton
Embarked_Cherbourg=0
shap=-9.701", - "index=Turja, Miss. Anna Sofia
Embarked_Cherbourg=0
shap=-0.604", - "index=Hassab, Mr. Hammad
Embarked_Cherbourg=1
shap=5.565", - "index=Goodwin, Mr. Charles Edward
Embarked_Cherbourg=0
shap=-0.344", - "index=Panula, Mr. Jaako Arnold
Embarked_Cherbourg=0
shap=-0.328", - "index=Fischer, Mr. Eberhard Thelander
Embarked_Cherbourg=0
shap=-0.639", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Embarked_Cherbourg=0
shap=-0.731", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Embarked_Cherbourg=1
shap=3.175", - "index=Hansen, Mr. Henrik Juul
Embarked_Cherbourg=0
shap=-0.583", - "index=Calderhead, Mr. Edward Pennington
Embarked_Cherbourg=0
shap=-4.809", - "index=Klaber, Mr. Herman
Embarked_Cherbourg=0
shap=-2.48", - "index=Taylor, Mr. Elmer Zebley
Embarked_Cherbourg=0
shap=-2.954", - "index=Larsson, Mr. August Viktor
Embarked_Cherbourg=0
shap=-0.634", - "index=Greenberg, Mr. Samuel
Embarked_Cherbourg=0
shap=-0.658", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Embarked_Cherbourg=0
shap=-0.605", - "index=McEvoy, Mr. Michael
Embarked_Cherbourg=0
shap=-0.639", - "index=Johnson, Mr. Malkolm Joackim
Embarked_Cherbourg=0
shap=-0.66", - "index=Gillespie, Mr. William Henry
Embarked_Cherbourg=0
shap=-1.113", - "index=Allen, Miss. Elisabeth Walton
Embarked_Cherbourg=0
shap=-5.374", - "index=Berriman, Mr. William John
Embarked_Cherbourg=0
shap=-0.641", - "index=Troupiansky, Mr. Moses Aaron
Embarked_Cherbourg=0
shap=-0.641", - "index=Williams, Mr. Leslie
Embarked_Cherbourg=0
shap=-0.634", - "index=Ivanoff, Mr. Kanio
Embarked_Cherbourg=0
shap=-0.639", - "index=McNamee, Mr. Neal
Embarked_Cherbourg=0
shap=-0.585", - "index=Connaghton, Mr. Michael
Embarked_Cherbourg=0
shap=-0.65", - "index=Carlsson, Mr. August Sigfrid
Embarked_Cherbourg=0
shap=-0.634", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Embarked_Cherbourg=0
shap=-6.577", - "index=Eklund, Mr. Hans Linus
Embarked_Cherbourg=0
shap=-0.639", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Embarked_Cherbourg=0
shap=-3.302", - "index=Moran, Mr. Daniel J
Embarked_Cherbourg=0
shap=-0.584", - "index=Lievens, Mr. Rene Aime
Embarked_Cherbourg=0
shap=-0.64", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Embarked_Cherbourg=0
shap=-4.947", - "index=Ayoub, Miss. Banoura
Embarked_Cherbourg=1
shap=0.948", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Embarked_Cherbourg=0
shap=-4.806", - "index=Johnston, Mr. Andrew G
Embarked_Cherbourg=0
shap=-0.426", - "index=Ali, Mr. William
Embarked_Cherbourg=0
shap=-0.64", - "index=Sjoblom, Miss. Anna Sofia
Embarked_Cherbourg=0
shap=-0.604", - "index=Guggenheim, Mr. Benjamin
Embarked_Cherbourg=1
shap=13.08", - "index=Leader, Dr. Alice (Farnham)
Embarked_Cherbourg=0
shap=-3.6", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Embarked_Cherbourg=0
shap=-0.45", - "index=Carter, Master. William Thornton II
Embarked_Cherbourg=0
shap=-6.22", - "index=Thomas, Master. Assad Alexander
Embarked_Cherbourg=1
shap=0.854", - "index=Johansson, Mr. Karl Johan
Embarked_Cherbourg=0
shap=-0.65", - "index=Slemen, Mr. Richard James
Embarked_Cherbourg=0
shap=-1.216", - "index=Tomlin, Mr. Ernest Portage
Embarked_Cherbourg=0
shap=-0.65", - "index=McCormack, Mr. Thomas Joseph
Embarked_Cherbourg=0
shap=-0.691", - "index=Richards, Master. George Sibley
Embarked_Cherbourg=0
shap=-0.488", - "index=Mudd, Mr. Thomas Charles
Embarked_Cherbourg=0
shap=-0.639", - "index=Lemberopolous, Mr. Peter L
Embarked_Cherbourg=1
shap=1.73", - "index=Sage, Mr. Douglas Bullen
Embarked_Cherbourg=0
shap=-0.351", - "index=Boulos, Miss. Nourelain
Embarked_Cherbourg=1
shap=0.587", - "index=Aks, Mrs. Sam (Leah Rosen)
Embarked_Cherbourg=0
shap=-0.503", - "index=Razi, Mr. Raihed
Embarked_Cherbourg=1
shap=1.014", - "index=Johnson, Master. Harold Theodor
Embarked_Cherbourg=0
shap=-0.479", - "index=Carlsson, Mr. Frans Olof
Embarked_Cherbourg=0
shap=-10.173", - "index=Gustafsson, Mr. Alfred Ossian
Embarked_Cherbourg=0
shap=-0.639", - "index=Montvila, Rev. Juozas
Embarked_Cherbourg=0
shap=-0.634" - ], - "type": "scatter", - "x": [ - 5.993389186328562, - -7.921050950871282, - -0.3867492311058493, - -0.43348883419106155, - 0.8059059288875876, - -0.6385516400114823, - -0.5574383812928857, - -0.4173834942327825, - -0.6035652287543838, - 3.7311003886780805, - 1.0138305911454126, - -0.6043972002359306, - -0.5362099353941178, - -0.6046374521704931, - -2.1642027092301706, - -0.3279505567285736, - -0.5163420344213057, - -0.638791891946045, - -0.6046374521704931, - -0.38766924867872504, - -0.6338090364079616, - -0.6385516400114823, - -2.503969392593702, - -0.6385783515979528, - -2.4358676771100134, - -0.7791039151873986, - -0.5512899820062319, - -0.6385516400114823, - -0.5362099353941178, - -0.6385516400114823, - -0.5750930324873518, - -0.6385783515979528, - -0.6385516400114823, - -0.34754742785470344, - -1.0552889349266548, - -0.6578262491671171, - -0.6520243294431038, - -0.5561503521672222, - -1.8590020352072691, - -8.091185261249409, - -0.6385516400114823, - -0.46009648313450974, - -2.853019490904237, - -0.5521219534877787, - 8.633064656884725, - -0.6338090364079616, - -0.5997168422688485, - 7.81798808738937, - -0.6402935967253546, - -0.6575859972325543, - -0.6385783515979528, - -0.3117296557198153, - -0.5583851104522322, - -0.6606458966697883, - -0.6385783515979528, - -2.6209731709667112, - 4.2806734398306325, - -0.5292925314954186, - -0.6385783515979528, - -0.3440503920284152, - -0.6035652287543838, - -3.167072191625029, - -1.0228914614414977, - -2.853019490904237, - -0.6043972002359306, - 6.95795547281532, - 1.9824605362957346, - 4.723205728165188, - -0.6385783515979528, - -0.3509049816486862, - -0.6520243294431038, - -2.250976781988327, - -0.6385783515979528, - 6.552962987322197, - -0.7314356426950384, - 0.8498221778743829, - -0.6385516400114823, - 3.5334142812487523, - 1.399360842995034, - -0.6385516400114823, - -0.6385783515979528, - -0.34375161189451503, - -0.6385783515979528, - -0.5163420344213057, - -0.4346812232407481, - -0.8363807219472847, - -2.6826088475361614, - -0.6505636205899847, - -0.6385516400114823, - -0.6046374521704931, - -0.47553151893390605, - -0.6906893756699575, - -3.854945936237405, - -4.124577842942495, - -0.6578262491671171, - -0.4575447957231531, - -0.6385516400114823, - -0.6493215552508373, - 11.198543604913464, - -0.6385516400114823, - -0.6385783515979528, - -0.6402935967253546, - -0.5583851104522322, - -0.7763179124479769, - 3.08404504320947, - -3.3921350983416327, - -1.1515367530220546, - 1.0138305911454126, - -0.5699073943513253, - -0.4399186970639599, - -8.95794686132987, - -0.614450288598326, - -0.48717963542585746, - -0.6043972002359306, - -2.50281884884729, - -0.6385783515979528, - -0.7454586407854688, - -2.282187145299705, - -0.6385516400114823, - 13.473289953271184, - -0.6385783515979528, - -0.41833037482424407, - 1.0138305911454126, - 5.109741303850919, - 15.61634768897947, - -1.1602850821825423, - -3.328663307930467, - 0.5112119072650816, - -3.8793719385731724, - -0.6385783515979528, - -0.6385783515979528, - -0.5367595030583034, - 0.8978745766829626, - -0.6338090364079616, - -0.6575859972325543, - 15.030191642798133, - -0.6385783515979528, - -0.6061391569498027, - -0.5592170819337788, - -0.6405338486599172, - -3.0122114054543436, - -1.2160266146691887, - -0.5588096404897688, - -9.701343914156737, - -0.6043972002359306, - 5.565348524658277, - -0.34375161189451503, - -0.3279505567285736, - -0.6385516400114823, - -0.7314356426950384, - 3.175468054629288, - -0.5832025100213881, - -4.809152521971275, - -2.4799248914109113, - -2.9536746596684784, - -0.6338090364079616, - -0.6578262491671171, - -0.6049428073244996, - -0.6385783515979528, - -0.6604056447352257, - -1.1127893737317198, - -5.374392514573442, - -0.6405338486599172, - -0.6405338486599172, - -0.6338090364079616, - -0.6385783515979528, - -0.5854983038633217, - -0.6503233686554221, - -0.6338090364079616, - -6.5767707592305875, - -0.6385516400114823, - -3.302169499711731, - -0.5837830587359201, - -0.6402935967253546, - -4.946810358756243, - 0.9481224121131734, - -4.806241957619148, - -0.4261090672024249, - -0.6402935967253546, - -0.6043972002359306, - 13.08001290485793, - -3.600065621606917, - -0.45038039427152976, - -6.220451986543591, - 0.8538093940923636, - -0.6503233686554221, - -1.2162668666037515, - -0.6503233686554221, - -0.6906893756699575, - -0.48810709411791436, - -0.638791891946045, - 1.7297740406087199, - -0.3509049816486862, - 0.5871188644014668, - -0.5030947006973573, - 1.0138305911454126, - -0.4793489629399372, - -10.173418442582493, - -0.6385516400114823, - -0.6340492883425243 - ], - "xaxis": "x3", - "y": [ - 0.759503895978293, - 0.5072329956180937, - 0.07742444920424318, - 0.3580558617846177, - 0.2164199219255577, - 0.11054609280255523, - 0.6616003161551185, - 0.5571781766634856, - 0.2045851690944176, - 0.5318713919823923, - 0.30625445688032926, - 0.2810240182432683, - 0.07928689044447301, - 0.21118731416449388, - 0.1862969355255818, - 0.11311534931237921, - 0.5161037136405804, - 0.4927318753465463, - 0.26706897670309293, - 0.22524508477406724, - 0.773192487936568, - 0.11940738447084043, - 0.9595923950953249, - 0.5477729524972111, - 0.4264784793307814, - 0.3116053602330413, - 0.057734695224931354, - 0.4014137804050709, - 0.18152594022238733, - 0.24205725356541785, - 0.05026888751574732, - 0.49738478748097426, - 0.3419737689475125, - 0.6125245202115712, - 0.2971945923891952, - 0.6834272652471012, - 0.5596751776062121, - 0.8916193650138079, - 0.6725565992453565, - 0.25301722920419945, - 0.9278614620513156, - 0.4144617189211256, - 0.7435090354258661, - 0.25667258051153086, - 0.2897456560037982, - 0.49602701527851567, - 0.79683746981647, - 0.35142345410936016, - 0.7551875128046209, - 0.1682832948109424, - 0.7756473343951621, - 0.8682042259943156, - 0.8556977282576282, - 0.022453198662409912, - 0.19574058396300797, - 0.2617763740281731, - 0.6630415698019444, - 0.8345284382482422, - 0.7604768789466122, - 0.564501339445795, - 0.16462381732338371, - 0.03518550822119593, - 0.25390347651739487, - 0.3469370000599177, - 0.6769838041887928, - 0.005008367007423131, - 0.734405502489036, - 0.9788470934720903, - 0.4811989211059592, - 0.5961326037190546, - 0.09169037677399938, - 0.4458374822266863, - 0.39688281230804545, - 0.11917733388392271, - 0.5826471442730821, - 0.08330649624189579, - 0.3837844425302184, - 0.7389192598390395, - 0.8734486381063158, - 0.02033002108678683, - 0.14755499089769364, - 0.4441652808097698, - 0.5342874760161803, - 0.9125796670610251, - 0.8394392764939123, - 0.28168437509897704, - 0.9291797538185359, - 0.7587107476082221, - 0.63785871801988, - 0.8228342037957871, - 0.89449984444908, - 0.30266061646995746, - 0.16845512337360014, - 0.1851923221397873, - 0.19416204797369696, - 0.7012400875733307, - 0.6325403092756787, - 0.3708063693253505, - 0.4865216707745923, - 0.8816803888749956, - 0.4435001739479364, - 0.03465898592253258, - 0.5032717149312081, - 0.17664297000959428, - 0.6707229208047443, - 0.3316108733947857, - 0.8343561951393013, - 0.31696992721568074, - 0.49904376929218797, - 0.4642965885747964, - 0.08060023608633993, - 0.4096152510829433, - 0.029882763796085232, - 0.7233232901433281, - 0.07963564165571246, - 0.5852058766670575, - 0.464268322348227, - 0.888409150332887, - 0.18860530544952703, - 0.5588159385202833, - 0.8080429164239781, - 0.5032303128678371, - 0.22406774671559582, - 0.6315566116463485, - 0.32293181458144604, - 0.8268162393399197, - 0.7792686310420256, - 0.3248544147595982, - 0.5123373474900805, - 0.7793588961853737, - 0.897514954042659, - 0.42438647341528524, - 0.7376471471272982, - 0.2102923187660971, - 0.343424916694421, - 0.8608984906013373, - 0.07461995215411821, - 0.7662339069549672, - 0.7372135194957954, - 0.12058018332245846, - 0.06556312123069541, - 0.1027865893307629, - 0.5468388949113429, - 0.4495059788641328, - 0.9269254362603824, - 0.5529930135499955, - 0.9376259220300411, - 0.8029804274161205, - 0.1299548052792806, - 0.4194763577585977, - 0.2564200650976447, - 0.515185095459191, - 0.2016793280767155, - 0.49624542586328, - 0.26976944688226967, - 0.14969288615064924, - 0.1643337298320976, - 0.7441357055776074, - 0.35001263948246863, - 0.9854462036315647, - 0.8468697351452014, - 0.4386173523209771, - 0.3780078034289076, - 0.9076585315056218, - 0.8721587631603699, - 0.9430633982040717, - 0.22590567637978975, - 0.35215850188659115, - 0.5176739600685228, - 0.5899525812537784, - 0.8286718639396559, - 0.6581239384732182, - 0.950289880791723, - 0.9304972021255916, - 0.3147548462897033, - 0.3772209234501199, - 0.018756214976753727, - 0.32858526571666014, - 0.15711768143428972, - 0.8644774502705375, - 0.9194083507385699, - 0.9089142496526441, - 0.38772374083079975, - 0.3886703623962555, - 0.3741814851121613, - 0.6355582197844916, - 0.99647168725851, - 0.8278011794250203, - 0.9133359905686245, - 0.007818674068459708, - 0.9672907395336241, - 0.20796116727075853, - 0.6060144575542554, - 0.7943069163008151, - 0.39565399178783867, - 0.719693374773826, - 0.8300088633680298, - 0.3785619092023864, - 0.5539828891246323, - 0.5599856835898275 - ], - "yaxis": "y3" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "Deck_B", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_B=0
shap=-3.794", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_B=0
shap=-2.284", - "index=Palsson, Master. Gosta Leonard
Deck_B=0
shap=-0.439", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_B=0
shap=-0.408", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_B=0
shap=-0.541", - "index=Saundercock, Mr. William Henry
Deck_B=0
shap=-0.47", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_B=0
shap=-0.36", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_B=0
shap=-0.293", - "index=Glynn, Miss. Mary Agatha
Deck_B=0
shap=-0.395", - "index=Meyer, Mr. Edgar Joseph
Deck_B=0
shap=-4.944", - "index=Kraeff, Mr. Theodor
Deck_B=0
shap=-0.764", - "index=Devaney, Miss. Margaret Delia
Deck_B=0
shap=-0.37", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_B=0
shap=-0.337", - "index=Rugg, Miss. Emily
Deck_B=0
shap=-0.37", - "index=Harris, Mr. Henry Birkhardt
Deck_B=0
shap=-1.825", - "index=Skoog, Master. Harald
Deck_B=0
shap=-0.347", - "index=Kink, Mr. Vincenz
Deck_B=0
shap=-0.43", - "index=Hood, Mr. Ambrose Jr
Deck_B=0
shap=-0.47", - "index=Ilett, Miss. Bertha
Deck_B=0
shap=-0.37", - "index=Ford, Mr. William Neal
Deck_B=0
shap=-0.404", - "index=Christmann, Mr. Emil
Deck_B=0
shap=-0.466", - "index=Andreasson, Mr. Paul Edvin
Deck_B=0
shap=-0.47", - "index=Chaffee, Mr. Herbert Fuller
Deck_B=0
shap=-1.919", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_B=0
shap=-0.49", - "index=White, Mr. Richard Frasar
Deck_B=0
shap=-4.596", - "index=Rekic, Mr. Tido
Deck_B=0
shap=-0.514", - "index=Moran, Miss. Bertha
Deck_B=0
shap=-0.406", - "index=Barton, Mr. David John
Deck_B=0
shap=-0.47", - "index=Jussila, Miss. Katriina
Deck_B=0
shap=-0.337", - "index=Pekoniemi, Mr. Edvard
Deck_B=0
shap=-0.47", - "index=Turpin, Mr. William John Robert
Deck_B=0
shap=-0.454", - "index=Moore, Mr. Leonard Charles
Deck_B=0
shap=-0.49", - "index=Osen, Mr. Olaf Elon
Deck_B=0
shap=-0.47", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_B=0
shap=-0.393", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_B=0
shap=-0.571", - "index=Bateman, Rev. Robert James
Deck_B=0
shap=-0.497", - "index=Meo, Mr. Alfonzo
Deck_B=0
shap=-0.47", - "index=Cribb, Mr. John Hatfield
Deck_B=0
shap=-0.703", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_B=0
shap=-3.864", - "index=Van der hoef, Mr. Wyckoff
Deck_B=1
shap=7.548", - "index=Sivola, Mr. Antti Wilhelm
Deck_B=0
shap=-0.47", - "index=Klasen, Mr. Klas Albin
Deck_B=0
shap=-0.513", - "index=Rood, Mr. Hugh Roscoe
Deck_B=0
shap=-2.077", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_B=0
shap=-0.371", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_B=1
shap=13.868", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_B=0
shap=-0.466", - "index=Backstrom, Mr. Karl Alfred
Deck_B=0
shap=-0.465", - "index=Blank, Mr. Henry
Deck_B=0
shap=-7.308", - "index=Ali, Mr. Ahmed
Deck_B=0
shap=-0.466", - "index=Green, Mr. George Henry
Deck_B=0
shap=-0.497", - "index=Nenkoff, Mr. Christo
Deck_B=0
shap=-0.49", - "index=Asplund, Miss. Lillian Gertrud
Deck_B=0
shap=-0.326", - "index=Harknett, Miss. Alice Phoebe
Deck_B=0
shap=-0.36", - "index=Hunt, Mr. George Henry
Deck_B=0
shap=-0.507", - "index=Reed, Mr. James George
Deck_B=0
shap=-0.49", - "index=Stead, Mr. William Thomas
Deck_B=0
shap=-1.844", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_B=0
shap=-2.383", - "index=Parrish, Mrs. (Lutie Davis)
Deck_B=0
shap=-0.594", - "index=Smith, Mr. Thomas
Deck_B=0
shap=-0.492", - "index=Asplund, Master. Edvin Rojj Felix
Deck_B=0
shap=-0.387", - "index=Healy, Miss. Hanora \"Nora\"
Deck_B=0
shap=-0.395", - "index=Andrews, Miss. Kornelia Theodosia
Deck_B=0
shap=-1.74", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_B=0
shap=-0.513", - "index=Smith, Mr. Richard William
Deck_B=0
shap=-2.077", - "index=Connolly, Miss. Kate
Deck_B=0
shap=-0.37", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_B=1
shap=11.619", - "index=Levy, Mr. Rene Jacques
Deck_B=0
shap=-0.859", - "index=Lewy, Mr. Ervin G
Deck_B=0
shap=-5.026", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_B=0
shap=-0.49", - "index=Sage, Mr. George John Jr
Deck_B=0
shap=-0.347", - "index=Nysveen, Mr. Johan Hansen
Deck_B=0
shap=-0.47", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_B=0
shap=-1.322", - "index=Denkoff, Mr. Mitto
Deck_B=0
shap=-0.49", - "index=Burns, Miss. Elizabeth Margaret
Deck_B=0
shap=-3.252", - "index=Dimic, Mr. Jovan
Deck_B=0
shap=-0.502", - "index=del Carlo, Mr. Sebastiano
Deck_B=0
shap=-0.744", - "index=Beavan, Mr. William Thomas
Deck_B=0
shap=-0.47", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_B=0
shap=-2.577", - "index=Widener, Mr. Harry Elkins
Deck_B=0
shap=-5.517", - "index=Gustafsson, Mr. Karl Gideon
Deck_B=0
shap=-0.47", - "index=Plotcharsky, Mr. Vasil
Deck_B=0
shap=-0.49", - "index=Goodwin, Master. Sidney Leonard
Deck_B=0
shap=-0.347", - "index=Sadlier, Mr. Matthew
Deck_B=0
shap=-0.492", - "index=Gustafsson, Mr. Johan Birger
Deck_B=0
shap=-0.43", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_B=0
shap=-0.446", - "index=Niskanen, Mr. Juha
Deck_B=0
shap=-0.632", - "index=Minahan, Miss. Daisy E
Deck_B=0
shap=-1.957", - "index=Matthews, Mr. William John
Deck_B=0
shap=-0.487", - "index=Charters, Mr. David
Deck_B=0
shap=-0.472", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_B=0
shap=-0.37", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_B=0
shap=-0.456", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_B=0
shap=-0.585", - "index=Peuchen, Major. Arthur Godfrey
Deck_B=0
shap=-3.543", - "index=Anderson, Mr. Harry
Deck_B=0
shap=-3.628", - "index=Milling, Mr. Jacob Christian
Deck_B=0
shap=-0.5", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_B=0
shap=-0.383", - "index=Karlsson, Mr. Nils August
Deck_B=0
shap=-0.47", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_B=0
shap=-0.49", - "index=Bishop, Mr. Dickinson H
Deck_B=1
shap=24.095", - "index=Windelov, Mr. Einar
Deck_B=0
shap=-0.47", - "index=Shellard, Mr. Frederick William
Deck_B=0
shap=-0.49", - "index=Svensson, Mr. Olof
Deck_B=0
shap=-0.466", - "index=O'Sullivan, Miss. Bridget Mary
Deck_B=0
shap=-0.361", - "index=Laitinen, Miss. Kristina Sofia
Deck_B=0
shap=-0.378", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_B=0
shap=-5.051", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_B=0
shap=-3.074", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_B=0
shap=-0.417", - "index=Kassem, Mr. Fared
Deck_B=0
shap=-0.764", - "index=Cacic, Miss. Marija
Deck_B=0
shap=-0.346", - "index=Hart, Miss. Eva Miriam
Deck_B=0
shap=-0.439", - "index=Butt, Major. Archibald Willingham
Deck_B=1
shap=9.202", - "index=Beane, Mr. Edward
Deck_B=0
shap=-0.561", - "index=Goldsmith, Mr. Frank John
Deck_B=0
shap=-0.537", - "index=Ohman, Miss. Velin
Deck_B=0
shap=-0.37", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_B=0
shap=-2.256", - "index=Morrow, Mr. Thomas Rowan
Deck_B=0
shap=-0.492", - "index=Harris, Mr. George
Deck_B=0
shap=-0.587", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_B=0
shap=-1.896", - "index=Patchett, Mr. George
Deck_B=0
shap=-0.47", - "index=Ross, Mr. John Hugo
Deck_B=0
shap=-6.042", - "index=Murdlin, Mr. Joseph
Deck_B=0
shap=-0.49", - "index=Bourke, Miss. Mary
Deck_B=0
shap=-0.411", - "index=Boulos, Mr. Hanna
Deck_B=0
shap=-0.764", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_B=0
shap=-6.423", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_B=0
shap=-7.363", - "index=Lindell, Mr. Edvard Bengtsson
Deck_B=0
shap=-0.488", - "index=Daniel, Mr. Robert Williams
Deck_B=0
shap=-2.857", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_B=0
shap=-0.496", - "index=Shutes, Miss. Elizabeth W
Deck_B=0
shap=-1.918", - "index=Jardin, Mr. Jose Neto
Deck_B=0
shap=-0.49", - "index=Horgan, Mr. John
Deck_B=0
shap=-0.492", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_B=0
shap=-0.331", - "index=Yasbeck, Mr. Antoni
Deck_B=0
shap=-0.744", - "index=Bostandyeff, Mr. Guentcho
Deck_B=0
shap=-0.466", - "index=Lundahl, Mr. Johan Svensson
Deck_B=0
shap=-0.497", - "index=Stahelin-Maeglin, Dr. Max
Deck_B=1
shap=27.364", - "index=Willey, Mr. Edward
Deck_B=0
shap=-0.49", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_B=0
shap=-0.364", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_B=0
shap=-0.336", - "index=Eitemiller, Mr. George Floyd
Deck_B=0
shap=-0.466", - "index=Colley, Mr. Edward Pomeroy
Deck_B=0
shap=-2.181", - "index=Coleff, Mr. Peju
Deck_B=0
shap=-0.513", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_B=0
shap=-0.462", - "index=Davidson, Mr. Thornton
Deck_B=1
shap=6.761", - "index=Turja, Miss. Anna Sofia
Deck_B=0
shap=-0.37", - "index=Hassab, Mr. Hammad
Deck_B=0
shap=-5.88", - "index=Goodwin, Mr. Charles Edward
Deck_B=0
shap=-0.347", - "index=Panula, Mr. Jaako Arnold
Deck_B=0
shap=-0.362", - "index=Fischer, Mr. Eberhard Thelander
Deck_B=0
shap=-0.47", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_B=0
shap=-0.517", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_B=0
shap=-2.838", - "index=Hansen, Mr. Henrik Juul
Deck_B=0
shap=-0.454", - "index=Calderhead, Mr. Edward Pennington
Deck_B=0
shap=-3.639", - "index=Klaber, Mr. Herman
Deck_B=0
shap=-2.0", - "index=Taylor, Mr. Elmer Zebley
Deck_B=0
shap=-3.271", - "index=Larsson, Mr. August Viktor
Deck_B=0
shap=-0.466", - "index=Greenberg, Mr. Samuel
Deck_B=0
shap=-0.497", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_B=0
shap=-0.402", - "index=McEvoy, Mr. Michael
Deck_B=0
shap=-0.492", - "index=Johnson, Mr. Malkolm Joackim
Deck_B=0
shap=-0.507", - "index=Gillespie, Mr. William Henry
Deck_B=0
shap=-0.568", - "index=Allen, Miss. Elisabeth Walton
Deck_B=1
shap=5.088", - "index=Berriman, Mr. William John
Deck_B=0
shap=-0.466", - "index=Troupiansky, Mr. Moses Aaron
Deck_B=0
shap=-0.466", - "index=Williams, Mr. Leslie
Deck_B=0
shap=-0.466", - "index=Ivanoff, Mr. Kanio
Deck_B=0
shap=-0.49", - "index=McNamee, Mr. Neal
Deck_B=0
shap=-0.454", - "index=Connaghton, Mr. Michael
Deck_B=0
shap=-0.497", - "index=Carlsson, Mr. August Sigfrid
Deck_B=0
shap=-0.466", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_B=1
shap=7.132", - "index=Eklund, Mr. Hans Linus
Deck_B=0
shap=-0.47", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_B=0
shap=-1.987", - "index=Moran, Mr. Daniel J
Deck_B=0
shap=-0.49", - "index=Lievens, Mr. Rene Aime
Deck_B=0
shap=-0.466", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_B=1
shap=9.763", - "index=Ayoub, Miss. Banoura
Deck_B=0
shap=-0.53", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_B=1
shap=5.831", - "index=Johnston, Mr. Andrew G
Deck_B=0
shap=-0.455", - "index=Ali, Mr. William
Deck_B=0
shap=-0.466", - "index=Sjoblom, Miss. Anna Sofia
Deck_B=0
shap=-0.37", - "index=Guggenheim, Mr. Benjamin
Deck_B=1
shap=21.698", - "index=Leader, Dr. Alice (Farnham)
Deck_B=0
shap=-2.025", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_B=0
shap=-0.427", - "index=Carter, Master. William Thornton II
Deck_B=1
shap=10.247", - "index=Thomas, Master. Assad Alexander
Deck_B=0
shap=-1.049", - "index=Johansson, Mr. Karl Johan
Deck_B=0
shap=-0.485", - "index=Slemen, Mr. Richard James
Deck_B=0
shap=-0.567", - "index=Tomlin, Mr. Ernest Portage
Deck_B=0
shap=-0.485", - "index=McCormack, Mr. Thomas Joseph
Deck_B=0
shap=-0.588", - "index=Richards, Master. George Sibley
Deck_B=0
shap=-0.626", - "index=Mudd, Mr. Thomas Charles
Deck_B=0
shap=-0.47", - "index=Lemberopolous, Mr. Peter L
Deck_B=0
shap=-0.886", - "index=Sage, Mr. Douglas Bullen
Deck_B=0
shap=-0.347", - "index=Boulos, Miss. Nourelain
Deck_B=0
shap=-0.568", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_B=0
shap=-0.563", - "index=Razi, Mr. Raihed
Deck_B=0
shap=-0.764", - "index=Johnson, Master. Harold Theodor
Deck_B=0
shap=-0.626", - "index=Carlsson, Mr. Frans Olof
Deck_B=1
shap=8.94", - "index=Gustafsson, Mr. Alfred Ossian
Deck_B=0
shap=-0.47", - "index=Montvila, Rev. Juozas
Deck_B=0
shap=-0.466" - ], - "type": "scatter", - "x": [ - -3.7939421755181297, - -2.2840747580963052, - -0.43930674713242057, - -0.40827026561212143, - -0.5411325861794525, - -0.47021322434787616, - -0.3602885706454386, - -0.29342328471690887, - -0.3947958489089436, - -4.943874198934715, - -0.7637663633183374, - -0.37018777008580617, - -0.33696926248282566, - -0.3698901851658435, - -1.8245275827218692, - -0.3470753363662875, - -0.4300187021903324, - -0.47021322434787616, - -0.3698901851658435, - -0.40431993326006643, - -0.46590821438367086, - -0.47021322434787616, - -1.9186268544431226, - -0.48977654014641153, - -4.595846756494743, - -0.5142392074118396, - -0.4061017875252877, - -0.47021322434787616, - -0.33696926248282566, - -0.47021322434787616, - -0.4537529691520558, - -0.48977654014641153, - -0.47021322434787616, - -0.39251520618230945, - -0.5713494436542265, - -0.49718607504628515, - -0.47023641374714714, - -0.7034223028217227, - -3.863897409724009, - 7.548245391858375, - -0.47021322434787616, - -0.5134219980268065, - -2.0774354944105338, - -0.371178955826368, - 13.868240710093502, - -0.46590821438367086, - -0.46493773038601044, - -7.308026386343746, - -0.46590821438367086, - -0.49718607504628515, - -0.48977654014641153, - -0.3257633339890578, - -0.3602885706454386, - -0.5067067744426275, - -0.48977654014641153, - -1.8440376989202991, - -2.3826530701244635, - -0.5944499472153495, - -0.49193725877888356, - -0.38696630750671024, - -0.3947958489089436, - -1.7398691121384642, - -0.5134116776474359, - -2.0774354944105338, - -0.37018777008580617, - 11.618641117732853, - -0.8592571776556486, - -5.026133338801048, - -0.48977654014641153, - -0.3470753363662874, - -0.47023641374714714, - -1.3219804269500082, - -0.48977654014641153, - -3.252422889596722, - -0.5022148504977313, - -0.7438967785043413, - -0.47021322434787616, - -2.576650853929307, - -5.5173872488519216, - -0.47021322434787616, - -0.48977654014641153, - -0.3470753363662874, - -0.49193725877888356, - -0.4300187021903324, - -0.44568857723815597, - -0.6317091656206851, - -1.9569117197466506, - -0.4873817158178993, - -0.4723739429803482, - -0.3698901851658435, - -0.4556971338137874, - -0.5853618391366187, - -3.5433106331607847, - -3.627567716650186, - -0.4996851681522961, - -0.38300215231918505, - -0.47021322434787616, - -0.48977654014641153, - 24.09512341675527, - -0.47021322434787616, - -0.48977654014641153, - -0.46590821438367086, - -0.3605861555654013, - -0.37752126553420984, - -5.05145369277772, - -3.073928384468377, - -0.4169162076324502, - -0.7637663633183374, - -0.34592087053237464, - -0.4390969467542039, - 9.201755971833965, - -0.5605230293762172, - -0.5373426041495999, - -0.3698901851658435, - -2.256339895839645, - -0.49193725877888356, - -0.5868364370885445, - -1.8957674665056348, - -0.47021322434787616, - -6.041808486073048, - -0.48977654014641153, - -0.41054341257420796, - -0.7637663633183374, - -6.422716246421934, - -7.362827374840277, - -0.4879567694035285, - -2.857374061748654, - -0.4955583959792399, - -1.9176151671011517, - -0.48977654014641153, - -0.49193725877888356, - -0.33075066016388055, - -0.7438967785043413, - -0.46590821438367086, - -0.49718607504628515, - 27.364284264570767, - -0.48977654014641153, - -0.36367158284689843, - -0.3359780767422638, - -0.46590821438367086, - -2.1811998786602365, - -0.5126849586071014, - -0.4623676228898801, - 6.76078081068763, - -0.3698901851658435, - -5.879716615045502, - -0.3470753363662875, - -0.3617352650065697, - -0.47021322434787616, - -0.517041411845449, - -2.8378689478810624, - -0.4537529691520558, - -3.6392590056480265, - -1.999620814639767, - -3.270895420711818, - -0.46590821438367086, - -0.49718607504628515, - -0.40199235648572706, - -0.49193725877888356, - -0.5067067744426275, - -0.568204158546754, - 5.08804693914258, - -0.46590821438367086, - -0.46590821438367086, - -0.46590821438367086, - -0.48977654014641153, - -0.4537529691520558, - -0.4968137372983791, - -0.46590821438367086, - 7.131868068280572, - -0.47021322434787616, - -1.9871054031619952, - -0.489799181503088, - -0.46590821438367086, - 9.76343212175311, - -0.5298959227992289, - 5.830766327934607, - -0.4552227430181336, - -0.46590821438367086, - -0.3698901851658435, - 21.698370304398416, - -2.0254769808452484, - -0.42748009108373053, - 10.247122672019627, - -1.048603132586436, - -0.48483800651913234, - -0.5673936866149238, - -0.48483800651913234, - -0.5875225577690906, - -0.625503916613631, - -0.47021322434787616, - -0.8859444650108506, - -0.3470753363662874, - -0.5678932059096284, - -0.5634602815884241, - -0.7637663633183374, - -0.625503916613631, - 8.940317066863823, - -0.47021322434787616, - -0.46590821438367086 - ], - "xaxis": "x4", - "y": [ - 0.5456653223257332, - 0.2694958677232048, - 0.6276570528488924, - 0.5630123956022882, - 0.19347441927204612, - 0.20092274156252365, - 0.046366250295990286, - 0.933616696321858, - 0.024762312176226486, - 0.6330526498600809, - 0.2283578239589822, - 0.9875845088887925, - 0.2821129192115587, - 0.035727617517740895, - 0.7296255435976547, - 0.1426563455576948, - 0.10029138335732046, - 0.1869322216260122, - 0.6978201572358326, - 0.760805801119134, - 0.3728295440954379, - 0.47314712853308083, - 0.531892563840408, - 0.5785069424313702, - 0.9829395122943249, - 0.9854630586480998, - 0.0007058753751474356, - 0.8607583890682355, - 0.5799797214410727, - 0.3703356432638224, - 0.42768986041931367, - 0.5647558607324197, - 0.6106869391886448, - 0.657000850648226, - 0.985082047344587, - 0.7323598262733295, - 0.9575399711205772, - 0.7938137306637523, - 0.14127493021698656, - 0.026568620889575567, - 0.13738373474172827, - 0.24830754134265454, - 0.7912952886702814, - 0.4675723432478418, - 0.08028037698519896, - 0.22874500863518732, - 0.1597467531055048, - 0.28019230609319623, - 0.007986298925156676, - 0.27948642371722066, - 0.8556820475671203, - 0.618763925764168, - 0.7068452342185249, - 0.737907964791145, - 0.1499861331513127, - 0.13654318202219018, - 0.8342857478498844, - 0.5843036591437968, - 0.9799200387653417, - 0.741811069787497, - 0.36280595859925424, - 0.6053983216226922, - 0.661755070205993, - 0.002879016897569864, - 0.5058737263401535, - 0.6638907269385291, - 0.426038014941166, - 0.10462953160718391, - 0.46870611639346216, - 0.45310327450222365, - 0.2637646637322558, - 0.1636238477475952, - 0.7976204563259818, - 0.2448733923636055, - 0.693240365920359, - 0.2378748449072825, - 0.6489170799275913, - 0.5087634104856285, - 0.5181495995841942, - 0.8201725278205174, - 0.09261638154925211, - 0.42514148539085195, - 0.7823643422276725, - 0.1413293005713313, - 0.7055149242764406, - 0.5999971875781855, - 0.47519735498727356, - 0.7686625388617051, - 0.15855238910797942, - 0.8360119488517274, - 0.2569930500585311, - 0.5839648067375252, - 0.7846356626206313, - 0.5205819090958804, - 0.1676769955483013, - 0.6513272463245872, - 0.01902889683816733, - 0.9191437731251193, - 0.29430080270819503, - 0.5238861219076031, - 0.9005490154399605, - 0.4587940885106174, - 0.6008466861762976, - 0.5166860362139303, - 0.7994207098109897, - 0.6201856037567279, - 0.05522681637862559, - 0.21293843154378012, - 0.6884530849256598, - 0.0709055111393252, - 0.9014015063981886, - 0.39399921452030917, - 0.7838562974213306, - 0.8083034298919547, - 0.23228169698534185, - 0.39925967152756847, - 0.5363383325395763, - 0.7586722491690451, - 0.898040978730642, - 0.6861563056879277, - 0.2512110709690647, - 0.9972009255200736, - 0.4742596463660771, - 0.30250118224689937, - 0.6240051582396527, - 0.6321275073563716, - 0.10307756555763292, - 0.5145209997362775, - 0.13649436822370775, - 0.49034916434505516, - 0.07230542859625422, - 0.5507982647741732, - 0.30492478649507293, - 0.5687727204115689, - 0.7010401475815398, - 0.6814670047148395, - 0.7343262733130327, - 0.6708838941942522, - 0.14118775076942014, - 0.03633874148719374, - 0.2286812586560607, - 0.730705471758098, - 0.423769265746323, - 0.10854264165731653, - 0.7456722611799185, - 0.5862807818277144, - 0.21736666587149445, - 0.7291519369643927, - 0.7192478520130362, - 0.3167940123482742, - 0.8432414856753672, - 0.9078260540534083, - 0.1221555308744986, - 0.07762874375410134, - 0.46030808362523123, - 0.6695120857508895, - 0.025146820844872186, - 0.45486762563069294, - 0.08931907987712362, - 0.43982560749269684, - 0.5953688440771969, - 0.033764240673186174, - 0.8978482675411026, - 0.5480246772074259, - 0.5530961721665801, - 0.9488794000592304, - 0.3190970033064664, - 0.29921120037099, - 0.1863661416474205, - 0.5770271181233221, - 0.3214024753008833, - 0.09702250530574252, - 0.4818907693089215, - 0.40977068000182937, - 0.8486255829494788, - 0.11123290047574186, - 0.3039310267365022, - 0.694512653160149, - 0.8574010517317077, - 0.47787744637278184, - 0.9568643513129412, - 0.4728295074670157, - 0.6519510172046489, - 0.9306153278271976, - 0.5244265399009364, - 0.2887250738503615, - 0.6165332651984291, - 0.3554846818725407, - 0.06408995081664781, - 0.4747659741891749, - 0.14746228346947654, - 0.564255275806388, - 0.15056843361984995, - 0.9227238911205295, - 0.5967594296593566, - 0.5699525301622577, - 0.3513121014279532, - 0.3126959471713672, - 0.29909583152847896, - 0.6908605345452665 - ], - "yaxis": "y4" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 0, - 0, - 1, - 2, - 0, - 0, - 0, - 5, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 3, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 2, - 0, - 0, - 1, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 2, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 2, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 2, - 1, - 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, - 1, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 1, - 2, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 2, - 1, - 1, - 0, - 1, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "No_of_parents_plus_children_on_board", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
No_of_parents_plus_children_on_board=0
shap=-1.633", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
No_of_parents_plus_children_on_board=0
shap=-3.571", - "index=Palsson, Master. Gosta Leonard
No_of_parents_plus_children_on_board=1
shap=2.098", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
No_of_parents_plus_children_on_board=2
shap=1.651", - "index=Nasser, Mrs. Nicholas (Adele Achem)
No_of_parents_plus_children_on_board=0
shap=0.388", - "index=Saundercock, Mr. William Henry
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Vestrom, Miss. Hulda Amanda Adolfina
No_of_parents_plus_children_on_board=0
shap=-0.356", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
No_of_parents_plus_children_on_board=5
shap=2.228", - "index=Glynn, Miss. Mary Agatha
No_of_parents_plus_children_on_board=0
shap=-0.311", - "index=Meyer, Mr. Edgar Joseph
No_of_parents_plus_children_on_board=0
shap=-4.287", - "index=Kraeff, Mr. Theodor
No_of_parents_plus_children_on_board=0
shap=-0.427", - "index=Devaney, Miss. Margaret Delia
No_of_parents_plus_children_on_board=0
shap=-0.31", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
No_of_parents_plus_children_on_board=0
shap=-0.354", - "index=Rugg, Miss. Emily
No_of_parents_plus_children_on_board=0
shap=0.312", - "index=Harris, Mr. Henry Birkhardt
No_of_parents_plus_children_on_board=0
shap=-3.942", - "index=Skoog, Master. Harald
No_of_parents_plus_children_on_board=2
shap=2.411", - "index=Kink, Mr. Vincenz
No_of_parents_plus_children_on_board=0
shap=0.338", - "index=Hood, Mr. Ambrose Jr
No_of_parents_plus_children_on_board=0
shap=0.146", - "index=Ilett, Miss. Bertha
No_of_parents_plus_children_on_board=0
shap=0.312", - "index=Ford, Mr. William Neal
No_of_parents_plus_children_on_board=3
shap=2.275", - "index=Christmann, Mr. Emil
No_of_parents_plus_children_on_board=0
shap=-0.601", - "index=Andreasson, Mr. Paul Edvin
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Chaffee, Mr. Herbert Fuller
No_of_parents_plus_children_on_board=0
shap=-3.739", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=White, Mr. Richard Frasar
No_of_parents_plus_children_on_board=1
shap=11.632", - "index=Rekic, Mr. Tido
No_of_parents_plus_children_on_board=0
shap=-0.469", - "index=Moran, Miss. Bertha
No_of_parents_plus_children_on_board=0
shap=-0.29", - "index=Barton, Mr. David John
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Jussila, Miss. Katriina
No_of_parents_plus_children_on_board=0
shap=-0.354", - "index=Pekoniemi, Mr. Edvard
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Turpin, Mr. William John Robert
No_of_parents_plus_children_on_board=0
shap=0.112", - "index=Moore, Mr. Leonard Charles
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Osen, Mr. Olaf Elon
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Ford, Miss. Robina Maggie \"Ruby\"
No_of_parents_plus_children_on_board=2
shap=2.028", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
No_of_parents_plus_children_on_board=2
shap=1.407", - "index=Bateman, Rev. Robert James
No_of_parents_plus_children_on_board=0
shap=0.16", - "index=Meo, Mr. Alfonzo
No_of_parents_plus_children_on_board=0
shap=-0.487", - "index=Cribb, Mr. John Hatfield
No_of_parents_plus_children_on_board=1
shap=2.015", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
No_of_parents_plus_children_on_board=1
shap=7.333", - "index=Van der hoef, Mr. Wyckoff
No_of_parents_plus_children_on_board=0
shap=-5.502", - "index=Sivola, Mr. Antti Wilhelm
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Klasen, Mr. Klas Albin
No_of_parents_plus_children_on_board=1
shap=1.745", - "index=Rood, Mr. Hugh Roscoe
No_of_parents_plus_children_on_board=0
shap=-4.379", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
No_of_parents_plus_children_on_board=0
shap=-0.319", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
No_of_parents_plus_children_on_board=0
shap=-2.078", - "index=Vande Walle, Mr. Nestor Cyriel
No_of_parents_plus_children_on_board=0
shap=-0.601", - "index=Backstrom, Mr. Karl Alfred
No_of_parents_plus_children_on_board=0
shap=-0.545", - "index=Blank, Mr. Henry
No_of_parents_plus_children_on_board=0
shap=-2.072", - "index=Ali, Mr. Ahmed
No_of_parents_plus_children_on_board=0
shap=-0.572", - "index=Green, Mr. George Henry
No_of_parents_plus_children_on_board=0
shap=-0.485", - "index=Nenkoff, Mr. Christo
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Asplund, Miss. Lillian Gertrud
No_of_parents_plus_children_on_board=2
shap=2.092", - "index=Harknett, Miss. Alice Phoebe
No_of_parents_plus_children_on_board=0
shap=-0.357", - "index=Hunt, Mr. George Henry
No_of_parents_plus_children_on_board=0
shap=0.066", - "index=Reed, Mr. James George
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Stead, Mr. William Thomas
No_of_parents_plus_children_on_board=0
shap=-4.373", - "index=Thorne, Mrs. Gertrude Maybelle
No_of_parents_plus_children_on_board=0
shap=-2.019", - "index=Parrish, Mrs. (Lutie Davis)
No_of_parents_plus_children_on_board=1
shap=1.62", - "index=Smith, Mr. Thomas
No_of_parents_plus_children_on_board=0
shap=-0.479", - "index=Asplund, Master. Edvin Rojj Felix
No_of_parents_plus_children_on_board=2
shap=2.322", - "index=Healy, Miss. Hanora \"Nora\"
No_of_parents_plus_children_on_board=0
shap=-0.311", - "index=Andrews, Miss. Kornelia Theodosia
No_of_parents_plus_children_on_board=0
shap=-2.11", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
No_of_parents_plus_children_on_board=1
shap=1.368", - "index=Smith, Mr. Richard William
No_of_parents_plus_children_on_board=0
shap=-4.379", - "index=Connolly, Miss. Kate
No_of_parents_plus_children_on_board=0
shap=-0.311", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
No_of_parents_plus_children_on_board=0
shap=-3.213", - "index=Levy, Mr. Rene Jacques
No_of_parents_plus_children_on_board=0
shap=0.264", - "index=Lewy, Mr. Ervin G
No_of_parents_plus_children_on_board=0
shap=-3.585", - "index=Williams, Mr. Howard Hugh \"Harry\"
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Sage, Mr. George John Jr
No_of_parents_plus_children_on_board=2
shap=2.808", - "index=Nysveen, Mr. Johan Hansen
No_of_parents_plus_children_on_board=0
shap=-0.488", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
No_of_parents_plus_children_on_board=0
shap=-2.467", - "index=Denkoff, Mr. Mitto
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Burns, Miss. Elizabeth Margaret
No_of_parents_plus_children_on_board=0
shap=-1.274", - "index=Dimic, Mr. Jovan
No_of_parents_plus_children_on_board=0
shap=-0.473", - "index=del Carlo, Mr. Sebastiano
No_of_parents_plus_children_on_board=0
shap=0.186", - "index=Beavan, Mr. William Thomas
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
No_of_parents_plus_children_on_board=0
shap=-1.958", - "index=Widener, Mr. Harry Elkins
No_of_parents_plus_children_on_board=2
shap=11.769", - "index=Gustafsson, Mr. Karl Gideon
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Plotcharsky, Mr. Vasil
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Goodwin, Master. Sidney Leonard
No_of_parents_plus_children_on_board=2
shap=2.689", - "index=Sadlier, Mr. Matthew
No_of_parents_plus_children_on_board=0
shap=-0.479", - "index=Gustafsson, Mr. Johan Birger
No_of_parents_plus_children_on_board=0
shap=0.313", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
No_of_parents_plus_children_on_board=2
shap=1.659", - "index=Niskanen, Mr. Juha
No_of_parents_plus_children_on_board=0
shap=-0.436", - "index=Minahan, Miss. Daisy E
No_of_parents_plus_children_on_board=0
shap=-3.452", - "index=Matthews, Mr. William John
No_of_parents_plus_children_on_board=0
shap=0.05", - "index=Charters, Mr. David
No_of_parents_plus_children_on_board=0
shap=-0.478", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
No_of_parents_plus_children_on_board=0
shap=0.312", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
No_of_parents_plus_children_on_board=1
shap=0.548", - "index=Johannesen-Bratthammer, Mr. Bernt
No_of_parents_plus_children_on_board=0
shap=-0.477", - "index=Peuchen, Major. Arthur Godfrey
No_of_parents_plus_children_on_board=0
shap=-4.03", - "index=Anderson, Mr. Harry
No_of_parents_plus_children_on_board=0
shap=-3.868", - "index=Milling, Mr. Jacob Christian
No_of_parents_plus_children_on_board=0
shap=0.154", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
No_of_parents_plus_children_on_board=2
shap=1.126", - "index=Karlsson, Mr. Nils August
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Frost, Mr. Anthony Wood \"Archie\"
No_of_parents_plus_children_on_board=0
shap=0.132", - "index=Bishop, Mr. Dickinson H
No_of_parents_plus_children_on_board=0
shap=-4.326", - "index=Windelov, Mr. Einar
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Shellard, Mr. Frederick William
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Svensson, Mr. Olof
No_of_parents_plus_children_on_board=0
shap=-0.572", - "index=O'Sullivan, Miss. Bridget Mary
No_of_parents_plus_children_on_board=0
shap=-0.346", - "index=Laitinen, Miss. Kristina Sofia
No_of_parents_plus_children_on_board=0
shap=-0.367", - "index=Penasco y Castellana, Mr. Victor de Satode
No_of_parents_plus_children_on_board=0
shap=-3.593", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
No_of_parents_plus_children_on_board=0
shap=-4.107", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
No_of_parents_plus_children_on_board=0
shap=0.304", - "index=Kassem, Mr. Fared
No_of_parents_plus_children_on_board=0
shap=-0.427", - "index=Cacic, Miss. Marija
No_of_parents_plus_children_on_board=0
shap=-0.441", - "index=Hart, Miss. Eva Miriam
No_of_parents_plus_children_on_board=2
shap=0.751", - "index=Butt, Major. Archibald Willingham
No_of_parents_plus_children_on_board=0
shap=-5.61", - "index=Beane, Mr. Edward
No_of_parents_plus_children_on_board=0
shap=0.156", - "index=Goldsmith, Mr. Frank John
No_of_parents_plus_children_on_board=1
shap=1.912", - "index=Ohman, Miss. Velin
No_of_parents_plus_children_on_board=0
shap=-0.326", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
No_of_parents_plus_children_on_board=1
shap=5.445", - "index=Morrow, Mr. Thomas Rowan
No_of_parents_plus_children_on_board=0
shap=-0.479", - "index=Harris, Mr. George
No_of_parents_plus_children_on_board=0
shap=0.194", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
No_of_parents_plus_children_on_board=0
shap=-2.118", - "index=Patchett, Mr. George
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Ross, Mr. John Hugo
No_of_parents_plus_children_on_board=0
shap=-3.916", - "index=Murdlin, Mr. Joseph
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Bourke, Miss. Mary
No_of_parents_plus_children_on_board=2
shap=1.567", - "index=Boulos, Mr. Hanna
No_of_parents_plus_children_on_board=0
shap=-0.427", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
No_of_parents_plus_children_on_board=0
shap=-2.28", - "index=Homer, Mr. Harry (\"Mr E Haven\")
No_of_parents_plus_children_on_board=0
shap=-2.695", - "index=Lindell, Mr. Edvard Bengtsson
No_of_parents_plus_children_on_board=0
shap=-0.503", - "index=Daniel, Mr. Robert Williams
No_of_parents_plus_children_on_board=0
shap=-4.864", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
No_of_parents_plus_children_on_board=2
shap=0.814", - "index=Shutes, Miss. Elizabeth W
No_of_parents_plus_children_on_board=0
shap=-2.68", - "index=Jardin, Mr. Jose Neto
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Horgan, Mr. John
No_of_parents_plus_children_on_board=0
shap=-0.479", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
No_of_parents_plus_children_on_board=0
shap=-0.419", - "index=Yasbeck, Mr. Antoni
No_of_parents_plus_children_on_board=0
shap=-0.462", - "index=Bostandyeff, Mr. Guentcho
No_of_parents_plus_children_on_board=0
shap=-0.574", - "index=Lundahl, Mr. Johan Svensson
No_of_parents_plus_children_on_board=0
shap=-0.485", - "index=Stahelin-Maeglin, Dr. Max
No_of_parents_plus_children_on_board=0
shap=-4.699", - "index=Willey, Mr. Edward
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Stanley, Miss. Amy Zillah Elsie
No_of_parents_plus_children_on_board=0
shap=-0.357", - "index=Hegarty, Miss. Hanora \"Nora\"
No_of_parents_plus_children_on_board=0
shap=-0.346", - "index=Eitemiller, Mr. George Floyd
No_of_parents_plus_children_on_board=0
shap=0.114", - "index=Colley, Mr. Edward Pomeroy
No_of_parents_plus_children_on_board=0
shap=-4.157", - "index=Coleff, Mr. Peju
No_of_parents_plus_children_on_board=0
shap=-0.541", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
No_of_parents_plus_children_on_board=1
shap=0.518", - "index=Davidson, Mr. Thornton
No_of_parents_plus_children_on_board=0
shap=-6.419", - "index=Turja, Miss. Anna Sofia
No_of_parents_plus_children_on_board=0
shap=-0.325", - "index=Hassab, Mr. Hammad
No_of_parents_plus_children_on_board=0
shap=-3.222", - "index=Goodwin, Mr. Charles Edward
No_of_parents_plus_children_on_board=2
shap=2.689", - "index=Panula, Mr. Jaako Arnold
No_of_parents_plus_children_on_board=1
shap=2.251", - "index=Fischer, Mr. Eberhard Thelander
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
No_of_parents_plus_children_on_board=0
shap=-0.48", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
No_of_parents_plus_children_on_board=0
shap=-2.38", - "index=Hansen, Mr. Henrik Juul
No_of_parents_plus_children_on_board=0
shap=-0.535", - "index=Calderhead, Mr. Edward Pennington
No_of_parents_plus_children_on_board=0
shap=-3.738", - "index=Klaber, Mr. Herman
No_of_parents_plus_children_on_board=0
shap=-4.605", - "index=Taylor, Mr. Elmer Zebley
No_of_parents_plus_children_on_board=0
shap=-3.744", - "index=Larsson, Mr. August Viktor
No_of_parents_plus_children_on_board=0
shap=-0.601", - "index=Greenberg, Mr. Samuel
No_of_parents_plus_children_on_board=0
shap=0.16", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
No_of_parents_plus_children_on_board=0
shap=0.24", - "index=McEvoy, Mr. Michael
No_of_parents_plus_children_on_board=0
shap=-0.479", - "index=Johnson, Mr. Malkolm Joackim
No_of_parents_plus_children_on_board=0
shap=-0.585", - "index=Gillespie, Mr. William Henry
No_of_parents_plus_children_on_board=0
shap=0.079", - "index=Allen, Miss. Elisabeth Walton
No_of_parents_plus_children_on_board=0
shap=-4.648", - "index=Berriman, Mr. William John
No_of_parents_plus_children_on_board=0
shap=0.114", - "index=Troupiansky, Mr. Moses Aaron
No_of_parents_plus_children_on_board=0
shap=0.114", - "index=Williams, Mr. Leslie
No_of_parents_plus_children_on_board=0
shap=-0.601", - "index=Ivanoff, Mr. Kanio
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=McNamee, Mr. Neal
No_of_parents_plus_children_on_board=0
shap=-0.53", - "index=Connaghton, Mr. Michael
No_of_parents_plus_children_on_board=0
shap=-0.539", - "index=Carlsson, Mr. August Sigfrid
No_of_parents_plus_children_on_board=0
shap=-0.601", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
No_of_parents_plus_children_on_board=0
shap=-4.574", - "index=Eklund, Mr. Hans Linus
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Hogeboom, Mrs. John C (Anna Andrews)
No_of_parents_plus_children_on_board=0
shap=-1.977", - "index=Moran, Mr. Daniel J
No_of_parents_plus_children_on_board=0
shap=-0.431", - "index=Lievens, Mr. Rene Aime
No_of_parents_plus_children_on_board=0
shap=-0.572", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
No_of_parents_plus_children_on_board=1
shap=9.099", - "index=Ayoub, Miss. Banoura
No_of_parents_plus_children_on_board=0
shap=-0.269", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
No_of_parents_plus_children_on_board=0
shap=-3.881", - "index=Johnston, Mr. Andrew G
No_of_parents_plus_children_on_board=2
shap=2.174", - "index=Ali, Mr. William
No_of_parents_plus_children_on_board=0
shap=-0.578", - "index=Sjoblom, Miss. Anna Sofia
No_of_parents_plus_children_on_board=0
shap=-0.325", - "index=Guggenheim, Mr. Benjamin
No_of_parents_plus_children_on_board=0
shap=-4.497", - "index=Leader, Dr. Alice (Farnham)
No_of_parents_plus_children_on_board=0
shap=-1.734", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
No_of_parents_plus_children_on_board=1
shap=0.739", - "index=Carter, Master. William Thornton II
No_of_parents_plus_children_on_board=2
shap=8.856", - "index=Thomas, Master. Assad Alexander
No_of_parents_plus_children_on_board=1
shap=1.793", - "index=Johansson, Mr. Karl Johan
No_of_parents_plus_children_on_board=0
shap=-0.594", - "index=Slemen, Mr. Richard James
No_of_parents_plus_children_on_board=0
shap=0.116", - "index=Tomlin, Mr. Ernest Portage
No_of_parents_plus_children_on_board=0
shap=-0.601", - "index=McCormack, Mr. Thomas Joseph
No_of_parents_plus_children_on_board=0
shap=-0.429", - "index=Richards, Master. George Sibley
No_of_parents_plus_children_on_board=1
shap=0.838", - "index=Mudd, Mr. Thomas Charles
No_of_parents_plus_children_on_board=0
shap=0.146", - "index=Lemberopolous, Mr. Peter L
No_of_parents_plus_children_on_board=0
shap=-0.447", - "index=Sage, Mr. Douglas Bullen
No_of_parents_plus_children_on_board=2
shap=2.808", - "index=Boulos, Miss. Nourelain
No_of_parents_plus_children_on_board=1
shap=1.268", - "index=Aks, Mrs. Sam (Leah Rosen)
No_of_parents_plus_children_on_board=1
shap=1.681", - "index=Razi, Mr. Raihed
No_of_parents_plus_children_on_board=0
shap=-0.427", - "index=Johnson, Master. Harold Theodor
No_of_parents_plus_children_on_board=1
shap=1.618", - "index=Carlsson, Mr. Frans Olof
No_of_parents_plus_children_on_board=0
shap=-6.836", - "index=Gustafsson, Mr. Alfred Ossian
No_of_parents_plus_children_on_board=0
shap=-0.509", - "index=Montvila, Rev. Juozas
No_of_parents_plus_children_on_board=0
shap=0.073" - ], - "type": "scatter", - "x": [ - -1.6334887497915607, - -3.5708868095295636, - 2.09766611991148, - 1.6513274942623724, - 0.38795227837893215, - -0.5089153608766376, - -0.35565988443041435, - 2.227884561821138, - -0.31099261513336324, - -4.287289561008393, - -0.42716250583756626, - -0.31031711197800754, - -0.35429221374061376, - 0.3120668750352441, - -3.9424410128035476, - 2.410627942175667, - 0.337795308549091, - 0.14578772508591817, - 0.3120668750352441, - 2.274780176465785, - -0.6008343349464709, - -0.5089153608766376, - -3.738909251910481, - -0.5093731572631391, - 11.632097795966668, - -0.46909071966838944, - -0.29005029574219426, - -0.509109979472875, - -0.35429221374061376, - -0.5089153608766376, - 0.11160516518530952, - -0.5093731572631391, - -0.5085121662665589, - 2.02760692286078, - 1.406936705858294, - 0.16014145762676277, - -0.48706386650871036, - 2.0145274464464857, - 7.332906193044801, - -5.501667144213254, - -0.5089153608766376, - 1.7447458618855287, - -4.379066528007655, - -0.31935664322616025, - -2.0780914844468357, - -0.6008343349464709, - -0.5448070088724022, - -2.0723919893698826, - -0.5721800862354457, - -0.4846119517117917, - -0.5093731572631391, - 2.0918640880075983, - -0.3567385821958489, - 0.06630759066804737, - -0.5093731572631391, - -4.37277109925747, - -2.018632407605374, - 1.6196448119996147, - -0.4786725120182706, - 2.3219212039693993, - -0.31099261513336324, - -2.1099650134037673, - 1.3679167423285743, - -4.379066528007655, - -0.3107063491704822, - -3.2126903493768943, - 0.2641253101358128, - -3.5847259912491056, - -0.5093731572631391, - 2.8082377604610382, - -0.4884534376845999, - -2.467285102001444, - -0.5093731572631391, - -1.2741080029697605, - -0.4730805671606795, - 0.1863230456717098, - -0.5089153608766376, - -1.9580631835384985, - 11.768885530294845, - -0.5089153608766376, - -0.5093731572631391, - 2.689131855546445, - -0.4786725120182706, - 0.31348871098413456, - 1.6585936199399132, - -0.435528579724079, - -3.4519934235298346, - 0.05015243299692982, - -0.47821471563176915, - 0.3120668750352441, - 0.5482634940748939, - -0.47687360741932655, - -4.0301805989706105, - -3.8684841745252414, - 0.1535880348044262, - 1.1262873866290852, - -0.509109979472875, - 0.13179658383750334, - -4.325995556727453, - -0.5089153608766376, - -0.5093731572631391, - -0.5721800862354457, - -0.34643694974575406, - -0.3673560832191393, - -3.593179046883356, - -4.106639453536272, - 0.3038528864264946, - -0.42716250583756626, - -0.4413015052714931, - 0.7510716951633175, - -5.609901465788833, - 0.15620942820341896, - 1.9123558578323543, - -0.3255364130320662, - 5.445096828882377, - -0.4786725120182706, - 0.19390178287020496, - -2.1175677972678857, - -0.5089153608766376, - -3.915536661497641, - -0.5093731572631391, - 1.566521012498454, - -0.42716250583756626, - -2.2800274502506124, - -2.695108763309612, - -0.5028941597764865, - -4.863827090147867, - 0.8143838474487651, - -2.6804368908037586, - -0.5093731572631391, - -0.4786725120182706, - -0.4187003157090035, - -0.4621030770025659, - -0.5736067570517389, - -0.4846119517117917, - -4.699117383794446, - -0.5093731572631391, - -0.3567791274011572, - -0.34576144659039826, - 0.11435039212058998, - -4.156704683709419, - -0.5408104351526775, - 0.5180004472820038, - -6.418742854313852, - -0.3251471758395916, - -3.222268494609732, - 2.689131855546445, - 2.2510136352253314, - -0.5089153608766376, - -0.4801012305961174, - -2.3803044484513514, - -0.5353572076876244, - -3.7380989432890543, - -4.604592374990303, - -3.7436504689032923, - -0.6008343349464709, - 0.16014145762676277, - 0.23963278561999596, - -0.4786725120182706, - -0.5846791772753535, - 0.07882113785418467, - -4.647587662000536, - 0.11435039212058998, - 0.11435039212058998, - -0.6008343349464709, - -0.5093731572631391, - -0.5298926168005835, - -0.5392635307701514, - -0.6008343349464709, - -4.573740104272625, - -0.5085121662665589, - -1.977105733233444, - -0.43097199885042886, - -0.5721800862354457, - 9.098688011392785, - -0.2685092913413268, - -3.8809409870478384, - 2.1735058892423664, - -0.5780155803869401, - -0.3251471758395916, - -4.496764088013565, - -1.734251338968543, - 0.7390018373672275, - 8.855718230360207, - 1.7930008958400105, - -0.5941652122394203, - 0.11642662293623343, - -0.6008343349464709, - -0.4287127279099608, - 0.8378051263507543, - 0.14593635755611953, - -0.44651227820097394, - 2.8082377604610382, - 1.2681792189892274, - 1.6809957462306582, - -0.42716250583756626, - 1.617549939659787, - -6.836017439519743, - -0.5089153608766376, - 0.0730585979908135 - ], - "xaxis": "x5", - "y": [ - 0.5266225265196307, - 0.726717260763719, - 0.890397242586555, - 0.5440369109256783, - 0.061193164183130255, - 0.6985249709981245, - 0.0016142400695607906, - 0.49928096457794324, - 0.11528012366107687, - 0.07228820981250406, - 0.15375710826266087, - 0.7993465881918262, - 0.16295086137332626, - 0.20782368509988458, - 0.7888824325119003, - 0.7797924976326494, - 0.45397191245075985, - 0.16289466382686868, - 0.8831498718292055, - 0.2770804079845167, - 0.2895749836978233, - 0.6673496766760905, - 0.054748307763256565, - 0.7646714500383521, - 0.9991138546027564, - 0.3187068867848666, - 0.9525977381290256, - 0.8783845476740268, - 0.81529004520503, - 0.10870527017096432, - 0.44045143568004974, - 0.514303428278545, - 0.5696249283389175, - 0.6305736817050482, - 0.7847296439589125, - 0.9241614223871043, - 0.6853688345565074, - 0.514938182552935, - 0.234036704203737, - 0.449638679599496, - 0.14965278459409204, - 0.479539846053085, - 0.8517519469096483, - 0.8132953319464351, - 0.1801786707339691, - 0.3102443052756032, - 0.17206378905816877, - 0.9599563456031286, - 0.05353939728210744, - 0.5450579764648724, - 0.8305950153029417, - 0.36621839456409677, - 0.3687657664244609, - 0.6089384203555536, - 0.17056515561571628, - 0.3254608828052842, - 0.9156599436675055, - 0.21868939278791977, - 0.41104423513287547, - 0.13918302240929958, - 0.7967067286470427, - 0.6010317689840692, - 0.5152468786448818, - 0.10739841907372161, - 0.8019843369555909, - 0.13932834648451453, - 0.5738418961746445, - 0.28415418292067474, - 0.7002791763526409, - 0.43318944832883866, - 0.7864845748537029, - 0.9906508684939935, - 0.26013945363674507, - 0.2577488148447734, - 0.41591014019008743, - 0.4584557787826111, - 0.05489894987203159, - 0.8288707089385476, - 0.06994465093215008, - 0.11459751492104853, - 0.38376853998109395, - 0.24744782668857657, - 0.21946534981282806, - 0.8998479356359261, - 0.11944125050872145, - 0.642851358472967, - 0.4961523616917298, - 0.39821514129290947, - 0.9023090831840458, - 0.18158889277817591, - 0.0913691682372888, - 0.4286869481211967, - 0.8861762496759777, - 0.992399260590556, - 0.7146598419949125, - 0.6797954591335517, - 0.49759661380150366, - 0.7589663177113577, - 0.24698190818365273, - 0.8068875577279876, - 0.5891823143050174, - 0.31223072855666034, - 0.7624995948993957, - 0.8606316558223521, - 0.5176388895889654, - 0.169657437998456, - 0.9065267727130776, - 0.37579083138772684, - 0.9591189869518221, - 0.8426124391920728, - 0.9140258922967478, - 0.04280274016489616, - 0.8382673217143423, - 0.09366359256026091, - 0.0855182433034789, - 0.23671837192125955, - 0.6144880117828952, - 0.5423019350830841, - 0.5421737147885457, - 0.8536566131042762, - 0.29925580768341886, - 0.9033403795256293, - 0.6772904160418666, - 0.9422384898641093, - 0.7180615876511613, - 0.05864399029188738, - 0.331292887993735, - 0.3244072926476609, - 0.48160233233096683, - 0.15502713573835425, - 0.6537048359598351, - 0.5567114238880337, - 0.7760691546377795, - 0.7318966486457958, - 0.9647514786107757, - 0.5630187844545824, - 0.7795744854593731, - 0.8004229886041461, - 0.41615253241861827, - 0.6849954061327058, - 0.40542881294277533, - 0.5307420416583322, - 0.924517438307062, - 0.2482727378944536, - 0.40144241946606174, - 0.6840986062161731, - 0.6905938276320791, - 0.2659967847671283, - 0.5929796568511113, - 0.47417099311174093, - 0.1362574400196147, - 0.4649507787188637, - 0.35963051952908964, - 0.21241327588542924, - 0.7095734910129549, - 0.3589760120263623, - 0.8159231816917314, - 0.4509946491712282, - 0.220484702091567, - 0.3726086646305887, - 0.2672587127120516, - 0.06614135756140505, - 0.11664973007489576, - 0.7924546657433261, - 0.3890396424331233, - 0.5687251709198213, - 0.2331720526693416, - 0.6989829506815534, - 0.46017108271433127, - 0.6340064172171112, - 0.6142317624382713, - 0.14709103923330225, - 0.7398487364255278, - 0.49857670360084905, - 0.9091628559867821, - 0.5817720795077588, - 0.8595608244425841, - 0.6518639048453349, - 0.6755472041534789, - 0.8907960709927942, - 0.2881326783140923, - 0.11283188383120712, - 0.7075675420908385, - 0.5062753800957822, - 0.07033961759866358, - 0.3347684959642385, - 0.3987204269411092, - 0.3146752089895457, - 0.7875891368488603, - 0.34743547438582, - 0.683771488854428, - 0.32794827187807685, - 0.9625258914263789, - 0.1109639978138166, - 0.06632751762813383, - 0.5260583902877557, - 0.31960368702402553, - 0.03370182573473346, - 0.39900444767096777, - 0.8912602348585694 - ], - "yaxis": "y5" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 1, - 1, - 0, - 1, - 1, - 0, - 1, - 1, - 1, - 0, - 0, - 1, - 1, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 1, - 1, - 1, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 1, - 0, - 1, - 1, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 1, - 1, - 1, - 0, - 0, - 1, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "Sex_female", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Sex_female=1
shap=3.915", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Sex_female=1
shap=4.212", - "index=Palsson, Master. Gosta Leonard
Sex_female=0
shap=-0.3", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Sex_female=1
shap=0.604", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Sex_female=1
shap=0.693", - "index=Saundercock, Mr. William Henry
Sex_female=0
shap=-0.59", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Sex_female=1
shap=1.089", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Sex_female=1
shap=0.574", - "index=Glynn, Miss. Mary Agatha
Sex_female=1
shap=0.859", - "index=Meyer, Mr. Edgar Joseph
Sex_female=0
shap=-2.834", - "index=Kraeff, Mr. Theodor
Sex_female=0
shap=-0.521", - "index=Devaney, Miss. Margaret Delia
Sex_female=1
shap=0.833", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Sex_female=1
shap=0.847", - "index=Rugg, Miss. Emily
Sex_female=1
shap=1.004", - "index=Harris, Mr. Henry Birkhardt
Sex_female=0
shap=-2.228", - "index=Skoog, Master. Harald
Sex_female=0
shap=-0.281", - "index=Kink, Mr. Vincenz
Sex_female=0
shap=-0.491", - "index=Hood, Mr. Ambrose Jr
Sex_female=0
shap=-0.598", - "index=Ilett, Miss. Bertha
Sex_female=1
shap=1.004", - "index=Ford, Mr. William Neal
Sex_female=0
shap=-0.292", - "index=Christmann, Mr. Emil
Sex_female=0
shap=-0.613", - "index=Andreasson, Mr. Paul Edvin
Sex_female=0
shap=-0.59", - "index=Chaffee, Mr. Herbert Fuller
Sex_female=0
shap=-2.122", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Sex_female=0
shap=-0.607", - "index=White, Mr. Richard Frasar
Sex_female=0
shap=-1.034", - "index=Rekic, Mr. Tido
Sex_female=0
shap=-0.743", - "index=Moran, Miss. Bertha
Sex_female=1
shap=0.725", - "index=Barton, Mr. David John
Sex_female=0
shap=-0.59", - "index=Jussila, Miss. Katriina
Sex_female=1
shap=0.847", - "index=Pekoniemi, Mr. Edvard
Sex_female=0
shap=-0.59", - "index=Turpin, Mr. William John Robert
Sex_female=0
shap=-0.475", - "index=Moore, Mr. Leonard Charles
Sex_female=0
shap=-0.607", - "index=Osen, Mr. Olaf Elon
Sex_female=0
shap=-0.607", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Sex_female=1
shap=0.51", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Sex_female=0
shap=-0.31", - "index=Bateman, Rev. Robert James
Sex_female=0
shap=-0.672", - "index=Meo, Mr. Alfonzo
Sex_female=0
shap=-0.664", - "index=Cribb, Mr. John Hatfield
Sex_female=0
shap=-0.537", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Sex_female=1
shap=2.596", - "index=Van der hoef, Mr. Wyckoff
Sex_female=0
shap=-3.044", - "index=Sivola, Mr. Antti Wilhelm
Sex_female=0
shap=-0.59", - "index=Klasen, Mr. Klas Albin
Sex_female=0
shap=-0.402", - "index=Rood, Mr. Hugh Roscoe
Sex_female=0
shap=-3.506", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Sex_female=1
shap=0.769", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Sex_female=1
shap=2.898", - "index=Vande Walle, Mr. Nestor Cyriel
Sex_female=0
shap=-0.613", - "index=Backstrom, Mr. Karl Alfred
Sex_female=0
shap=-0.507", - "index=Blank, Mr. Henry
Sex_female=0
shap=-2.337", - "index=Ali, Mr. Ahmed
Sex_female=0
shap=-0.59", - "index=Green, Mr. George Henry
Sex_female=0
shap=-0.664", - "index=Nenkoff, Mr. Christo
Sex_female=0
shap=-0.607", - "index=Asplund, Miss. Lillian Gertrud
Sex_female=1
shap=0.48", - "index=Harknett, Miss. Alice Phoebe
Sex_female=1
shap=1.089", - "index=Hunt, Mr. George Henry
Sex_female=0
shap=-0.687", - "index=Reed, Mr. James George
Sex_female=0
shap=-0.607", - "index=Stead, Mr. William Thomas
Sex_female=0
shap=-3.476", - "index=Thorne, Mrs. Gertrude Maybelle
Sex_female=1
shap=5.336", - "index=Parrish, Mrs. (Lutie Davis)
Sex_female=1
shap=0.831", - "index=Smith, Mr. Thomas
Sex_female=0
shap=-0.542", - "index=Asplund, Master. Edvin Rojj Felix
Sex_female=0
shap=-0.237", - "index=Healy, Miss. Hanora \"Nora\"
Sex_female=1
shap=0.859", - "index=Andrews, Miss. Kornelia Theodosia
Sex_female=1
shap=3.393", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Sex_female=1
shap=0.748", - "index=Smith, Mr. Richard William
Sex_female=0
shap=-3.506", - "index=Connolly, Miss. Kate
Sex_female=1
shap=0.833", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Sex_female=1
shap=1.017", - "index=Levy, Mr. Rene Jacques
Sex_female=0
shap=-0.484", - "index=Lewy, Mr. Ervin G
Sex_female=0
shap=-3.58", - "index=Williams, Mr. Howard Hugh \"Harry\"
Sex_female=0
shap=-0.607", - "index=Sage, Mr. George John Jr
Sex_female=0
shap=-0.281", - "index=Nysveen, Mr. Johan Hansen
Sex_female=0
shap=-0.664", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Sex_female=1
shap=5.055", - "index=Denkoff, Mr. Mitto
Sex_female=0
shap=-0.607", - "index=Burns, Miss. Elizabeth Margaret
Sex_female=1
shap=5.781", - "index=Dimic, Mr. Jovan
Sex_female=0
shap=-0.721", - "index=del Carlo, Mr. Sebastiano
Sex_female=0
shap=-0.417", - "index=Beavan, Mr. William Thomas
Sex_female=0
shap=-0.59", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Sex_female=1
shap=4.076", - "index=Widener, Mr. Harry Elkins
Sex_female=0
shap=-0.894", - "index=Gustafsson, Mr. Karl Gideon
Sex_female=0
shap=-0.59", - "index=Plotcharsky, Mr. Vasil
Sex_female=0
shap=-0.607", - "index=Goodwin, Master. Sidney Leonard
Sex_female=0
shap=-0.281", - "index=Sadlier, Mr. Matthew
Sex_female=0
shap=-0.542", - "index=Gustafsson, Mr. Johan Birger
Sex_female=0
shap=-0.493", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Sex_female=1
shap=0.481", - "index=Niskanen, Mr. Juha
Sex_female=0
shap=-0.556", - "index=Minahan, Miss. Daisy E
Sex_female=1
shap=3.456", - "index=Matthews, Mr. William John
Sex_female=0
shap=-0.617", - "index=Charters, Mr. David
Sex_female=0
shap=-0.525", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Sex_female=1
shap=1.004", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Sex_female=1
shap=0.797", - "index=Johannesen-Bratthammer, Mr. Bernt
Sex_female=0
shap=-0.436", - "index=Peuchen, Major. Arthur Godfrey
Sex_female=0
shap=-3.579", - "index=Anderson, Mr. Harry
Sex_female=0
shap=-3.894", - "index=Milling, Mr. Jacob Christian
Sex_female=0
shap=-0.706", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Sex_female=1
shap=0.684", - "index=Karlsson, Mr. Nils August
Sex_female=0
shap=-0.59", - "index=Frost, Mr. Anthony Wood \"Archie\"
Sex_female=0
shap=-0.615", - "index=Bishop, Mr. Dickinson H
Sex_female=0
shap=1.885", - "index=Windelov, Mr. Einar
Sex_female=0
shap=-0.59", - "index=Shellard, Mr. Frederick William
Sex_female=0
shap=-0.607", - "index=Svensson, Mr. Olof
Sex_female=0
shap=-0.59", - "index=O'Sullivan, Miss. Bridget Mary
Sex_female=1
shap=0.995", - "index=Laitinen, Miss. Kristina Sofia
Sex_female=1
shap=1.255", - "index=Penasco y Castellana, Mr. Victor de Satode
Sex_female=0
shap=-2.042", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Sex_female=0
shap=-4.181", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Sex_female=1
shap=0.917", - "index=Kassem, Mr. Fared
Sex_female=0
shap=-0.521", - "index=Cacic, Miss. Marija
Sex_female=1
shap=1.098", - "index=Hart, Miss. Eva Miriam
Sex_female=1
shap=0.622", - "index=Butt, Major. Archibald Willingham
Sex_female=0
shap=-3.335", - "index=Beane, Mr. Edward
Sex_female=0
shap=-0.432", - "index=Goldsmith, Mr. Frank John
Sex_female=0
shap=-0.481", - "index=Ohman, Miss. Velin
Sex_female=1
shap=0.936", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Sex_female=1
shap=2.904", - "index=Morrow, Mr. Thomas Rowan
Sex_female=0
shap=-0.542", - "index=Harris, Mr. George
Sex_female=0
shap=-0.569", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Sex_female=1
shap=3.214", - "index=Patchett, Mr. George
Sex_female=0
shap=-0.59", - "index=Ross, Mr. John Hugo
Sex_female=0
shap=-3.424", - "index=Murdlin, Mr. Joseph
Sex_female=0
shap=-0.607", - "index=Bourke, Miss. Mary
Sex_female=1
shap=0.599", - "index=Boulos, Mr. Hanna
Sex_female=0
shap=-0.521", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Sex_female=0
shap=-0.776", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Sex_female=0
shap=-3.557", - "index=Lindell, Mr. Edvard Bengtsson
Sex_female=0
shap=-0.588", - "index=Daniel, Mr. Robert Williams
Sex_female=0
shap=-4.259", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Sex_female=1
shap=0.509", - "index=Shutes, Miss. Elizabeth W
Sex_female=1
shap=7.587", - "index=Jardin, Mr. Jose Neto
Sex_female=0
shap=-0.607", - "index=Horgan, Mr. John
Sex_female=0
shap=-0.542", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Sex_female=1
shap=0.865", - "index=Yasbeck, Mr. Antoni
Sex_female=0
shap=-0.454", - "index=Bostandyeff, Mr. Guentcho
Sex_female=0
shap=-0.608", - "index=Lundahl, Mr. Johan Svensson
Sex_female=0
shap=-0.664", - "index=Stahelin-Maeglin, Dr. Max
Sex_female=0
shap=2.289", - "index=Willey, Mr. Edward
Sex_female=0
shap=-0.607", - "index=Stanley, Miss. Amy Zillah Elsie
Sex_female=1
shap=0.936", - "index=Hegarty, Miss. Hanora \"Nora\"
Sex_female=1
shap=0.969", - "index=Eitemiller, Mr. George Floyd
Sex_female=0
shap=-0.598", - "index=Colley, Mr. Edward Pomeroy
Sex_female=0
shap=-3.791", - "index=Coleff, Mr. Peju
Sex_female=0
shap=-0.706", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Sex_female=1
shap=0.823", - "index=Davidson, Mr. Thornton
Sex_female=0
shap=-1.716", - "index=Turja, Miss. Anna Sofia
Sex_female=1
shap=0.936", - "index=Hassab, Mr. Hammad
Sex_female=0
shap=-1.835", - "index=Goodwin, Mr. Charles Edward
Sex_female=0
shap=-0.281", - "index=Panula, Mr. Jaako Arnold
Sex_female=0
shap=-0.3", - "index=Fischer, Mr. Eberhard Thelander
Sex_female=0
shap=-0.59", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Sex_female=0
shap=-0.587", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Sex_female=1
shap=2.892", - "index=Hansen, Mr. Henrik Juul
Sex_female=0
shap=-0.509", - "index=Calderhead, Mr. Edward Pennington
Sex_female=0
shap=-4.14", - "index=Klaber, Mr. Herman
Sex_female=0
shap=-3.225", - "index=Taylor, Mr. Elmer Zebley
Sex_female=0
shap=-2.344", - "index=Larsson, Mr. August Viktor
Sex_female=0
shap=-0.613", - "index=Greenberg, Mr. Samuel
Sex_female=0
shap=-0.672", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Sex_female=1
shap=0.936", - "index=McEvoy, Mr. Michael
Sex_female=0
shap=-0.542", - "index=Johnson, Mr. Malkolm Joackim
Sex_female=0
shap=-0.679", - "index=Gillespie, Mr. William Henry
Sex_female=0
shap=-0.704", - "index=Allen, Miss. Elisabeth Walton
Sex_female=1
shap=5.847", - "index=Berriman, Mr. William John
Sex_female=0
shap=-0.598", - "index=Troupiansky, Mr. Moses Aaron
Sex_female=0
shap=-0.598", - "index=Williams, Mr. Leslie
Sex_female=0
shap=-0.613", - "index=Ivanoff, Mr. Kanio
Sex_female=0
shap=-0.607", - "index=McNamee, Mr. Neal
Sex_female=0
shap=-0.497", - "index=Connaghton, Mr. Michael
Sex_female=0
shap=-0.544", - "index=Carlsson, Mr. August Sigfrid
Sex_female=0
shap=-0.613", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Sex_female=1
shap=5.831", - "index=Eklund, Mr. Hans Linus
Sex_female=0
shap=-0.607", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Sex_female=1
shap=3.385", - "index=Moran, Mr. Daniel J
Sex_female=0
shap=-0.458", - "index=Lievens, Mr. Rene Aime
Sex_female=0
shap=-0.59", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Sex_female=1
shap=2.829", - "index=Ayoub, Miss. Banoura
Sex_female=1
shap=0.769", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Sex_female=1
shap=3.353", - "index=Johnston, Mr. Andrew G
Sex_female=0
shap=-0.383", - "index=Ali, Mr. William
Sex_female=0
shap=-0.59", - "index=Sjoblom, Miss. Anna Sofia
Sex_female=1
shap=0.936", - "index=Guggenheim, Mr. Benjamin
Sex_female=0
shap=0.307", - "index=Leader, Dr. Alice (Farnham)
Sex_female=1
shap=6.886", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Sex_female=1
shap=0.656", - "index=Carter, Master. William Thornton II
Sex_female=0
shap=-0.838", - "index=Thomas, Master. Assad Alexander
Sex_female=0
shap=-0.258", - "index=Johansson, Mr. Karl Johan
Sex_female=0
shap=-0.609", - "index=Slemen, Mr. Richard James
Sex_female=0
shap=-0.714", - "index=Tomlin, Mr. Ernest Portage
Sex_female=0
shap=-0.609", - "index=McCormack, Mr. Thomas Joseph
Sex_female=0
shap=-0.296", - "index=Richards, Master. George Sibley
Sex_female=0
shap=-0.396", - "index=Mudd, Mr. Thomas Charles
Sex_female=0
shap=-0.615", - "index=Lemberopolous, Mr. Peter L
Sex_female=0
shap=-0.616", - "index=Sage, Mr. Douglas Bullen
Sex_female=0
shap=-0.281", - "index=Boulos, Miss. Nourelain
Sex_female=1
shap=0.608", - "index=Aks, Mrs. Sam (Leah Rosen)
Sex_female=1
shap=0.626", - "index=Razi, Mr. Raihed
Sex_female=0
shap=-0.521", - "index=Johnson, Master. Harold Theodor
Sex_female=0
shap=-0.383", - "index=Carlsson, Mr. Frans Olof
Sex_female=0
shap=-2.883", - "index=Gustafsson, Mr. Alfred Ossian
Sex_female=0
shap=-0.59", - "index=Montvila, Rev. Juozas
Sex_female=0
shap=-0.622" - ], - "type": "scatter", - "x": [ - 3.9151772995720626, - 4.21218910193386, - -0.2997363588752704, - 0.6036584032655795, - 0.6927435203657634, - -0.5902662269630476, - 1.0889876103479152, - 0.5742542590493063, - 0.8593969187075186, - -2.8337906358362357, - -0.5211032113011433, - 0.8333944569243257, - 0.8472295595713478, - 1.0035940701851744, - -2.2277176150076747, - -0.2812196769571417, - -0.49057441322690387, - -0.5983251953657082, - 1.0035940701851744, - -0.2921941749384303, - -0.6134758384198028, - -0.5902662269630476, - -2.1223066977812026, - -0.606982095252243, - -1.0335253530283581, - -0.7433614201298251, - 0.7248028269462945, - -0.5902662269630476, - 0.8472295595713478, - -0.5902662269630476, - -0.4746275558870721, - -0.606982095252243, - -0.606982095252243, - 0.5097384269558188, - -0.30982765662677436, - -0.672385079564809, - -0.6643261111621483, - -0.537323882143699, - 2.5955820953254816, - -3.0440183080563195, - -0.5902662269630476, - -0.4020334279536059, - -3.505690912609759, - 0.7691530337137295, - 2.897555579350355, - -0.6134758384198028, - -0.5069233587520852, - -2.336970967818445, - -0.5902662269630476, - -0.6643261111621483, - -0.606982095252243, - 0.48048556414475935, - 1.0889876103479152, - -0.6869873061109566, - -0.606982095252243, - -3.47613911500944, - 5.336346880621499, - 0.8309462355458797, - -0.5418547865695601, - -0.2365966362072636, - 0.8593969187075186, - 3.39293359158665, - 0.7480068188847683, - -3.505690912609759, - 0.8333944569243257, - 1.017056273125162, - -0.4837384222650136, - -3.580445126956253, - -0.606982095252243, - -0.2812196769571416, - -0.664410796044881, - 5.0550837646886855, - -0.606982095252243, - 5.781226021849451, - -0.7210062329555256, - -0.4172967330500143, - -0.5902662269630476, - 4.075636581559936, - -0.8937715893980636, - -0.5902662269630476, - -0.606982095252243, - -0.2812196769571417, - -0.5418547865695601, - -0.4927657579587375, - 0.4807687919517842, - -0.5563653437148794, - 3.455869015704129, - -0.6171471014679047, - -0.5251389182803649, - 1.0035940701851744, - 0.7969622345829732, - -0.43636888768056215, - -3.579060246528375, - -3.8940539588670253, - -0.7056754167728448, - 0.684054343320068, - -0.5902662269630476, - -0.6150410636549035, - 1.8845502238442884, - -0.5902662269630476, - -0.606982095252243, - -0.5902662269630476, - 0.994798641166164, - 1.2550356452363087, - -2.0417699532928326, - -4.1812353756914495, - 0.9168215055758482, - -0.5211032113011433, - 1.0979894612695469, - 0.621766878838212, - -3.3352639808802316, - -0.43203114455428293, - -0.48072197843654924, - 0.9355978571997304, - 2.904431470690769, - -0.5418547865695601, - -0.5692291386326845, - 3.2142607685994475, - -0.5902662269630476, - -3.424271471122136, - -0.606982095252243, - 0.5992532923439723, - -0.5211032113011433, - -0.7759582407177036, - -3.5573713494161696, - -0.5879869132571162, - -4.258526848024989, - 0.509166610688715, - 7.5865462818597456, - -0.606982095252243, - -0.5418547865695601, - 0.8646543373135945, - -0.4539802412695861, - -0.6080595361578198, - -0.6643261111621483, - 2.2891532148244815, - -0.606982095252243, - 0.9355978571997304, - 0.968796179382971, - -0.5983251953657082, - -3.7908277384956097, - -0.7058463414336301, - 0.8234510465810921, - -1.7159752550308487, - 0.9355978571997304, - -1.8353571991298543, - -0.2812196769571417, - -0.2997363588752704, - -0.5902662269630476, - -0.5874002594176199, - 2.892275396584487, - -0.5091197193748103, - -4.14023330220392, - -3.225451836114673, - -2.344071280465977, - -0.6134758384198028, - -0.672385079564809, - 0.9356535368336619, - -0.5418547865695601, - -0.678928337708296, - -0.7042016024749788, - 5.846790827086354, - -0.5983251953657082, - -0.5983251953657082, - -0.6134758384198028, - -0.606982095252243, - -0.497013580307712, - -0.5439608243825615, - -0.6134758384198028, - 5.830637846381088, - -0.606982095252243, - 3.385227657988607, - -0.4577549898105614, - -0.5902662269630476, - 2.828643070293233, - 0.7688988673109532, - 3.352734164115402, - -0.3834870161119396, - -0.5902662269630476, - 0.9355978571997304, - 0.3071508202274245, - 6.885748536936503, - 0.6557164713951306, - -0.8382316170590484, - -0.25788640746774577, - -0.6090881330652441, - -0.7139053098362909, - -0.6090881330652441, - -0.2964402221237841, - -0.39567487994648365, - -0.6150410636549035, - -0.61560691566557, - -0.2812196769571416, - 0.6076708653412252, - 0.625972226398199, - -0.5211032113011433, - -0.3830968005901465, - -2.8829921627710666, - -0.5902662269630476, - -0.6215348068224633 - ], - "xaxis": "x6", - "y": [ - 0.5009014229914146, - 0.8448843207715798, - 0.5718560577548885, - 0.15200978492960737, - 0.7586461838839246, - 0.2944904681059306, - 0.5934525378865666, - 0.48225389220548354, - 0.5248583214029094, - 0.9051437580707284, - 0.2878605652243429, - 0.5237243751206436, - 0.1637212206957369, - 0.9271834856711965, - 0.748196016332313, - 0.8184324179233412, - 0.7491724945556769, - 0.9913529503524154, - 0.7294505271441625, - 0.26933335956036486, - 0.7572748509447872, - 0.5184428177446786, - 0.11497941344690654, - 0.5683574163417597, - 0.8435042594304144, - 0.8361692788808868, - 0.8496527596952018, - 0.63741893809764, - 0.6753476287597738, - 0.9035139479593448, - 0.19906595817585926, - 0.1948376680215299, - 0.08040421696791489, - 0.4700232949623191, - 0.35817662991575017, - 0.7911237615623271, - 0.5405468846693702, - 0.8781098518076531, - 0.0706951240277881, - 0.45474443210903914, - 0.6726403591332465, - 0.42031750736347095, - 0.24045827490027782, - 0.9660967389505544, - 0.294863176471178, - 0.6374505239751211, - 0.699282099316988, - 0.053622574273214374, - 0.6152336062031506, - 0.9676268065202763, - 0.594449774703091, - 0.4982921953481355, - 0.7400798904382923, - 0.471330557225058, - 0.8844714968454943, - 0.7693137922547552, - 0.6934948320307467, - 0.40198697238742664, - 0.6381820893446529, - 0.27514858904084616, - 0.03236685658934102, - 0.7159183958656941, - 0.47539915513988795, - 0.08201413931807622, - 0.08177204546879524, - 0.07829279422030111, - 0.7476418330507185, - 0.6333601779849025, - 0.5913435916617775, - 0.20799929711947063, - 0.15616659290206902, - 0.7678981879784228, - 0.3180240022973755, - 0.459911136496979, - 0.7670263477518141, - 0.04196626179635832, - 0.074491271620167, - 0.7157062010988261, - 0.9888630301983105, - 0.6447110789732503, - 0.24084425720326386, - 0.1473663065545765, - 0.16525989349061954, - 0.0894691211671349, - 0.7823868983301457, - 0.49004036198236167, - 0.4124572211580064, - 0.45974232708266116, - 0.8064443005289103, - 0.6640674497404635, - 0.3693163846032961, - 0.06146012937016121, - 0.4755024771649592, - 0.6654217986958832, - 0.6287675013052532, - 0.9966375112798418, - 0.3643772675758916, - 0.6890991716145053, - 0.21909068751955874, - 0.10818221557789709, - 0.8151262096073523, - 0.6767107283045601, - 0.8034198962029735, - 0.8224371887796741, - 0.6152105332977087, - 0.21017722729166477, - 0.24765239624330815, - 0.8241273498932199, - 0.32444990919100547, - 0.6615889945804019, - 0.2141984070730948, - 0.9472188856936616, - 0.3668980941611685, - 0.9489256583770577, - 0.7563182057914084, - 0.06902156284032268, - 0.6094489264162852, - 0.05785447196789717, - 0.23982557529151716, - 0.867056990797205, - 0.14387529991582615, - 0.2126379120960743, - 0.5845600925318004, - 0.15896171249391178, - 0.5575268992422995, - 0.6432396450523257, - 0.9850034992384812, - 0.8434787488017396, - 0.02769201034945412, - 0.9171438484672555, - 0.4596263471489963, - 0.5405684463457259, - 0.7898182984383793, - 0.45859960899732677, - 0.7168167166467598, - 0.6248516290342018, - 0.9871614160366019, - 0.540868107635756, - 0.9212985558995459, - 0.08253158046728237, - 0.39114193731875924, - 0.6564208622269099, - 0.19298497487139987, - 0.6831662541367953, - 0.4014376921818884, - 0.5476691240708749, - 0.2961905335419365, - 0.4871595307805656, - 0.9858262143299308, - 0.061211647605838304, - 0.5563424143859379, - 0.4302962612338094, - 0.02027980976332966, - 0.8097931633340295, - 0.2336299836199831, - 0.8626399442563505, - 0.675443170786716, - 0.7236334123342852, - 0.7832766597314631, - 0.15405009842399886, - 0.42364502954294936, - 0.7559353003930229, - 0.07770958633198666, - 0.3448213606475554, - 0.9996043016072772, - 0.668505875759149, - 0.8952885880513295, - 0.210919006013226, - 0.8463479472898995, - 0.40242955626838683, - 0.8068002313785227, - 0.8337971177787269, - 0.4304865089260198, - 0.6780847834325732, - 0.8211393103655963, - 0.12740254062057377, - 0.8887331269860363, - 0.785153105313821, - 0.21024334711703285, - 0.41132130017302104, - 0.8339597904329925, - 0.2976145842811423, - 0.2297828716624608, - 0.756459000010884, - 0.5985734490647315, - 0.5421304064280559, - 0.502097477466679, - 0.29226205258521043, - 0.9297862815199933, - 0.22414344573588507, - 0.27251301524227245, - 0.7496637449445391, - 0.04353004259105808, - 0.9004707164914678, - 0.8029934782008742, - 0.8793012543798671, - 0.45353833919577513, - 0.5836205590240313, - 0.3246594855377144, - 0.6434965336143574 - ], - "yaxis": "y6" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 1, - 1, - 0, - 1, - 1, - 0, - 0, - 1, - 1, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 1, - 1, - 0, - 0, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 1, - 0, - 1, - 0, - 1, - 1, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 1, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 1, - 1, - 1, - 0, - 0, - 1, - 0, - 1, - 1, - 1, - 1, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "Survived", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Survived=1
shap=2.166", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Survived=1
shap=1.06", - "index=Palsson, Master. Gosta Leonard
Survived=0
shap=-0.334", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Survived=1
shap=0.575", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Survived=1
shap=0.464", - "index=Saundercock, Mr. William Henry
Survived=0
shap=-0.855", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Survived=0
shap=-0.711", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Survived=1
shap=0.379", - "index=Glynn, Miss. Mary Agatha
Survived=1
shap=1.322", - "index=Meyer, Mr. Edgar Joseph
Survived=0
shap=-2.659", - "index=Kraeff, Mr. Theodor
Survived=0
shap=-0.994", - "index=Devaney, Miss. Margaret Delia
Survived=1
shap=1.275", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Survived=0
shap=-0.461", - "index=Rugg, Miss. Emily
Survived=1
shap=0.643", - "index=Harris, Mr. Henry Birkhardt
Survived=0
shap=-1.154", - "index=Skoog, Master. Harald
Survived=0
shap=-0.311", - "index=Kink, Mr. Vincenz
Survived=0
shap=-0.482", - "index=Hood, Mr. Ambrose Jr
Survived=0
shap=-0.567", - "index=Ilett, Miss. Bertha
Survived=1
shap=0.643", - "index=Ford, Mr. William Neal
Survived=0
shap=-0.327", - "index=Christmann, Mr. Emil
Survived=0
shap=-0.855", - "index=Andreasson, Mr. Paul Edvin
Survived=0
shap=-0.855", - "index=Chaffee, Mr. Herbert Fuller
Survived=0
shap=-1.657", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Survived=0
shap=-0.868", - "index=White, Mr. Richard Frasar
Survived=0
shap=-0.331", - "index=Rekic, Mr. Tido
Survived=0
shap=-1.162", - "index=Moran, Miss. Bertha
Survived=1
shap=0.596", - "index=Barton, Mr. David John
Survived=0
shap=-0.855", - "index=Jussila, Miss. Katriina
Survived=0
shap=-0.461", - "index=Pekoniemi, Mr. Edvard
Survived=0
shap=-0.855", - "index=Turpin, Mr. William John Robert
Survived=0
shap=-0.427", - "index=Moore, Mr. Leonard Charles
Survived=0
shap=-0.868", - "index=Osen, Mr. Olaf Elon
Survived=0
shap=-0.855", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Survived=0
shap=-0.281", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Survived=0
shap=-0.266", - "index=Bateman, Rev. Robert James
Survived=0
shap=-0.721", - "index=Meo, Mr. Alfonzo
Survived=0
shap=-1.173", - "index=Cribb, Mr. John Hatfield
Survived=0
shap=-0.763", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Survived=1
shap=0.715", - "index=Van der hoef, Mr. Wyckoff
Survived=0
shap=-6.842", - "index=Sivola, Mr. Antti Wilhelm
Survived=0
shap=-0.855", - "index=Klasen, Mr. Klas Albin
Survived=0
shap=-0.393", - "index=Rood, Mr. Hugh Roscoe
Survived=0
shap=-1.597", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Survived=1
shap=0.658", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Survived=1
shap=4.415", - "index=Vande Walle, Mr. Nestor Cyriel
Survived=0
shap=-0.855", - "index=Backstrom, Mr. Karl Alfred
Survived=0
shap=-0.751", - "index=Blank, Mr. Henry
Survived=1
shap=3.881", - "index=Ali, Mr. Ahmed
Survived=0
shap=-0.855", - "index=Green, Mr. George Henry
Survived=0
shap=-1.171", - "index=Nenkoff, Mr. Christo
Survived=0
shap=-0.868", - "index=Asplund, Miss. Lillian Gertrud
Survived=1
shap=0.179", - "index=Harknett, Miss. Alice Phoebe
Survived=0
shap=-0.732", - "index=Hunt, Mr. George Henry
Survived=0
shap=-0.637", - "index=Reed, Mr. James George
Survived=0
shap=-0.868", - "index=Stead, Mr. William Thomas
Survived=0
shap=-1.735", - "index=Thorne, Mrs. Gertrude Maybelle
Survived=1
shap=2.104", - "index=Parrish, Mrs. (Lutie Davis)
Survived=1
shap=0.626", - "index=Smith, Mr. Thomas
Survived=0
shap=-0.902", - "index=Asplund, Master. Edvin Rojj Felix
Survived=1
shap=0.277", - "index=Healy, Miss. Hanora \"Nora\"
Survived=1
shap=1.322", - "index=Andrews, Miss. Kornelia Theodosia
Survived=1
shap=1.613", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Survived=1
shap=0.797", - "index=Smith, Mr. Richard William
Survived=0
shap=-1.597", - "index=Connolly, Miss. Kate
Survived=1
shap=1.275", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Survived=1
shap=1.564", - "index=Levy, Mr. Rene Jacques
Survived=0
shap=-0.849", - "index=Lewy, Mr. Ervin G
Survived=0
shap=-3.613", - "index=Williams, Mr. Howard Hugh \"Harry\"
Survived=0
shap=-0.868", - "index=Sage, Mr. George John Jr
Survived=0
shap=-0.363", - "index=Nysveen, Mr. Johan Hansen
Survived=0
shap=-1.173", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Survived=1
shap=1.352", - "index=Denkoff, Mr. Mitto
Survived=0
shap=-0.868", - "index=Burns, Miss. Elizabeth Margaret
Survived=1
shap=3.294", - "index=Dimic, Mr. Jovan
Survived=0
shap=-1.162", - "index=del Carlo, Mr. Sebastiano
Survived=0
shap=-0.525", - "index=Beavan, Mr. William Thomas
Survived=0
shap=-0.855", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Survived=1
shap=1.397", - "index=Widener, Mr. Harry Elkins
Survived=0
shap=-0.415", - "index=Gustafsson, Mr. Karl Gideon
Survived=0
shap=-0.855", - "index=Plotcharsky, Mr. Vasil
Survived=0
shap=-0.868", - "index=Goodwin, Master. Sidney Leonard
Survived=0
shap=-0.358", - "index=Sadlier, Mr. Matthew
Survived=0
shap=-0.902", - "index=Gustafsson, Mr. Johan Birger
Survived=0
shap=-0.482", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Survived=1
shap=0.557", - "index=Niskanen, Mr. Juha
Survived=1
shap=2.428", - "index=Minahan, Miss. Daisy E
Survived=1
shap=1.077", - "index=Matthews, Mr. William John
Survived=0
shap=-0.567", - "index=Charters, Mr. David
Survived=0
shap=-0.89", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Survived=1
shap=0.643", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Survived=1
shap=0.501", - "index=Johannesen-Bratthammer, Mr. Bernt
Survived=1
shap=1.786", - "index=Peuchen, Major. Arthur Godfrey
Survived=1
shap=1.808", - "index=Anderson, Mr. Harry
Survived=1
shap=2.164", - "index=Milling, Mr. Jacob Christian
Survived=0
shap=-0.721", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Survived=1
shap=0.416", - "index=Karlsson, Mr. Nils August
Survived=0
shap=-0.855", - "index=Frost, Mr. Anthony Wood \"Archie\"
Survived=0
shap=-0.587", - "index=Bishop, Mr. Dickinson H
Survived=1
shap=4.639", - "index=Windelov, Mr. Einar
Survived=0
shap=-0.855", - "index=Shellard, Mr. Frederick William
Survived=0
shap=-0.868", - "index=Svensson, Mr. Olof
Survived=0
shap=-0.855", - "index=O'Sullivan, Miss. Bridget Mary
Survived=0
shap=-0.714", - "index=Laitinen, Miss. Kristina Sofia
Survived=0
shap=-1.024", - "index=Penasco y Castellana, Mr. Victor de Satode
Survived=0
shap=-2.065", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Survived=1
shap=1.675", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Survived=1
shap=0.646", - "index=Kassem, Mr. Fared
Survived=0
shap=-0.994", - "index=Cacic, Miss. Marija
Survived=0
shap=-0.719", - "index=Hart, Miss. Eva Miriam
Survived=1
shap=0.359", - "index=Butt, Major. Archibald Willingham
Survived=0
shap=-6.803", - "index=Beane, Mr. Edward
Survived=1
shap=0.684", - "index=Goldsmith, Mr. Frank John
Survived=0
shap=-0.492", - "index=Ohman, Miss. Velin
Survived=1
shap=1.361", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Survived=1
shap=1.104", - "index=Morrow, Mr. Thomas Rowan
Survived=0
shap=-0.902", - "index=Harris, Mr. George
Survived=1
shap=1.112", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Survived=1
shap=1.193", - "index=Patchett, Mr. George
Survived=0
shap=-0.855", - "index=Ross, Mr. John Hugo
Survived=0
shap=-4.986", - "index=Murdlin, Mr. Joseph
Survived=0
shap=-0.868", - "index=Bourke, Miss. Mary
Survived=0
shap=-0.332", - "index=Boulos, Mr. Hanna
Survived=0
shap=-0.994", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Survived=1
shap=3.017", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Survived=1
shap=4.122", - "index=Lindell, Mr. Edvard Bengtsson
Survived=0
shap=-0.822", - "index=Daniel, Mr. Robert Williams
Survived=1
shap=1.678", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Survived=1
shap=0.333", - "index=Shutes, Miss. Elizabeth W
Survived=1
shap=1.791", - "index=Jardin, Mr. Jose Neto
Survived=0
shap=-0.868", - "index=Horgan, Mr. John
Survived=0
shap=-0.902", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Survived=0
shap=-0.462", - "index=Yasbeck, Mr. Antoni
Survived=0
shap=-0.631", - "index=Bostandyeff, Mr. Guentcho
Survived=0
shap=-0.855", - "index=Lundahl, Mr. Johan Svensson
Survived=0
shap=-1.171", - "index=Stahelin-Maeglin, Dr. Max
Survived=1
shap=5.499", - "index=Willey, Mr. Edward
Survived=0
shap=-0.868", - "index=Stanley, Miss. Amy Zillah Elsie
Survived=1
shap=1.361", - "index=Hegarty, Miss. Hanora \"Nora\"
Survived=0
shap=-0.701", - "index=Eitemiller, Mr. George Floyd
Survived=0
shap=-0.567", - "index=Colley, Mr. Edward Pomeroy
Survived=0
shap=-2.22", - "index=Coleff, Mr. Peju
Survived=0
shap=-1.144", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Survived=1
shap=0.501", - "index=Davidson, Mr. Thornton
Survived=0
shap=-5.119", - "index=Turja, Miss. Anna Sofia
Survived=1
shap=1.361", - "index=Hassab, Mr. Hammad
Survived=1
shap=2.532", - "index=Goodwin, Mr. Charles Edward
Survived=0
shap=-0.359", - "index=Panula, Mr. Jaako Arnold
Survived=0
shap=-0.323", - "index=Fischer, Mr. Eberhard Thelander
Survived=0
shap=-0.855", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Survived=0
shap=-1.109", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Survived=1
shap=0.97", - "index=Hansen, Mr. Henrik Juul
Survived=0
shap=-0.543", - "index=Calderhead, Mr. Edward Pennington
Survived=1
shap=2.146", - "index=Klaber, Mr. Herman
Survived=0
shap=-0.796", - "index=Taylor, Mr. Elmer Zebley
Survived=1
shap=1.22", - "index=Larsson, Mr. August Viktor
Survived=0
shap=-0.855", - "index=Greenberg, Mr. Samuel
Survived=0
shap=-0.721", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Survived=1
shap=0.625", - "index=McEvoy, Mr. Michael
Survived=0
shap=-0.902", - "index=Johnson, Mr. Malkolm Joackim
Survived=0
shap=-1.087", - "index=Gillespie, Mr. William Henry
Survived=0
shap=-0.659", - "index=Allen, Miss. Elisabeth Walton
Survived=1
shap=2.237", - "index=Berriman, Mr. William John
Survived=0
shap=-0.567", - "index=Troupiansky, Mr. Moses Aaron
Survived=0
shap=-0.567", - "index=Williams, Mr. Leslie
Survived=0
shap=-0.855", - "index=Ivanoff, Mr. Kanio
Survived=0
shap=-0.868", - "index=McNamee, Mr. Neal
Survived=0
shap=-0.543", - "index=Connaghton, Mr. Michael
Survived=0
shap=-0.89", - "index=Carlsson, Mr. August Sigfrid
Survived=0
shap=-0.855", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Survived=1
shap=2.491", - "index=Eklund, Mr. Hans Linus
Survived=0
shap=-0.855", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Survived=1
shap=1.602", - "index=Moran, Mr. Daniel J
Survived=0
shap=-0.582", - "index=Lievens, Mr. Rene Aime
Survived=0
shap=-0.855", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Survived=1
shap=2.024", - "index=Ayoub, Miss. Banoura
Survived=1
shap=1.304", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Survived=1
shap=1.916", - "index=Johnston, Mr. Andrew G
Survived=0
shap=-0.327", - "index=Ali, Mr. William
Survived=0
shap=-0.855", - "index=Sjoblom, Miss. Anna Sofia
Survived=1
shap=1.361", - "index=Guggenheim, Mr. Benjamin
Survived=0
shap=-9.086", - "index=Leader, Dr. Alice (Farnham)
Survived=1
shap=2.159", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Survived=1
shap=0.378", - "index=Carter, Master. William Thornton II
Survived=1
shap=2.581", - "index=Thomas, Master. Assad Alexander
Survived=1
shap=0.795", - "index=Johansson, Mr. Karl Johan
Survived=0
shap=-0.855", - "index=Slemen, Mr. Richard James
Survived=0
shap=-0.694", - "index=Tomlin, Mr. Ernest Portage
Survived=0
shap=-0.855", - "index=McCormack, Mr. Thomas Joseph
Survived=1
shap=1.731", - "index=Richards, Master. George Sibley
Survived=1
shap=0.442", - "index=Mudd, Mr. Thomas Charles
Survived=0
shap=-0.567", - "index=Lemberopolous, Mr. Peter L
Survived=0
shap=-1.309", - "index=Sage, Mr. Douglas Bullen
Survived=0
shap=-0.363", - "index=Boulos, Miss. Nourelain
Survived=0
shap=-0.367", - "index=Aks, Mrs. Sam (Leah Rosen)
Survived=1
shap=0.618", - "index=Razi, Mr. Raihed
Survived=0
shap=-0.994", - "index=Johnson, Master. Harold Theodor
Survived=1
shap=0.673", - "index=Carlsson, Mr. Frans Olof
Survived=0
shap=-5.845", - "index=Gustafsson, Mr. Alfred Ossian
Survived=0
shap=-0.855", - "index=Montvila, Rev. Juozas
Survived=0
shap=-0.567" - ], - "type": "scatter", - "x": [ - 2.1656750960071376, - 1.059552654335043, - -0.3338168212178306, - 0.5750013108908223, - 0.4643248814168821, - -0.8551663370049795, - -0.7108479557820543, - 0.37895677414462553, - 1.3220725213068814, - -2.658789927384518, - -0.9935428733863111, - 1.2749985351292652, - -0.461475684870939, - 0.6434050640241533, - -1.1544985471520406, - -0.31104760498702827, - -0.48205422001046155, - -0.5672787491536418, - 0.6434050640241533, - -0.327475858327859, - -0.8553609556012166, - -0.8551663370049795, - -1.656803810307814, - -0.8677669985905813, - -0.33062086315502875, - -1.161623331741902, - 0.596036624116189, - -0.8553609556012166, - -0.461475684870939, - -0.8551663370049795, - -0.42682826318877, - -0.8677669985905813, - -0.8551663370049795, - -0.28119870468985386, - -0.26626828625536947, - -0.7207836598104261, - -1.173425730521767, - -0.7625470635118642, - 0.7150442217563486, - -6.841797648431021, - -0.8551663370049795, - -0.39255420481289566, - -1.5967268786818973, - 0.6578365314810015, - 4.415131866459816, - -0.8553609556012166, - -0.7506539581497998, - 3.8810239879170894, - -0.8553609556012166, - -1.1705556267284065, - -0.8677669985905813, - 0.17880427303840413, - -0.7317545318078059, - -0.6374756780384165, - -0.8677669985905813, - -1.7352017267556314, - 2.1035278499928816, - 0.6259188759870792, - -0.9022218188676175, - 0.2766046746643443, - 1.3220725213068814, - 1.612614995182081, - 0.7972939032914621, - -1.5967268786818973, - 1.2750958444273837, - 1.5641290770608591, - -0.8487554860796126, - -3.6131813245604696, - -0.8677669985905813, - -0.3633511085694009, - -1.173425730521767, - 1.3521098844639878, - -0.8677669985905813, - 3.294361098792861, - -1.161623331741902, - -0.5254599498445505, - -0.8551663370049795, - 1.3967446460979405, - -0.4149024201507124, - -0.8551663370049795, - -0.8677669985905813, - -0.35765341845488774, - -0.9022218188676175, - -0.48205422001046155, - 0.5565930339087679, - 2.4282070782464698, - 1.077398555681897, - -0.5674733677498792, - -0.8896211572820157, - 0.6434050640241533, - 0.5014984254712116, - 1.7861213721646212, - 1.8075587495750147, - 2.1637483048607105, - -0.7207836598104261, - 0.41615385175715286, - -0.8553609556012166, - -0.5867582209204225, - 4.639424610492817, - -0.8551663370049795, - -0.8677669985905813, - -0.8553609556012166, - -0.7138156903093277, - -1.0244891013315336, - -2.0653841551557006, - 1.6750070706650286, - 0.6462026349583584, - -0.9935428733863111, - -0.7193484888184413, - 0.35933231886409694, - -6.802786792659216, - 0.684089164906965, - -0.4924887941368796, - 1.3606032297607868, - 1.1041219133361544, - -0.9022218188676175, - 1.1115956439449446, - 1.1929069596815634, - -0.8551663370049795, - -4.985549691963848, - -0.8677669985905813, - -0.3324467371429624, - -0.9935428733863111, - 3.0173650174192304, - 4.122210173158384, - -0.8223625674197691, - 1.6784050151042516, - 0.3333908897753603, - 1.790873150656915, - -0.8677669985905813, - -0.9022218188676175, - -0.46167030346717636, - -0.6305869041740106, - -0.8553609556012166, - -1.1705556267284065, - 5.498880136835706, - -0.8677669985905813, - 1.3606032297607868, - -0.7012150287237257, - -0.5674733677498792, - -2.2196930395379555, - -1.1436135737597726, - 0.5014984254712116, - -5.1186643217629655, - 1.3605059204626684, - 2.5316036846058867, - -0.35875188565454197, - -0.32308125028976614, - -0.8551663370049795, - -1.1092241714433648, - 0.970378108032205, - -0.5427270643118641, - 2.145971498803558, - -0.7960347442603452, - 1.2201590216032054, - -0.8553609556012166, - -0.7207836598104261, - 0.6250940963402174, - -0.9022218188676175, - -1.0872476449563966, - -0.6588732033685654, - 2.2370850139143124, - -0.5674733677498792, - -0.5674733677498792, - -0.8553609556012166, - -0.8677669985905813, - -0.5427270643118641, - -0.8898157758782531, - -0.8553609556012166, - 2.490656532556871, - -0.8551663370049795, - 1.6022714110942728, - -0.5816121472899114, - -0.8553609556012166, - 2.023543806257668, - 1.3043574559112179, - 1.9155735581480478, - -0.3273661332649747, - -0.8553609556012166, - 1.3605059204626684, - -9.085531940849549, - 2.1594084837364895, - 0.37778054079620477, - 2.58071058111428, - 0.7945198910420754, - -0.8553609556012166, - -0.6938416068417926, - -0.8553609556012166, - 1.7310361130234526, - 0.44246749776193667, - -0.5672787491536418, - -1.3085126567581644, - -0.3633511085694009, - -0.3673396741745062, - 0.6181726265440255, - -0.9935428733863111, - 0.6730295488577627, - -5.844676196571106, - -0.8551663370049795, - -0.5674733677498792 - ], - "xaxis": "x7", - "y": [ - 0.11840264891619989, - 0.12169093652736951, - 0.9464691590661269, - 0.3780685734190652, - 0.2073365696291286, - 0.07160780227981423, - 0.3473769960302885, - 0.26558701183998334, - 0.2740968459876446, - 0.5333340739977718, - 0.626304024640332, - 0.4878124907781477, - 0.8983544283247127, - 0.4585763897202386, - 0.6898286674122673, - 0.7381112328367709, - 0.43091954166845337, - 0.8553392348299069, - 0.5044739475377227, - 0.984306754661685, - 0.8351950641365532, - 0.8537339992583768, - 0.9798240787969739, - 0.08090167541044524, - 0.7344586535306964, - 0.7796644637749177, - 0.4706337274135217, - 0.5908961647852361, - 0.39428053707077004, - 0.6213685496054848, - 0.8599404514458621, - 0.16171575092971147, - 0.06316560293753826, - 0.975622536148701, - 0.21938534896528772, - 0.19959712214998881, - 0.15176602183028975, - 0.4131485585956636, - 0.5810821439743156, - 0.7959666126530542, - 0.7049882106151966, - 0.4070607825219309, - 0.9833227199089214, - 0.5479383490433235, - 0.39663555234455217, - 0.6382958608226387, - 0.32999455131306654, - 0.3824398361042185, - 0.06954762470537079, - 0.6872503189738586, - 0.22514448002033605, - 0.28212261871957345, - 0.4349558314625339, - 0.8035289818904864, - 0.6881676255827041, - 0.8396479207514647, - 0.007177096094562074, - 0.9020250088505857, - 0.3925532803789571, - 0.18946165328885456, - 0.12200786410067532, - 0.19715215386085805, - 0.2718799186616374, - 0.7992346932583847, - 0.5620364754240056, - 0.6385344021802661, - 0.6632905323183096, - 0.02449206047393704, - 0.0981889638712522, - 0.07232597654031736, - 0.3293587895832122, - 0.14454894514798855, - 0.9930455700093754, - 0.32863898385657964, - 0.11994061884816609, - 0.37673000437817383, - 0.6875650535118129, - 0.1115819406548858, - 0.13030624401815716, - 0.6451924387163899, - 0.7752990894521232, - 0.6806739848418525, - 0.415314303412735, - 0.7243732442446519, - 0.7870246675130399, - 0.17652881152568056, - 0.09827983118354633, - 0.7718265082091691, - 0.17384152620299698, - 0.09386353880250564, - 0.8896045450928981, - 0.04788651283546996, - 0.4273574356555332, - 0.0031745566880984066, - 0.8444581332922112, - 0.6839559828040428, - 0.9465193166883836, - 0.334164853682844, - 0.8684716680236392, - 0.9869906650741944, - 0.15277031390677542, - 0.5243318808782562, - 0.7835062585080027, - 0.011508576118653746, - 0.41490081078192176, - 0.11977137359575452, - 0.7591679699111197, - 0.225026476964448, - 0.055351423494962915, - 0.7265431006416847, - 0.01761162160348917, - 0.8849165714506273, - 0.43391740948438773, - 0.7357928379407114, - 0.9046053704237846, - 0.4150184421581897, - 0.21415768375857913, - 0.6088385597388922, - 0.9141730670757973, - 0.18630724489561679, - 0.40828200088992683, - 0.9451475815744037, - 0.5537140632482559, - 0.7745843168971239, - 0.39451316506500556, - 0.038868506670489245, - 0.9753881367434386, - 0.05595119855636621, - 0.952364482355253, - 0.21660276593018968, - 0.21318188160430374, - 0.036267173179478585, - 0.13786047333622353, - 0.22889551127168373, - 0.009455677414285102, - 0.7720259238669529, - 0.8751340609800492, - 0.6684516706409044, - 0.5971456392232445, - 0.3221210971577747, - 0.590482695836493, - 0.24841972654288957, - 0.3128828682526055, - 0.48096301023326504, - 0.5162635831256226, - 0.3863789295183788, - 0.11361990133148159, - 0.16121882084102546, - 0.8638819373298726, - 0.35878536051237075, - 0.8559327899295072, - 0.7708256918324823, - 0.6740637573591219, - 0.5383082125723848, - 0.45659682704169946, - 0.3003296554946504, - 0.05684385482470211, - 0.8644662703184146, - 0.6790328512684768, - 0.08200134201257281, - 0.5222738417857513, - 0.045125714007113515, - 0.7254072415877971, - 0.32499083844338983, - 0.3801859907762932, - 0.40358060000134854, - 0.2869422933890521, - 0.8669057569985927, - 0.6093901634259129, - 0.03811584536018453, - 0.6820608304964311, - 0.21026489924801195, - 0.2377770497591365, - 0.4797723147065507, - 0.44813751389350776, - 0.27886677600943843, - 0.027131768859119276, - 0.5761952697949365, - 0.7982911646482809, - 0.06581541183557027, - 0.8376313804571591, - 0.8900554109979063, - 0.8501841538032378, - 0.14836444183228192, - 0.9711936224693061, - 0.10235886947539774, - 0.6160183383651902, - 0.14411476725767725, - 0.4602076036634498, - 0.01625923654999817, - 0.6036383036234396, - 0.003434501834860826, - 0.220417456557375, - 0.510119625660401, - 0.6701354848985024, - 0.134814952752901, - 0.9972957201684872, - 0.25867819114289603, - 0.1375713926695019, - 0.19141846430828113 - ], - "yaxis": "y7" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 38, - 35, - 2, - 27, - 14, - 20, - 14, - 38, - null, - 28, - null, - 19, - 18, - 21, - 45, - 4, - 26, - 21, - 17, - 16, - 29, - 20, - 46, - null, - 21, - 38, - null, - 22, - 20, - 21, - 29, - null, - 16, - 9, - 36.5, - 51, - 55.5, - 44, - null, - 61, - 21, - 18, - null, - 19, - 44, - 28, - 32, - 40, - 24, - 51, - null, - 5, - null, - 33, - null, - 62, - null, - 50, - null, - 3, - null, - 63, - 35, - null, - 22, - 19, - 36, - null, - null, - null, - 61, - null, - null, - 41, - 42, - 29, - 19, - null, - 27, - 19, - null, - 1, - null, - 28, - 24, - 39, - 33, - 30, - 21, - 19, - 45, - null, - 52, - 48, - 48, - 33, - 22, - null, - 25, - 21, - null, - 24, - null, - 37, - 18, - null, - 36, - null, - 30, - 7, - 45, - 32, - 33, - 22, - 39, - null, - 62, - 53, - 19, - 36, - null, - null, - null, - 49, - 35, - 36, - 27, - 22, - 40, - null, - null, - 26, - 27, - 26, - 51, - 32, - null, - 23, - 18, - 23, - 47, - 36, - 40, - 31, - 18, - 27, - 14, - 14, - 18, - 42, - 18, - 26, - 42, - null, - 48, - 29, - 52, - 27, - null, - 33, - 34, - 29, - 23, - 23, - 28.5, - null, - 24, - 31, - 28, - 33, - 16, - 51, - null, - 24, - 43, - 13, - 17, - null, - 25, - 18, - 46, - 49, - 31, - 11, - 0.42, - 31, - 35, - 30.5, - null, - 0.83, - 16, - 34.5, - null, - 9, - 18, - null, - 4, - 33, - 20, - 27 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "Age", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
shap=7.557", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
shap=6.126", - "index=Palsson, Master. Gosta Leonard
Age=2.0
shap=0.107", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=27.0
shap=-0.651", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
shap=-0.912", - "index=Saundercock, Mr. William Henry
Age=20.0
shap=-0.403", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Age=14.0
shap=0.089", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=38.0
shap=0.746", - "index=Glynn, Miss. Mary Agatha
Age=nan
shap=-0.345", - "index=Meyer, Mr. Edgar Joseph
Age=28.0
shap=-2.672", - "index=Kraeff, Mr. Theodor
Age=nan
shap=-0.078", - "index=Devaney, Miss. Margaret Delia
Age=19.0
shap=-0.885", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=18.0
shap=-0.842", - "index=Rugg, Miss. Emily
Age=21.0
shap=-0.788", - "index=Harris, Mr. Henry Birkhardt
Age=45.0
shap=-1.123", - "index=Skoog, Master. Harald
Age=4.0
shap=0.093", - "index=Kink, Mr. Vincenz
Age=26.0
shap=-0.379", - "index=Hood, Mr. Ambrose Jr
Age=21.0
shap=-0.298", - "index=Ilett, Miss. Bertha
Age=17.0
shap=-0.157", - "index=Ford, Mr. William Neal
Age=16.0
shap=-0.214", - "index=Christmann, Mr. Emil
Age=29.0
shap=-0.403", - "index=Andreasson, Mr. Paul Edvin
Age=20.0
shap=-0.403", - "index=Chaffee, Mr. Herbert Fuller
Age=46.0
shap=-0.515", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Age=nan
shap=0.267", - "index=White, Mr. Richard Frasar
Age=21.0
shap=2.438", - "index=Rekic, Mr. Tido
Age=38.0
shap=0.508", - "index=Moran, Miss. Bertha
Age=nan
shap=0.384", - "index=Barton, Mr. David John
Age=22.0
shap=-0.398", - "index=Jussila, Miss. Katriina
Age=20.0
shap=-0.975", - "index=Pekoniemi, Mr. Edvard
Age=21.0
shap=-0.403", - "index=Turpin, Mr. William John Robert
Age=29.0
shap=-0.248", - "index=Moore, Mr. Leonard Charles
Age=nan
shap=0.267", - "index=Osen, Mr. Olaf Elon
Age=16.0
shap=-0.19", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Age=9.0
shap=-0.033", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=36.5
shap=1.944", - "index=Bateman, Rev. Robert James
Age=51.0
shap=0.219", - "index=Meo, Mr. Alfonzo
Age=55.5
shap=-0.157", - "index=Cribb, Mr. John Hatfield
Age=44.0
shap=-0.29", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Age=nan
shap=0.78", - "index=Van der hoef, Mr. Wyckoff
Age=61.0
shap=-2.168", - "index=Sivola, Mr. Antti Wilhelm
Age=21.0
shap=-0.403", - "index=Klasen, Mr. Klas Albin
Age=18.0
shap=-0.185", - "index=Rood, Mr. Hugh Roscoe
Age=nan
shap=1.516", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=19.0
shap=-1.135", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Age=44.0
shap=6.35", - "index=Vande Walle, Mr. Nestor Cyriel
Age=28.0
shap=-0.342", - "index=Backstrom, Mr. Karl Alfred
Age=32.0
shap=-0.436", - "index=Blank, Mr. Henry
Age=40.0
shap=4.296", - "index=Ali, Mr. Ahmed
Age=24.0
shap=-0.349", - "index=Green, Mr. George Henry
Age=51.0
shap=-0.083", - "index=Nenkoff, Mr. Christo
Age=nan
shap=0.267", - "index=Asplund, Miss. Lillian Gertrud
Age=5.0
shap=-0.126", - "index=Harknett, Miss. Alice Phoebe
Age=nan
shap=-0.016", - "index=Hunt, Mr. George Henry
Age=33.0
shap=0.373", - "index=Reed, Mr. James George
Age=nan
shap=0.267", - "index=Stead, Mr. William Thomas
Age=62.0
shap=-3.208", - "index=Thorne, Mrs. Gertrude Maybelle
Age=nan
shap=-6.203", - "index=Parrish, Mrs. (Lutie Davis)
Age=50.0
shap=0.725", - "index=Smith, Mr. Thomas
Age=nan
shap=0.087", - "index=Asplund, Master. Edvin Rojj Felix
Age=3.0
shap=-0.009", - "index=Healy, Miss. Hanora \"Nora\"
Age=nan
shap=-0.345", - "index=Andrews, Miss. Kornelia Theodosia
Age=63.0
shap=-1.48", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Age=35.0
shap=2.215", - "index=Smith, Mr. Richard William
Age=nan
shap=1.516", - "index=Connolly, Miss. Kate
Age=22.0
shap=-0.88", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Age=19.0
shap=-3.599", - "index=Levy, Mr. Rene Jacques
Age=36.0
shap=3.355", - "index=Lewy, Mr. Ervin G
Age=nan
shap=-0.526", - "index=Williams, Mr. Howard Hugh \"Harry\"
Age=nan
shap=0.267", - "index=Sage, Mr. George John Jr
Age=nan
shap=1.442", - "index=Nysveen, Mr. Johan Hansen
Age=61.0
shap=-0.152", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=nan
shap=-2.005", - "index=Denkoff, Mr. Mitto
Age=nan
shap=0.267", - "index=Burns, Miss. Elizabeth Margaret
Age=41.0
shap=6.319", - "index=Dimic, Mr. Jovan
Age=42.0
shap=0.405", - "index=del Carlo, Mr. Sebastiano
Age=29.0
shap=-0.438", - "index=Beavan, Mr. William Thomas
Age=19.0
shap=-0.403", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=nan
shap=-4.52", - "index=Widener, Mr. Harry Elkins
Age=27.0
shap=-0.104", - "index=Gustafsson, Mr. Karl Gideon
Age=19.0
shap=-0.403", - "index=Plotcharsky, Mr. Vasil
Age=nan
shap=0.267", - "index=Goodwin, Master. Sidney Leonard
Age=1.0
shap=-1.575", - "index=Sadlier, Mr. Matthew
Age=nan
shap=0.087", - "index=Gustafsson, Mr. Johan Birger
Age=28.0
shap=-0.412", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=24.0
shap=-0.277", - "index=Niskanen, Mr. Juha
Age=39.0
shap=1.206", - "index=Minahan, Miss. Daisy E
Age=33.0
shap=1.669", - "index=Matthews, Mr. William John
Age=30.0
shap=-0.178", - "index=Charters, Mr. David
Age=21.0
shap=-0.316", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=19.0
shap=-0.788", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=45.0
shap=0.918", - "index=Johannesen-Bratthammer, Mr. Bernt
Age=nan
shap=0.129", - "index=Peuchen, Major. Arthur Godfrey
Age=52.0
shap=-1.641", - "index=Anderson, Mr. Harry
Age=48.0
shap=-0.42", - "index=Milling, Mr. Jacob Christian
Age=48.0
shap=0.308", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=33.0
shap=0.727", - "index=Karlsson, Mr. Nils August
Age=22.0
shap=-0.398", - "index=Frost, Mr. Anthony Wood \"Archie\"
Age=nan
shap=-1.07", - "index=Bishop, Mr. Dickinson H
Age=25.0
shap=-4.355", - "index=Windelov, Mr. Einar
Age=21.0
shap=-0.403", - "index=Shellard, Mr. Frederick William
Age=nan
shap=0.267", - "index=Svensson, Mr. Olof
Age=24.0
shap=-0.349", - "index=O'Sullivan, Miss. Bridget Mary
Age=nan
shap=-0.2", - "index=Laitinen, Miss. Kristina Sofia
Age=37.0
shap=1.111", - "index=Penasco y Castellana, Mr. Victor de Satode
Age=18.0
shap=-1.153", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Age=nan
shap=0.023", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=36.0
shap=2.15", - "index=Kassem, Mr. Fared
Age=nan
shap=-0.078", - "index=Cacic, Miss. Marija
Age=30.0
shap=-0.619", - "index=Hart, Miss. Eva Miriam
Age=7.0
shap=-0.326", - "index=Butt, Major. Archibald Willingham
Age=45.0
shap=0.969", - "index=Beane, Mr. Edward
Age=32.0
shap=0.057", - "index=Goldsmith, Mr. Frank John
Age=33.0
shap=0.448", - "index=Ohman, Miss. Velin
Age=22.0
shap=-0.953", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=39.0
shap=1.823", - "index=Morrow, Mr. Thomas Rowan
Age=nan
shap=0.087", - "index=Harris, Mr. George
Age=62.0
shap=0.512", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=53.0
shap=-1.274", - "index=Patchett, Mr. George
Age=19.0
shap=-0.403", - "index=Ross, Mr. John Hugo
Age=36.0
shap=20.242", - "index=Murdlin, Mr. Joseph
Age=nan
shap=0.267", - "index=Bourke, Miss. Mary
Age=nan
shap=-0.141", - "index=Boulos, Mr. Hanna
Age=nan
shap=-0.078", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=49.0
shap=-1.775", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Age=35.0
shap=24.245", - "index=Lindell, Mr. Edvard Bengtsson
Age=36.0
shap=1.251", - "index=Daniel, Mr. Robert Williams
Age=27.0
shap=-1.967", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=22.0
shap=-1.06", - "index=Shutes, Miss. Elizabeth W
Age=40.0
shap=3.344", - "index=Jardin, Mr. Jose Neto
Age=nan
shap=0.267", - "index=Horgan, Mr. John
Age=nan
shap=0.087", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=26.0
shap=-0.884", - "index=Yasbeck, Mr. Antoni
Age=27.0
shap=-0.901", - "index=Bostandyeff, Mr. Guentcho
Age=26.0
shap=-0.146", - "index=Lundahl, Mr. Johan Svensson
Age=51.0
shap=-0.083", - "index=Stahelin-Maeglin, Dr. Max
Age=32.0
shap=1.364", - "index=Willey, Mr. Edward
Age=nan
shap=0.267", - "index=Stanley, Miss. Amy Zillah Elsie
Age=23.0
shap=-0.936", - "index=Hegarty, Miss. Hanora \"Nora\"
Age=18.0
shap=-0.472", - "index=Eitemiller, Mr. George Floyd
Age=23.0
shap=-0.292", - "index=Colley, Mr. Edward Pomeroy
Age=47.0
shap=-1.065", - "index=Coleff, Mr. Peju
Age=36.0
shap=1.618", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Age=40.0
shap=1.099", - "index=Davidson, Mr. Thornton
Age=31.0
shap=-0.876", - "index=Turja, Miss. Anna Sofia
Age=18.0
shap=-0.75", - "index=Hassab, Mr. Hammad
Age=27.0
shap=-4.145", - "index=Goodwin, Mr. Charles Edward
Age=14.0
shap=-1.644", - "index=Panula, Mr. Jaako Arnold
Age=14.0
shap=0.036", - "index=Fischer, Mr. Eberhard Thelander
Age=18.0
shap=-0.195", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Age=42.0
shap=0.296", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Age=18.0
shap=-3.472", - "index=Hansen, Mr. Henrik Juul
Age=26.0
shap=-0.693", - "index=Calderhead, Mr. Edward Pennington
Age=42.0
shap=1.155", - "index=Klaber, Mr. Herman
Age=nan
shap=2.345", - "index=Taylor, Mr. Elmer Zebley
Age=48.0
shap=-1.003", - "index=Larsson, Mr. August Viktor
Age=29.0
shap=-0.403", - "index=Greenberg, Mr. Samuel
Age=52.0
shap=0.219", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Age=27.0
shap=-0.355", - "index=McEvoy, Mr. Michael
Age=nan
shap=0.087", - "index=Johnson, Mr. Malkolm Joackim
Age=33.0
shap=0.25", - "index=Gillespie, Mr. William Henry
Age=34.0
shap=1.611", - "index=Allen, Miss. Elisabeth Walton
Age=29.0
shap=-2.88", - "index=Berriman, Mr. William John
Age=23.0
shap=-0.292", - "index=Troupiansky, Mr. Moses Aaron
Age=23.0
shap=-0.292", - "index=Williams, Mr. Leslie
Age=28.5
shap=-0.342", - "index=Ivanoff, Mr. Kanio
Age=nan
shap=0.267", - "index=McNamee, Mr. Neal
Age=24.0
shap=-0.655", - "index=Connaghton, Mr. Michael
Age=31.0
shap=-0.031", - "index=Carlsson, Mr. August Sigfrid
Age=28.0
shap=-0.342", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Age=33.0
shap=1.34", - "index=Eklund, Mr. Hans Linus
Age=16.0
shap=-0.19", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Age=51.0
shap=-1.202", - "index=Moran, Mr. Daniel J
Age=nan
shap=0.766", - "index=Lievens, Mr. Rene Aime
Age=24.0
shap=-0.349", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Age=43.0
shap=2.682", - "index=Ayoub, Miss. Banoura
Age=13.0
shap=-0.542", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Age=17.0
shap=-2.063", - "index=Johnston, Mr. Andrew G
Age=nan
shap=0.139", - "index=Ali, Mr. William
Age=25.0
shap=-0.442", - "index=Sjoblom, Miss. Anna Sofia
Age=18.0
shap=-0.75", - "index=Guggenheim, Mr. Benjamin
Age=46.0
shap=0.541", - "index=Leader, Dr. Alice (Farnham)
Age=49.0
shap=0.472", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Age=31.0
shap=-0.095", - "index=Carter, Master. William Thornton II
Age=11.0
shap=1.792", - "index=Thomas, Master. Assad Alexander
Age=0.42
shap=-0.32", - "index=Johansson, Mr. Karl Johan
Age=31.0
shap=-0.261", - "index=Slemen, Mr. Richard James
Age=35.0
shap=2.033", - "index=Tomlin, Mr. Ernest Portage
Age=30.5
shap=-0.35", - "index=McCormack, Mr. Thomas Joseph
Age=nan
shap=-0.06", - "index=Richards, Master. George Sibley
Age=0.83
shap=-0.116", - "index=Mudd, Mr. Thomas Charles
Age=16.0
shap=0.441", - "index=Lemberopolous, Mr. Peter L
Age=34.5
shap=3.031", - "index=Sage, Mr. Douglas Bullen
Age=nan
shap=1.442", - "index=Boulos, Miss. Nourelain
Age=9.0
shap=-0.289", - "index=Aks, Mrs. Sam (Leah Rosen)
Age=18.0
shap=-1.037", - "index=Razi, Mr. Raihed
Age=nan
shap=-0.078", - "index=Johnson, Master. Harold Theodor
Age=4.0
shap=0.049", - "index=Carlsson, Mr. Frans Olof
Age=33.0
shap=1.765", - "index=Gustafsson, Mr. Alfred Ossian
Age=20.0
shap=-0.403", - "index=Montvila, Rev. Juozas
Age=27.0
shap=-0.31" - ], - "type": "scatter", - "x": [ - 7.5565204798659815, - 6.125801497165066, - 0.10676086418380337, - -0.6510378001665383, - -0.9119361499414768, - -0.4032724829063158, - 0.08898713064428877, - 0.7461670815612641, - -0.3454512046743985, - -2.6715546532504972, - -0.07811752154982794, - -0.8850992607004508, - -0.8418455042379255, - -0.7884979448628002, - -1.1231197850355985, - 0.09345423012391019, - -0.3792091643987693, - -0.29766874702392615, - -0.15693073344250047, - -0.21425330472450843, - -0.4026457883678799, - -0.4032724829063158, - -0.5148128839590438, - 0.266507340470443, - 2.437990581520618, - 0.5084844757779529, - 0.3836514212668406, - -0.39835535471850414, - -0.9752265001049413, - -0.4032724829063158, - -0.24765723111490018, - 0.266507340470443, - -0.19026761341941714, - -0.032867086244189034, - 1.9444075545514623, - 0.21936994208140426, - -0.15651730607710507, - -0.28978524303965963, - 0.7804781994551143, - -2.1683982646826165, - -0.4032724829063158, - -0.1851105023645763, - 1.5157658586257532, - -1.1354246699579618, - 6.349726540841527, - -0.34228672880683764, - -0.43642725932238524, - 4.29618093823111, - -0.3494148800102339, - -0.08286550942263587, - 0.266507340470443, - -0.12582756453675092, - -0.016170773955726102, - 0.37317265611879574, - 0.266507340470443, - -3.2078388981998303, - -6.203241114242164, - 0.7254131263647582, - 0.086898183779718, - -0.008922395238775156, - -0.3454512046743985, - -1.4799747025280623, - 2.215216232106762, - 1.5157658586257532, - -0.8798902046182834, - -3.5993072689349876, - 3.3552057267291917, - -0.526393207279233, - 0.266507340470443, - 1.4423534465041423, - -0.15226390766670372, - -2.0046021498577655, - 0.266507340470443, - 6.319160657526987, - 0.4050320218314219, - -0.4379673156518441, - -0.4032724829063158, - -4.51992065059223, - -0.1040063269715107, - -0.4032724829063158, - 0.266507340470443, - -1.575306913828413, - 0.086898183779718, - -0.41208030331545675, - -0.2771442950755362, - 1.2061397106037712, - 1.6690393884529926, - -0.1782632161872672, - -0.31640485291462617, - -0.7884979448628002, - 0.9180181836935721, - 0.129204624679271, - -1.641302290071068, - -0.42001185398620017, - 0.308347118638638, - 0.7271577988467455, - -0.39835535471850414, - -1.0699359198249114, - -4.354505090038779, - -0.4032724829063158, - 0.266507340470443, - -0.3494148800102339, - -0.20042725177567577, - 1.1105842612040768, - -1.1533513638139201, - 0.023011806977133904, - 2.149648646347353, - -0.07811752154982794, - -0.6185746377189435, - -0.32603544334966106, - 0.9687828321987414, - 0.05652533826818864, - 0.44790957644144946, - -0.9530004261676062, - 1.8226684916599045, - 0.086898183779718, - 0.5122918336167066, - -1.2741916492828387, - -0.4032724829063158, - 20.242012620683294, - 0.266507340470443, - -0.1406289187171451, - -0.07811752154982794, - -1.775259277016585, - 24.244570816702304, - 1.2514693068989795, - -1.9665213578174514, - -1.0601917554014602, - 3.3439187185491988, - 0.266507340470443, - 0.086898183779718, - -0.8844324055628898, - -0.9014735801552007, - -0.14562221175219, - -0.08286550942263587, - 1.3635947341260353, - 0.266507340470443, - -0.9358288035888571, - -0.47209712495497147, - -0.2920030991113654, - -1.0645643153860636, - 1.6184332831061568, - 1.0993051777865739, - -0.875608640189562, - -0.7499059471662365, - -4.144595303754496, - -1.6441890229981209, - 0.036103477161108545, - -0.19496894782277882, - 0.2960117633943211, - -3.4716184624348037, - -0.6931213579775495, - 1.1548548871196083, - 2.344970864127483, - -1.0029075361076274, - -0.4026457883678799, - 0.21936994208140426, - -0.3545974999681788, - 0.086898183779718, - 0.25030288058654127, - 1.610586843433766, - -2.8797628264923634, - -0.2920030991113654, - -0.2920030991113654, - -0.34228672880683764, - 0.266507340470443, - -0.6554961512576867, - -0.030916511292118275, - -0.34228672880683764, - 1.339909350097108, - -0.19026761341941714, - -1.201770235651871, - 0.7660460124401851, - -0.3494148800102339, - 2.6824449316011956, - -0.5415313930160067, - -2.062611724034082, - 0.13886120414521502, - -0.4419435698760028, - -0.7499059471662365, - 0.5412915537638153, - 0.4718280773713342, - -0.09540202941151532, - 1.7918169561500523, - -0.32041973632125254, - -0.2605011525966907, - 2.0328295443327082, - -0.34975893527117985, - -0.0595146193245965, - -0.11560815985466014, - 0.441462832029592, - 3.0306123808768706, - 1.4423534465041423, - -0.28879265843189206, - -1.0372414048486958, - -0.07811752154982794, - 0.048619275766900415, - 1.7646302554730513, - -0.4032724829063158, - -0.31024862344810694 - ], - "xaxis": "x8", - "y": [ - 0.1242542378663336, - 0.6192894143866218, - 0.9261183550113802, - 0.32308476282125576, - 0.39723961961187504, - 0.3429726733879941, - 0.09712425715956163, - 0.14629177108681857, - 0.5192243702811759, - 0.664859544707987, - 0.5467696722340435, - 0.2594977165663328, - 0.9380359589052435, - 0.9268365176362189, - 0.928471524501656, - 0.05896256612693396, - 0.6305764597536379, - 0.9866800093378835, - 0.8053838747667484, - 0.5213863177408904, - 0.5900732171153125, - 0.35100521047272704, - 0.3257453224035167, - 0.36935622990494055, - 0.5882521669444232, - 0.055098104944522386, - 0.6907759544833277, - 0.6551565685349496, - 0.5609699753684986, - 0.7085910200158109, - 0.8722895613653031, - 0.10413686253046006, - 0.4733681954079364, - 0.29719995381375686, - 0.3692152385692673, - 0.737344139546161, - 0.19061401378726273, - 0.9834164180633513, - 0.9156569900265588, - 0.7120650431835487, - 0.7315083769180722, - 0.7617461342788905, - 0.25606243893700364, - 0.39368464763892375, - 0.39142899359980554, - 0.4203821997017436, - 0.3110178962935213, - 0.908262298569679, - 0.9501098451646413, - 0.19237867349127302, - 0.8257664526517396, - 0.25478653824452413, - 0.43409178832474804, - 0.7920617841641995, - 0.575792809075735, - 0.9562962567662161, - 0.3435847158586397, - 0.003730482889454767, - 0.40449631549652065, - 0.12422314993144457, - 0.08036788329869926, - 0.9488930269745012, - 0.893207803943763, - 0.479429024139594, - 0.39428418394855824, - 0.6926119766122569, - 0.3402914113455685, - 0.739015297724617, - 0.1765160933168023, - 0.5847781395968293, - 0.08370792641047564, - 0.5844802756875361, - 0.030304750907270805, - 0.4248797595616627, - 0.19059426552093672, - 0.8771806243498264, - 0.5352742562789382, - 0.1668476479532549, - 0.09848308263208183, - 0.09225720584026142, - 0.7990305881551627, - 0.05775743638115027, - 0.35194518849576917, - 0.974347536633481, - 0.5254554806333387, - 0.7048595040136683, - 0.059502799522268224, - 0.47731818895949374, - 0.6062452603125126, - 0.4986904569145678, - 0.4487542705664417, - 0.3380417341192238, - 0.6071984653260605, - 0.2813127177313087, - 0.7606874940771514, - 0.707398718700633, - 0.061456048529372254, - 0.6988748001406122, - 0.270762374449246, - 0.823914441492142, - 0.3325247813424469, - 0.24602303459701813, - 0.952504748089515, - 0.9438316452574788, - 0.04786352957758222, - 0.1377202699378367, - 0.879358223034812, - 0.9747685911273797, - 0.4217101340323559, - 0.8033305451845822, - 0.37788727318420745, - 0.7393279308798488, - 0.49523325958483144, - 0.02965799316147455, - 0.2530675531737334, - 0.7584310701866203, - 0.25990793256547073, - 0.20417199615853965, - 0.16969756087974874, - 0.1062666287773133, - 0.03074562392315272, - 0.3779493744429868, - 0.13187502898637293, - 0.3248455077253738, - 0.8499559161585849, - 0.8785076350884182, - 0.8930424066116437, - 0.23877019763419016, - 0.05360867985841655, - 0.7527252332784033, - 0.667296213290753, - 0.4844017884795564, - 0.427368333016398, - 0.6828688441515929, - 0.10398562787393029, - 0.8507395727268149, - 0.3981560593641793, - 0.38287925480457374, - 0.41554615891120716, - 0.19259929082700633, - 0.017639586005752328, - 0.09642759608543139, - 0.3322549010730581, - 0.282312247561486, - 0.39823837814997154, - 0.4570720100831265, - 0.6981320612685731, - 0.78792550369783, - 0.47478579002398735, - 0.22827044701939447, - 0.6890327520139023, - 0.995962274400119, - 0.6439141250638946, - 0.07308471088140511, - 0.5539784677849514, - 0.08951196036538867, - 0.16796811172290194, - 0.7570472452300903, - 0.22904555268673343, - 0.7511169240424956, - 0.5161383434748092, - 0.23990645945234557, - 0.06864497737489461, - 0.3096500832929039, - 0.8725176235717848, - 0.941815998019526, - 0.06460029505232168, - 0.7311045129967362, - 0.5775582966094716, - 0.3020425725701388, - 0.7446987239267985, - 0.16048071156108623, - 0.10355374924807936, - 0.6361920255862419, - 0.1910573982983207, - 0.4948704118897137, - 0.38655682847158945, - 0.6438422048350336, - 0.46659960963507197, - 0.3097232588007366, - 0.6309977757422308, - 0.8147181975220611, - 0.04070877839886, - 0.19669750076257875, - 0.17245717003976224, - 0.9267193252920893, - 0.5183363242116956, - 0.8989485885628554, - 0.13717902240489477, - 0.8097921530383763, - 0.994076522759463, - 0.2593067409612345, - 0.22048294609598662, - 0.9373808243899667, - 0.391121713199563, - 0.12602589155889976, - 0.8694258546835318, - 0.5701598120086474, - 0.26804341502359663, - 0.38537967399173445 - ], - "yaxis": "y8" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 0, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 0, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 0, - 1, - 1, - 1, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 1, - 0, - 0, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 0, - 0, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 0, - 1, - 1, - 0, - 1, - 0, - 0, - 1, - 1, - 1, - 0, - 0, - 1, - 1, - 0, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 0, - 0, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 0, - 0, - 1, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 0, - 0, - 0, - 1, - 1, - 0, - 1, - 0, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 0, - 1, - 1, - 1, - 1, - 1 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "Sex_male", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Sex_male=0
shap=2.688", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Sex_male=0
shap=3.053", - "index=Palsson, Master. Gosta Leonard
Sex_male=1
shap=-0.376", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Sex_male=0
shap=0.603", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Sex_male=0
shap=0.586", - "index=Saundercock, Mr. William Henry
Sex_male=1
shap=-0.496", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Sex_male=0
shap=0.953", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Sex_male=0
shap=0.56", - "index=Glynn, Miss. Mary Agatha
Sex_male=0
shap=0.823", - "index=Meyer, Mr. Edgar Joseph
Sex_male=1
shap=-1.931", - "index=Kraeff, Mr. Theodor
Sex_male=1
shap=-0.46", - "index=Devaney, Miss. Margaret Delia
Sex_male=0
shap=0.804", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Sex_male=0
shap=0.688", - "index=Rugg, Miss. Emily
Sex_male=0
shap=0.866", - "index=Harris, Mr. Henry Birkhardt
Sex_male=1
shap=-1.692", - "index=Skoog, Master. Harald
Sex_male=1
shap=-0.343", - "index=Kink, Mr. Vincenz
Sex_male=1
shap=-0.438", - "index=Hood, Mr. Ambrose Jr
Sex_male=1
shap=-0.499", - "index=Ilett, Miss. Bertha
Sex_male=0
shap=0.866", - "index=Ford, Mr. William Neal
Sex_male=1
shap=-0.326", - "index=Christmann, Mr. Emil
Sex_male=1
shap=-0.505", - "index=Andreasson, Mr. Paul Edvin
Sex_male=1
shap=-0.496", - "index=Chaffee, Mr. Herbert Fuller
Sex_male=1
shap=-1.885", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Sex_male=1
shap=-0.511", - "index=White, Mr. Richard Frasar
Sex_male=1
shap=-0.236", - "index=Rekic, Mr. Tido
Sex_male=1
shap=-0.678", - "index=Moran, Miss. Bertha
Sex_male=0
shap=0.625", - "index=Barton, Mr. David John
Sex_male=1
shap=-0.496", - "index=Jussila, Miss. Katriina
Sex_male=0
shap=0.688", - "index=Pekoniemi, Mr. Edvard
Sex_male=1
shap=-0.496", - "index=Turpin, Mr. William John Robert
Sex_male=1
shap=-0.377", - "index=Moore, Mr. Leonard Charles
Sex_male=1
shap=-0.511", - "index=Osen, Mr. Olaf Elon
Sex_male=1
shap=-0.496", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Sex_male=0
shap=0.627", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Sex_male=1
shap=-0.297", - "index=Bateman, Rev. Robert James
Sex_male=1
shap=-0.673", - "index=Meo, Mr. Alfonzo
Sex_male=1
shap=-0.668", - "index=Cribb, Mr. John Hatfield
Sex_male=1
shap=-0.477", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Sex_male=0
shap=1.777", - "index=Van der hoef, Mr. Wyckoff
Sex_male=1
shap=-1.781", - "index=Sivola, Mr. Antti Wilhelm
Sex_male=1
shap=-0.496", - "index=Klasen, Mr. Klas Albin
Sex_male=1
shap=-0.326", - "index=Rood, Mr. Hugh Roscoe
Sex_male=1
shap=-2.923", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Sex_male=0
shap=0.638", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Sex_male=0
shap=-0.594", - "index=Vande Walle, Mr. Nestor Cyriel
Sex_male=1
shap=-0.505", - "index=Backstrom, Mr. Karl Alfred
Sex_male=1
shap=-0.386", - "index=Blank, Mr. Henry
Sex_male=1
shap=-2.505", - "index=Ali, Mr. Ahmed
Sex_male=1
shap=-0.504", - "index=Green, Mr. George Henry
Sex_male=1
shap=-0.67", - "index=Nenkoff, Mr. Christo
Sex_male=1
shap=-0.511", - "index=Asplund, Miss. Lillian Gertrud
Sex_male=0
shap=0.56", - "index=Harknett, Miss. Alice Phoebe
Sex_male=0
shap=0.95", - "index=Hunt, Mr. George Henry
Sex_male=1
shap=-0.667", - "index=Reed, Mr. James George
Sex_male=1
shap=-0.511", - "index=Stead, Mr. William Thomas
Sex_male=1
shap=-2.815", - "index=Thorne, Mrs. Gertrude Maybelle
Sex_male=0
shap=4.831", - "index=Parrish, Mrs. (Lutie Davis)
Sex_male=0
shap=0.827", - "index=Smith, Mr. Thomas
Sex_male=1
shap=-0.492", - "index=Asplund, Master. Edvin Rojj Felix
Sex_male=1
shap=-0.303", - "index=Healy, Miss. Hanora \"Nora\"
Sex_male=0
shap=0.823", - "index=Andrews, Miss. Kornelia Theodosia
Sex_male=0
shap=3.248", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Sex_male=0
shap=0.738", - "index=Smith, Mr. Richard William
Sex_male=1
shap=-2.923", - "index=Connolly, Miss. Kate
Sex_male=0
shap=0.804", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Sex_male=0
shap=-2.614", - "index=Levy, Mr. Rene Jacques
Sex_male=1
shap=-0.395", - "index=Lewy, Mr. Ervin G
Sex_male=1
shap=-3.117", - "index=Williams, Mr. Howard Hugh \"Harry\"
Sex_male=1
shap=-0.511", - "index=Sage, Mr. George John Jr
Sex_male=1
shap=-0.467", - "index=Nysveen, Mr. Johan Hansen
Sex_male=1
shap=-0.668", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Sex_male=0
shap=3.592", - "index=Denkoff, Mr. Mitto
Sex_male=1
shap=-0.511", - "index=Burns, Miss. Elizabeth Margaret
Sex_male=0
shap=4.472", - "index=Dimic, Mr. Jovan
Sex_male=1
shap=-0.678", - "index=del Carlo, Mr. Sebastiano
Sex_male=1
shap=-0.344", - "index=Beavan, Mr. William Thomas
Sex_male=1
shap=-0.496", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Sex_male=0
shap=2.767", - "index=Widener, Mr. Harry Elkins
Sex_male=1
shap=-1.154", - "index=Gustafsson, Mr. Karl Gideon
Sex_male=1
shap=-0.496", - "index=Plotcharsky, Mr. Vasil
Sex_male=1
shap=-0.511", - "index=Goodwin, Master. Sidney Leonard
Sex_male=1
shap=-0.468", - "index=Sadlier, Mr. Matthew
Sex_male=1
shap=-0.492", - "index=Gustafsson, Mr. Johan Birger
Sex_male=1
shap=-0.438", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Sex_male=0
shap=0.482", - "index=Niskanen, Mr. Juha
Sex_male=1
shap=-0.547", - "index=Minahan, Miss. Daisy E
Sex_male=0
shap=2.8", - "index=Matthews, Mr. William John
Sex_male=1
shap=-0.508", - "index=Charters, Mr. David
Sex_male=1
shap=-0.477", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Sex_male=0
shap=0.866", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Sex_male=0
shap=0.759", - "index=Johannesen-Bratthammer, Mr. Bernt
Sex_male=1
shap=-0.381", - "index=Peuchen, Major. Arthur Godfrey
Sex_male=1
shap=-2.733", - "index=Anderson, Mr. Harry
Sex_male=1
shap=-3.026", - "index=Milling, Mr. Jacob Christian
Sex_male=1
shap=-0.681", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Sex_male=0
shap=0.73", - "index=Karlsson, Mr. Nils August
Sex_male=1
shap=-0.496", - "index=Frost, Mr. Anthony Wood \"Archie\"
Sex_male=1
shap=-0.514", - "index=Bishop, Mr. Dickinson H
Sex_male=1
shap=4.6", - "index=Windelov, Mr. Einar
Sex_male=1
shap=-0.496", - "index=Shellard, Mr. Frederick William
Sex_male=1
shap=-0.511", - "index=Svensson, Mr. Olof
Sex_male=1
shap=-0.504", - "index=O'Sullivan, Miss. Bridget Mary
Sex_male=0
shap=0.909", - "index=Laitinen, Miss. Kristina Sofia
Sex_male=0
shap=1.203", - "index=Penasco y Castellana, Mr. Victor de Satode
Sex_male=1
shap=-1.236", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Sex_male=1
shap=-3.435", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Sex_male=0
shap=0.84", - "index=Kassem, Mr. Fared
Sex_male=1
shap=-0.46", - "index=Cacic, Miss. Marija
Sex_male=0
shap=0.952", - "index=Hart, Miss. Eva Miriam
Sex_male=0
shap=0.609", - "index=Butt, Major. Archibald Willingham
Sex_male=1
shap=-1.989", - "index=Beane, Mr. Edward
Sex_male=1
shap=-0.334", - "index=Goldsmith, Mr. Frank John
Sex_male=1
shap=-0.439", - "index=Ohman, Miss. Velin
Sex_male=0
shap=0.844", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Sex_male=0
shap=2.502", - "index=Morrow, Mr. Thomas Rowan
Sex_male=1
shap=-0.492", - "index=Harris, Mr. George
Sex_male=1
shap=-0.572", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Sex_male=0
shap=3.713", - "index=Patchett, Mr. George
Sex_male=1
shap=-0.496", - "index=Ross, Mr. John Hugo
Sex_male=1
shap=-2.557", - "index=Murdlin, Mr. Joseph
Sex_male=1
shap=-0.511", - "index=Bourke, Miss. Mary
Sex_male=0
shap=0.611", - "index=Boulos, Mr. Hanna
Sex_male=1
shap=-0.46", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Sex_male=1
shap=-1.485", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Sex_male=1
shap=-5.142", - "index=Lindell, Mr. Edvard Bengtsson
Sex_male=1
shap=-0.487", - "index=Daniel, Mr. Robert Williams
Sex_male=1
shap=-3.388", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Sex_male=0
shap=0.521", - "index=Shutes, Miss. Elizabeth W
Sex_male=0
shap=5.359", - "index=Jardin, Mr. Jose Neto
Sex_male=1
shap=-0.511", - "index=Horgan, Mr. John
Sex_male=1
shap=-0.492", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Sex_male=0
shap=0.717", - "index=Yasbeck, Mr. Antoni
Sex_male=1
shap=-0.349", - "index=Bostandyeff, Mr. Guentcho
Sex_male=1
shap=-0.505", - "index=Lundahl, Mr. Johan Svensson
Sex_male=1
shap=-0.67", - "index=Stahelin-Maeglin, Dr. Max
Sex_male=1
shap=3.811", - "index=Willey, Mr. Edward
Sex_male=1
shap=-0.511", - "index=Stanley, Miss. Amy Zillah Elsie
Sex_male=0
shap=0.861", - "index=Hegarty, Miss. Hanora \"Nora\"
Sex_male=0
shap=0.89", - "index=Eitemiller, Mr. George Floyd
Sex_male=1
shap=-0.507", - "index=Colley, Mr. Edward Pomeroy
Sex_male=1
shap=-3.114", - "index=Coleff, Mr. Peju
Sex_male=1
shap=-0.672", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Sex_male=0
shap=0.759", - "index=Davidson, Mr. Thornton
Sex_male=1
shap=-0.859", - "index=Turja, Miss. Anna Sofia
Sex_male=0
shap=0.844", - "index=Hassab, Mr. Hammad
Sex_male=1
shap=-2.327", - "index=Goodwin, Mr. Charles Edward
Sex_male=1
shap=-0.468", - "index=Panula, Mr. Jaako Arnold
Sex_male=1
shap=-0.339", - "index=Fischer, Mr. Eberhard Thelander
Sex_male=1
shap=-0.496", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Sex_male=1
shap=-0.459", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Sex_male=0
shap=1.94", - "index=Hansen, Mr. Henrik Juul
Sex_male=1
shap=-0.383", - "index=Calderhead, Mr. Edward Pennington
Sex_male=1
shap=-3.026", - "index=Klaber, Mr. Herman
Sex_male=1
shap=-2.453", - "index=Taylor, Mr. Elmer Zebley
Sex_male=1
shap=-1.614", - "index=Larsson, Mr. August Viktor
Sex_male=1
shap=-0.505", - "index=Greenberg, Mr. Samuel
Sex_male=1
shap=-0.673", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Sex_male=0
shap=0.773", - "index=McEvoy, Mr. Michael
Sex_male=1
shap=-0.492", - "index=Johnson, Mr. Malkolm Joackim
Sex_male=1
shap=-0.664", - "index=Gillespie, Mr. William Henry
Sex_male=1
shap=-0.673", - "index=Allen, Miss. Elisabeth Walton
Sex_male=0
shap=1.338", - "index=Berriman, Mr. William John
Sex_male=1
shap=-0.507", - "index=Troupiansky, Mr. Moses Aaron
Sex_male=1
shap=-0.507", - "index=Williams, Mr. Leslie
Sex_male=1
shap=-0.505", - "index=Ivanoff, Mr. Kanio
Sex_male=1
shap=-0.511", - "index=McNamee, Mr. Neal
Sex_male=1
shap=-0.376", - "index=Connaghton, Mr. Michael
Sex_male=1
shap=-0.487", - "index=Carlsson, Mr. August Sigfrid
Sex_male=1
shap=-0.505", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Sex_male=0
shap=1.599", - "index=Eklund, Mr. Hans Linus
Sex_male=1
shap=-0.496", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Sex_male=0
shap=3.245", - "index=Moran, Mr. Daniel J
Sex_male=1
shap=-0.369", - "index=Lievens, Mr. Rene Aime
Sex_male=1
shap=-0.504", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Sex_male=0
shap=-0.791", - "index=Ayoub, Miss. Banoura
Sex_male=0
shap=0.742", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Sex_male=0
shap=-0.704", - "index=Johnston, Mr. Andrew G
Sex_male=1
shap=-0.346", - "index=Ali, Mr. William
Sex_male=1
shap=-0.499", - "index=Sjoblom, Miss. Anna Sofia
Sex_male=0
shap=0.844", - "index=Guggenheim, Mr. Benjamin
Sex_male=1
shap=0.372", - "index=Leader, Dr. Alice (Farnham)
Sex_male=0
shap=5.481", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Sex_male=0
shap=0.586", - "index=Carter, Master. William Thornton II
Sex_male=1
shap=1.57", - "index=Thomas, Master. Assad Alexander
Sex_male=1
shap=-0.182", - "index=Johansson, Mr. Karl Johan
Sex_male=1
shap=-0.505", - "index=Slemen, Mr. Richard James
Sex_male=1
shap=-0.676", - "index=Tomlin, Mr. Ernest Portage
Sex_male=1
shap=-0.505", - "index=McCormack, Mr. Thomas Joseph
Sex_male=1
shap=-0.362", - "index=Richards, Master. George Sibley
Sex_male=1
shap=-0.303", - "index=Mudd, Mr. Thomas Charles
Sex_male=1
shap=-0.499", - "index=Lemberopolous, Mr. Peter L
Sex_male=1
shap=-0.623", - "index=Sage, Mr. Douglas Bullen
Sex_male=1
shap=-0.467", - "index=Boulos, Miss. Nourelain
Sex_male=0
shap=0.561", - "index=Aks, Mrs. Sam (Leah Rosen)
Sex_male=0
shap=0.527", - "index=Razi, Mr. Raihed
Sex_male=1
shap=-0.46", - "index=Johnson, Master. Harold Theodor
Sex_male=1
shap=-0.297", - "index=Carlsson, Mr. Frans Olof
Sex_male=1
shap=-1.915", - "index=Gustafsson, Mr. Alfred Ossian
Sex_male=1
shap=-0.496", - "index=Montvila, Rev. Juozas
Sex_male=1
shap=-0.508" - ], - "type": "scatter", - "x": [ - 2.6884250245181467, - 3.0526796523746365, - -0.3764812046219604, - 0.6030675938606032, - 0.5864403739073962, - -0.4957664193469726, - 0.953183394783599, - 0.559800803346208, - 0.822634459125668, - -1.9307036108548343, - -0.45976378453869926, - 0.8038149930792482, - 0.687716526137794, - 0.866187759213058, - -1.6917084291058566, - -0.34252704884351265, - -0.43775973316799877, - -0.498844069578754, - 0.866187759213058, - -0.3256954423477963, - -0.5045108905014549, - -0.4957664193469726, - -1.8846173370261456, - -0.5108989947966536, - -0.23634379752213258, - -0.6784146811024938, - 0.6254038286193602, - -0.4957664193469726, - 0.687716526137794, - -0.4957664193469726, - -0.37735748989099815, - -0.5108989947966536, - -0.4957664193469726, - 0.6265610643789022, - -0.29686378493665144, - -0.6728703405119257, - -0.6684964267960164, - -0.4774617341463152, - 1.7770350669002652, - -1.7812762709444414, - -0.4957664193469726, - -0.3262539913001375, - -2.923250613042139, - 0.6383608173046909, - -0.5940044187504879, - -0.5045108905014549, - -0.3856636339128132, - -2.5046019158255803, - -0.5036162314326262, - -0.6697926902801444, - -0.5108989947966536, - 0.5599940032472874, - 0.9495822221419872, - -0.6670556165777258, - -0.5108989947966536, - -2.8149105475842164, - 4.830965078787735, - 0.8271013399278238, - -0.49248836346579566, - -0.30278022702326174, - 0.822634459125668, - 3.2484360057711177, - 0.7379277556036714, - -2.923250613042139, - 0.8038149930792482, - -2.6141904356859373, - -0.39455752809103845, - -3.117258804209073, - -0.5108989947966536, - -0.4670097701691311, - -0.6684964267960164, - 3.59235685293291, - -0.5108989947966536, - 4.471551539631561, - -0.6784146811024938, - -0.3435896697651683, - -0.4957664193469726, - 2.767142995629812, - -1.1535261683670472, - -0.4957664193469726, - -0.5108989947966536, - -0.46839680282325175, - -0.49248836346579566, - -0.43775973316799877, - 0.4824236839625094, - -0.5471164919849529, - 2.8004624342496633, - -0.5075885407332363, - -0.47735578801611483, - 0.866187759213058, - 0.7590659499482457, - -0.3808160496090051, - -2.7331702004884177, - -3.0256033122493164, - -0.6814923313342751, - 0.7301826464238218, - -0.4957664193469726, - -0.5139766450284349, - 4.599581606673606, - -0.4957664193469726, - -0.5108989947966536, - -0.5036162314326262, - 0.9091049473084603, - 1.2027645936371771, - -1.2358831427441743, - -3.4352589286504376, - 0.8403863959687881, - -0.45976378453869926, - 0.9519571439093636, - 0.6093119593596454, - -1.989237616776028, - -0.33439136598354846, - -0.4387413346254746, - 0.8442922679127753, - 2.502419433804326, - -0.49248836346579566, - -0.5719685995780244, - 3.7132570997901904, - -0.4957664193469726, - -2.557071323763836, - -0.5108989947966536, - 0.6112740646966823, - -0.45976378453869926, - -1.4846043184888762, - -5.142456860331456, - -0.4874844097787333, - -3.3876292467450386, - 0.5205088726651663, - 5.359232339666136, - -0.5108989947966536, - -0.49248836346579566, - 0.7174001204074576, - -0.3494579160231068, - -0.5045108905014549, - -0.6697926902801444, - 3.811458384307597, - -0.5108989947966536, - 0.8613656091990721, - 0.8902854812620402, - -0.5066938816644077, - -3.1144072281644686, - -0.6724600790194089, - 0.7590659499482457, - -0.8592397942701708, - 0.8442922679127753, - -2.3273985406125033, - -0.46839680282325175, - -0.3391204277147138, - -0.4957664193469726, - -0.4593890361424252, - 1.9404804030492355, - -0.3832257361489366, - -3.0256033122493164, - -2.4527367790955172, - -1.6136696052810762, - -0.5045108905014549, - -0.6728703405119257, - 0.7730581421140003, - -0.49248836346579566, - -0.6639779663459445, - -0.6730123874195001, - 1.337710446700207, - -0.5066938816644077, - -0.5066938816644077, - -0.5045108905014549, - -0.5108989947966536, - -0.3757283609477666, - -0.48696368129530354, - -0.5045108905014549, - 1.599312946332953, - -0.4957664193469726, - 3.245339323825954, - -0.36905246118377627, - -0.5036162314326262, - -0.7907010381567442, - 0.7419648493614135, - -0.7035344441813584, - -0.3461390588848899, - -0.4986707437314015, - 0.8442922679127753, - 0.3723737065669676, - 5.481444737492415, - 0.5863595873083391, - 1.570482883703292, - -0.18174608686737145, - -0.5053743126261612, - -0.67553772925119, - -0.5053743126261612, - -0.36240541827814726, - -0.3028821436811498, - -0.498844069578754, - -0.6225609401673846, - -0.4670097701691311, - 0.5607510352270999, - 0.526652542562958, - -0.45976378453869926, - -0.2966841243155834, - -1.9146172426045747, - -0.4957664193469726, - -0.5075885407332363 - ], - "xaxis": "x9", - "y": [ - 0.12171432417435069, - 0.910594033424458, - 0.07901878716987287, - 0.9623591607470118, - 0.37696209175647966, - 0.3816360834252358, - 0.44559287131596215, - 0.010400705628006102, - 0.25611668568342627, - 0.34852792787875553, - 0.40692903636388, - 0.1789437971955331, - 0.35429550860564063, - 0.4702868450516381, - 0.4585371554061245, - 0.8145686790205513, - 0.32291928958081695, - 0.370301935200382, - 0.09091028845835925, - 0.7262128848064843, - 0.05295372139973731, - 0.6786216870118363, - 0.8047979048612994, - 0.42403308196094314, - 0.41852186671167924, - 0.9332434720874225, - 0.5621477204422336, - 0.6541847608011351, - 0.3605119726655712, - 0.33947397752948616, - 0.7793760554469533, - 0.7383395193528797, - 0.6860471748661435, - 0.7898531393052899, - 0.015415770359103909, - 0.1503200985289761, - 0.27919252064159217, - 0.11678873044801907, - 0.15292865601966865, - 0.13944292432682992, - 0.673296563040659, - 0.7180685089703561, - 0.34146449197314166, - 0.23912017404765273, - 0.9984772278563793, - 0.20700918247035027, - 0.1817109716835088, - 0.9020762641558949, - 0.40148364990042806, - 0.4749623248113273, - 0.8750634385047193, - 0.5631945931490677, - 0.8678778179380721, - 0.9089445935685654, - 0.8699903699338878, - 0.9783118171865801, - 0.8953198355230173, - 0.5233209934761087, - 0.31208405699460606, - 0.3510883698342445, - 0.05523177369881738, - 0.1070666850036811, - 0.37386606519084997, - 0.7480847238813287, - 0.3219904940025732, - 0.8123824550692166, - 0.12164378111327856, - 0.2668818335954556, - 0.990932357115566, - 0.5362128180249732, - 0.8995346986333166, - 0.8860542199413006, - 0.8683260490295033, - 0.5270808242065498, - 0.7710099564832777, - 0.1964147248674588, - 0.33748062361620734, - 0.955540768832986, - 0.1990555957753607, - 0.4197659669272664, - 0.0944913270659441, - 0.9985931812259385, - 0.8490490503971113, - 0.7576753838248703, - 0.6325189136904058, - 0.7663766926273702, - 0.7848207893227673, - 0.21822550778846472, - 0.27989892417645934, - 0.42629079125287916, - 0.7768402974894499, - 0.5186686356994662, - 0.7329422343634423, - 0.24901409720489376, - 0.9921793843867107, - 0.4956006681498295, - 0.517104884523397, - 0.35035111787327267, - 0.7803833571833455, - 0.09407277964838179, - 0.46508450853989114, - 0.7980918516312715, - 0.74042309861087, - 0.21148930717232228, - 0.8121987949647335, - 0.7422828889758586, - 0.0012396933582217162, - 0.10521874683661647, - 0.5205695153181055, - 0.004247705777368993, - 0.6988402236348413, - 0.36114867169959675, - 0.848631357525316, - 0.6731585430481514, - 0.22888916896756306, - 0.48153520152399354, - 0.9734473015693998, - 0.689881323998862, - 0.411660580167012, - 0.7278813663450148, - 0.005538226929889034, - 0.5540500048207837, - 0.34626013948997814, - 0.060815767330341886, - 0.01931996408490122, - 0.4658026680979216, - 0.4827726298376904, - 0.30107938701387094, - 0.4268692467635602, - 0.3104431547385764, - 0.4933208807760191, - 0.5444747680541313, - 0.2758566806756261, - 0.17821193760598286, - 0.9591152841268373, - 0.2589136937875881, - 0.6552944471008318, - 0.10895424551349187, - 0.6946275107794414, - 0.5114906953586535, - 0.8647955614124067, - 0.13991585908254434, - 0.49933951482221905, - 0.33980191103174684, - 0.3367894223522855, - 0.945363825757191, - 0.8560650956385778, - 0.9804740270076594, - 0.9250401455360275, - 0.8309019190246897, - 0.21146879854835354, - 0.37670106296417705, - 0.1253766646764095, - 0.7943830541760645, - 0.6738718674773274, - 0.5024888117816163, - 0.3834616279563112, - 0.6390217784097588, - 0.186138179449864, - 0.3744301936594936, - 0.2726874196361778, - 0.3682025142636308, - 0.5100703965953076, - 0.19021827424595739, - 0.5036716688519758, - 0.9916739198077269, - 0.5774565628676349, - 0.2732380781383619, - 0.5115547434130578, - 0.7396220271777567, - 0.6515718496462375, - 0.044253737375915536, - 0.7318115120248211, - 0.28809179699493503, - 0.16460244596778906, - 0.027233727779520822, - 0.016029854196863758, - 0.11090121626990046, - 0.12247327060690572, - 0.816436378106281, - 0.6805209309980794, - 0.28040708484520815, - 0.781060904103224, - 0.9544422317866397, - 0.5345646741915395, - 0.5932446915412022, - 0.8534873498493498, - 0.539615072774214, - 0.8125945224543609, - 0.31188231597508764, - 0.9808183885145821, - 0.6010478005490157, - 0.13731146715949538, - 0.20179351098600695, - 0.3807829088377639, - 0.9020505171611384, - 0.6370270109746821, - 0.6537249997482134, - 0.958976640247816, - 0.15384518333373653 - ], - "yaxis": "y9" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 0, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 0, - 1, - 0, - 1, - 1, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 0, - 1, - 0, - 0, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 0, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 0, - 1, - 1, - 0, - 1, - 0, - 1, - 0, - 1, - 1, - 1, - 1 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "Embarked_Southampton", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Embarked_Southampton=0
shap=3.547", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Embarked_Southampton=1
shap=-2.982", - "index=Palsson, Master. Gosta Leonard
Embarked_Southampton=1
shap=-0.219", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Embarked_Southampton=1
shap=-0.222", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Embarked_Southampton=0
shap=0.419", - "index=Saundercock, Mr. William Henry
Embarked_Southampton=1
shap=-0.44", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Embarked_Southampton=1
shap=-0.19", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Embarked_Southampton=1
shap=-0.268", - "index=Glynn, Miss. Mary Agatha
Embarked_Southampton=0
shap=0.28", - "index=Meyer, Mr. Edgar Joseph
Embarked_Southampton=0
shap=3.438", - "index=Kraeff, Mr. Theodor
Embarked_Southampton=0
shap=0.462", - "index=Devaney, Miss. Margaret Delia
Embarked_Southampton=0
shap=0.394", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Embarked_Southampton=1
shap=-0.347", - "index=Rugg, Miss. Emily
Embarked_Southampton=1
shap=-0.348", - "index=Harris, Mr. Henry Birkhardt
Embarked_Southampton=1
shap=-2.648", - "index=Skoog, Master. Harald
Embarked_Southampton=1
shap=-0.221", - "index=Kink, Mr. Vincenz
Embarked_Southampton=1
shap=-0.312", - "index=Hood, Mr. Ambrose Jr
Embarked_Southampton=1
shap=-0.468", - "index=Ilett, Miss. Bertha
Embarked_Southampton=1
shap=-0.348", - "index=Ford, Mr. William Neal
Embarked_Southampton=1
shap=-0.26", - "index=Christmann, Mr. Emil
Embarked_Southampton=1
shap=-0.425", - "index=Andreasson, Mr. Paul Edvin
Embarked_Southampton=1
shap=-0.44", - "index=Chaffee, Mr. Herbert Fuller
Embarked_Southampton=1
shap=-2.57", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Embarked_Southampton=1
shap=-0.287", - "index=White, Mr. Richard Frasar
Embarked_Southampton=1
shap=-2.031", - "index=Rekic, Mr. Tido
Embarked_Southampton=1
shap=-0.551", - "index=Moran, Miss. Bertha
Embarked_Southampton=0
shap=0.326", - "index=Barton, Mr. David John
Embarked_Southampton=1
shap=-0.44", - "index=Jussila, Miss. Katriina
Embarked_Southampton=1
shap=-0.347", - "index=Pekoniemi, Mr. Edvard
Embarked_Southampton=1
shap=-0.44", - "index=Turpin, Mr. William John Robert
Embarked_Southampton=1
shap=-0.427", - "index=Moore, Mr. Leonard Charles
Embarked_Southampton=1
shap=-0.287", - "index=Osen, Mr. Olaf Elon
Embarked_Southampton=1
shap=-0.44", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Embarked_Southampton=1
shap=-0.185", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Embarked_Southampton=1
shap=-0.363", - "index=Bateman, Rev. Robert James
Embarked_Southampton=1
shap=-0.422", - "index=Meo, Mr. Alfonzo
Embarked_Southampton=1
shap=-0.385", - "index=Cribb, Mr. John Hatfield
Embarked_Southampton=1
shap=-0.425", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Embarked_Southampton=1
shap=-1.452", - "index=Van der hoef, Mr. Wyckoff
Embarked_Southampton=1
shap=-2.446", - "index=Sivola, Mr. Antti Wilhelm
Embarked_Southampton=1
shap=-0.44", - "index=Klasen, Mr. Klas Albin
Embarked_Southampton=1
shap=-0.271", - "index=Rood, Mr. Hugh Roscoe
Embarked_Southampton=1
shap=-2.502", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Embarked_Southampton=1
shap=-0.324", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Embarked_Southampton=0
shap=4.094", - "index=Vande Walle, Mr. Nestor Cyriel
Embarked_Southampton=1
shap=-0.425", - "index=Backstrom, Mr. Karl Alfred
Embarked_Southampton=1
shap=-0.462", - "index=Blank, Mr. Henry
Embarked_Southampton=0
shap=5.228", - "index=Ali, Mr. Ahmed
Embarked_Southampton=1
shap=-0.44", - "index=Green, Mr. George Henry
Embarked_Southampton=1
shap=-0.394", - "index=Nenkoff, Mr. Christo
Embarked_Southampton=1
shap=-0.287", - "index=Asplund, Miss. Lillian Gertrud
Embarked_Southampton=1
shap=-0.176", - "index=Harknett, Miss. Alice Phoebe
Embarked_Southampton=1
shap=-0.192", - "index=Hunt, Mr. George Henry
Embarked_Southampton=1
shap=-0.503", - "index=Reed, Mr. James George
Embarked_Southampton=1
shap=-0.287", - "index=Stead, Mr. William Thomas
Embarked_Southampton=1
shap=-1.637", - "index=Thorne, Mrs. Gertrude Maybelle
Embarked_Southampton=0
shap=2.583", - "index=Parrish, Mrs. (Lutie Davis)
Embarked_Southampton=1
shap=-0.295", - "index=Smith, Mr. Thomas
Embarked_Southampton=0
shap=0.462", - "index=Asplund, Master. Edvin Rojj Felix
Embarked_Southampton=1
shap=-0.225", - "index=Healy, Miss. Hanora \"Nora\"
Embarked_Southampton=0
shap=0.28", - "index=Andrews, Miss. Kornelia Theodosia
Embarked_Southampton=1
shap=-1.692", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Embarked_Southampton=1
shap=-0.327", - "index=Smith, Mr. Richard William
Embarked_Southampton=1
shap=-2.502", - "index=Connolly, Miss. Kate
Embarked_Southampton=0
shap=0.394", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Embarked_Southampton=0
shap=3.098", - "index=Levy, Mr. Rene Jacques
Embarked_Southampton=0
shap=0.737", - "index=Lewy, Mr. Ervin G
Embarked_Southampton=0
shap=3.756", - "index=Williams, Mr. Howard Hugh \"Harry\"
Embarked_Southampton=1
shap=-0.287", - "index=Sage, Mr. George John Jr
Embarked_Southampton=1
shap=-0.222", - "index=Nysveen, Mr. Johan Hansen
Embarked_Southampton=1
shap=-0.385", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Embarked_Southampton=1
shap=-2.065", - "index=Denkoff, Mr. Mitto
Embarked_Southampton=1
shap=-0.287", - "index=Burns, Miss. Elizabeth Margaret
Embarked_Southampton=0
shap=3.71", - "index=Dimic, Mr. Jovan
Embarked_Southampton=1
shap=-0.578", - "index=del Carlo, Mr. Sebastiano
Embarked_Southampton=0
shap=0.538", - "index=Beavan, Mr. William Thomas
Embarked_Southampton=1
shap=-0.44", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Embarked_Southampton=0
shap=2.722", - "index=Widener, Mr. Harry Elkins
Embarked_Southampton=0
shap=0.882", - "index=Gustafsson, Mr. Karl Gideon
Embarked_Southampton=1
shap=-0.44", - "index=Plotcharsky, Mr. Vasil
Embarked_Southampton=1
shap=-0.287", - "index=Goodwin, Master. Sidney Leonard
Embarked_Southampton=1
shap=-0.221", - "index=Sadlier, Mr. Matthew
Embarked_Southampton=0
shap=0.462", - "index=Gustafsson, Mr. Johan Birger
Embarked_Southampton=1
shap=-0.312", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Embarked_Southampton=1
shap=-0.205", - "index=Niskanen, Mr. Juha
Embarked_Southampton=1
shap=-0.544", - "index=Minahan, Miss. Daisy E
Embarked_Southampton=0
shap=3.09", - "index=Matthews, Mr. William John
Embarked_Southampton=1
shap=-0.458", - "index=Charters, Mr. David
Embarked_Southampton=0
shap=0.576", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Embarked_Southampton=1
shap=-0.348", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Embarked_Southampton=1
shap=-0.296", - "index=Johannesen-Bratthammer, Mr. Bernt
Embarked_Southampton=1
shap=-0.281", - "index=Peuchen, Major. Arthur Godfrey
Embarked_Southampton=1
shap=-2.573", - "index=Anderson, Mr. Harry
Embarked_Southampton=1
shap=-2.895", - "index=Milling, Mr. Jacob Christian
Embarked_Southampton=1
shap=-0.42", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Embarked_Southampton=1
shap=-0.226", - "index=Karlsson, Mr. Nils August
Embarked_Southampton=1
shap=-0.44", - "index=Frost, Mr. Anthony Wood \"Archie\"
Embarked_Southampton=1
shap=-0.46", - "index=Bishop, Mr. Dickinson H
Embarked_Southampton=0
shap=4.746", - "index=Windelov, Mr. Einar
Embarked_Southampton=1
shap=-0.44", - "index=Shellard, Mr. Frederick William
Embarked_Southampton=1
shap=-0.287", - "index=Svensson, Mr. Olof
Embarked_Southampton=1
shap=-0.44", - "index=O'Sullivan, Miss. Bridget Mary
Embarked_Southampton=0
shap=0.339", - "index=Laitinen, Miss. Kristina Sofia
Embarked_Southampton=1
shap=-0.454", - "index=Penasco y Castellana, Mr. Victor de Satode
Embarked_Southampton=0
shap=2.455", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Embarked_Southampton=1
shap=-3.638", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Embarked_Southampton=1
shap=-0.467", - "index=Kassem, Mr. Fared
Embarked_Southampton=0
shap=0.462", - "index=Cacic, Miss. Marija
Embarked_Southampton=1
shap=-0.334", - "index=Hart, Miss. Eva Miriam
Embarked_Southampton=1
shap=-0.234", - "index=Butt, Major. Archibald Willingham
Embarked_Southampton=1
shap=-4.054", - "index=Beane, Mr. Edward
Embarked_Southampton=1
shap=-0.506", - "index=Goldsmith, Mr. Frank John
Embarked_Southampton=1
shap=-0.288", - "index=Ohman, Miss. Velin
Embarked_Southampton=1
shap=-0.301", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Embarked_Southampton=1
shap=-1.335", - "index=Morrow, Mr. Thomas Rowan
Embarked_Southampton=0
shap=0.462", - "index=Harris, Mr. George
Embarked_Southampton=1
shap=-0.437", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Embarked_Southampton=1
shap=-0.756", - "index=Patchett, Mr. George
Embarked_Southampton=1
shap=-0.44", - "index=Ross, Mr. John Hugo
Embarked_Southampton=0
shap=4.552", - "index=Murdlin, Mr. Joseph
Embarked_Southampton=1
shap=-0.287", - "index=Bourke, Miss. Mary
Embarked_Southampton=0
shap=0.313", - "index=Boulos, Mr. Hanna
Embarked_Southampton=0
shap=0.462", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Embarked_Southampton=0
shap=3.307", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Embarked_Southampton=0
shap=7.034", - "index=Lindell, Mr. Edvard Bengtsson
Embarked_Southampton=1
shap=-0.537", - "index=Daniel, Mr. Robert Williams
Embarked_Southampton=1
shap=-3.493", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Embarked_Southampton=0
shap=0.281", - "index=Shutes, Miss. Elizabeth W
Embarked_Southampton=1
shap=-2.444", - "index=Jardin, Mr. Jose Neto
Embarked_Southampton=1
shap=-0.287", - "index=Horgan, Mr. John
Embarked_Southampton=0
shap=0.462", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Embarked_Southampton=1
shap=-0.342", - "index=Yasbeck, Mr. Antoni
Embarked_Southampton=0
shap=0.557", - "index=Bostandyeff, Mr. Guentcho
Embarked_Southampton=1
shap=-0.425", - "index=Lundahl, Mr. Johan Svensson
Embarked_Southampton=1
shap=-0.394", - "index=Stahelin-Maeglin, Dr. Max
Embarked_Southampton=0
shap=6.105", - "index=Willey, Mr. Edward
Embarked_Southampton=1
shap=-0.287", - "index=Stanley, Miss. Amy Zillah Elsie
Embarked_Southampton=1
shap=-0.301", - "index=Hegarty, Miss. Hanora \"Nora\"
Embarked_Southampton=0
shap=0.453", - "index=Eitemiller, Mr. George Floyd
Embarked_Southampton=1
shap=-0.468", - "index=Colley, Mr. Edward Pomeroy
Embarked_Southampton=1
shap=-2.132", - "index=Coleff, Mr. Peju
Embarked_Southampton=1
shap=-0.549", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Embarked_Southampton=1
shap=-0.326", - "index=Davidson, Mr. Thornton
Embarked_Southampton=1
shap=-3.78", - "index=Turja, Miss. Anna Sofia
Embarked_Southampton=1
shap=-0.301", - "index=Hassab, Mr. Hammad
Embarked_Southampton=0
shap=4.083", - "index=Goodwin, Mr. Charles Edward
Embarked_Southampton=1
shap=-0.221", - "index=Panula, Mr. Jaako Arnold
Embarked_Southampton=1
shap=-0.219", - "index=Fischer, Mr. Eberhard Thelander
Embarked_Southampton=1
shap=-0.44", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Embarked_Southampton=1
shap=-0.549", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Embarked_Southampton=0
shap=2.069", - "index=Hansen, Mr. Henrik Juul
Embarked_Southampton=1
shap=-0.418", - "index=Calderhead, Mr. Edward Pennington
Embarked_Southampton=1
shap=-4.597", - "index=Klaber, Mr. Herman
Embarked_Southampton=1
shap=-2.142", - "index=Taylor, Mr. Elmer Zebley
Embarked_Southampton=1
shap=-2.432", - "index=Larsson, Mr. August Viktor
Embarked_Southampton=1
shap=-0.425", - "index=Greenberg, Mr. Samuel
Embarked_Southampton=1
shap=-0.422", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Embarked_Southampton=1
shap=-0.304", - "index=McEvoy, Mr. Michael
Embarked_Southampton=0
shap=0.462", - "index=Johnson, Mr. Malkolm Joackim
Embarked_Southampton=1
shap=-0.475", - "index=Gillespie, Mr. William Henry
Embarked_Southampton=1
shap=-0.62", - "index=Allen, Miss. Elisabeth Walton
Embarked_Southampton=1
shap=-2.02", - "index=Berriman, Mr. William John
Embarked_Southampton=1
shap=-0.468", - "index=Troupiansky, Mr. Moses Aaron
Embarked_Southampton=1
shap=-0.468", - "index=Williams, Mr. Leslie
Embarked_Southampton=1
shap=-0.425", - "index=Ivanoff, Mr. Kanio
Embarked_Southampton=1
shap=-0.287", - "index=McNamee, Mr. Neal
Embarked_Southampton=1
shap=-0.423", - "index=Connaghton, Mr. Michael
Embarked_Southampton=0
shap=0.684", - "index=Carlsson, Mr. August Sigfrid
Embarked_Southampton=1
shap=-0.425", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Embarked_Southampton=1
shap=-2.798", - "index=Eklund, Mr. Hans Linus
Embarked_Southampton=1
shap=-0.44", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Embarked_Southampton=1
shap=-1.717", - "index=Moran, Mr. Daniel J
Embarked_Southampton=0
shap=0.448", - "index=Lievens, Mr. Rene Aime
Embarked_Southampton=1
shap=-0.44", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Embarked_Southampton=1
shap=-3.35", - "index=Ayoub, Miss. Banoura
Embarked_Southampton=0
shap=0.273", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Embarked_Southampton=1
shap=-2.399", - "index=Johnston, Mr. Andrew G
Embarked_Southampton=1
shap=-0.206", - "index=Ali, Mr. William
Embarked_Southampton=1
shap=-0.44", - "index=Sjoblom, Miss. Anna Sofia
Embarked_Southampton=1
shap=-0.301", - "index=Guggenheim, Mr. Benjamin
Embarked_Southampton=0
shap=4.452", - "index=Leader, Dr. Alice (Farnham)
Embarked_Southampton=1
shap=-1.571", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Embarked_Southampton=1
shap=-0.26", - "index=Carter, Master. William Thornton II
Embarked_Southampton=1
shap=-0.817", - "index=Thomas, Master. Assad Alexander
Embarked_Southampton=0
shap=0.351", - "index=Johansson, Mr. Karl Johan
Embarked_Southampton=1
shap=-0.475", - "index=Slemen, Mr. Richard James
Embarked_Southampton=1
shap=-0.62", - "index=Tomlin, Mr. Ernest Portage
Embarked_Southampton=1
shap=-0.43", - "index=McCormack, Mr. Thomas Joseph
Embarked_Southampton=0
shap=0.448", - "index=Richards, Master. George Sibley
Embarked_Southampton=1
shap=-0.278", - "index=Mudd, Mr. Thomas Charles
Embarked_Southampton=1
shap=-0.468", - "index=Lemberopolous, Mr. Peter L
Embarked_Southampton=0
shap=0.837", - "index=Sage, Mr. Douglas Bullen
Embarked_Southampton=1
shap=-0.222", - "index=Boulos, Miss. Nourelain
Embarked_Southampton=0
shap=0.301", - "index=Aks, Mrs. Sam (Leah Rosen)
Embarked_Southampton=1
shap=-0.289", - "index=Razi, Mr. Raihed
Embarked_Southampton=0
shap=0.462", - "index=Johnson, Master. Harold Theodor
Embarked_Southampton=1
shap=-0.232", - "index=Carlsson, Mr. Frans Olof
Embarked_Southampton=1
shap=-3.784", - "index=Gustafsson, Mr. Alfred Ossian
Embarked_Southampton=1
shap=-0.44", - "index=Montvila, Rev. Juozas
Embarked_Southampton=1
shap=-0.453" - ], - "type": "scatter", - "x": [ - 3.547476847531232, - -2.981636651420785, - -0.21875448919495213, - -0.2224462094625461, - 0.4191818288115132, - -0.4403709084505261, - -0.18979505467983473, - -0.2684378951797921, - 0.2801498265544221, - 3.4382006472601154, - 0.46217591485305204, - 0.39372353831311735, - -0.3469830732936882, - -0.34801440733482536, - -2.647800850918521, - -0.2212854866443009, - -0.31248782340657416, - -0.4684925788810341, - -0.34801440733482536, - -0.26021349845807784, - -0.42492025819095286, - -0.4403709084505261, - -2.5695033343044638, - -0.2874678335268065, - -2.0306758896278994, - -0.5506858441568087, - 0.32635759167658474, - -0.4403709084505261, - -0.3469830732936882, - -0.4403709084505261, - -0.42719265764685144, - -0.2874678335268065, - -0.4403709084505261, - -0.18506367726254414, - -0.3634367006427322, - -0.42220081908100765, - -0.3851204925470365, - -0.4252151135319622, - -1.4521966465610192, - -2.44590564039188, - -0.4403709084505261, - -0.27106667184153477, - -2.5016237713563108, - -0.32414693048948884, - 4.093634995631147, - -0.42492025819095286, - -0.462480276413103, - 5.227530664820343, - -0.4403709084505261, - -0.39407914865049987, - -0.2874678335268065, - -0.17642376080403577, - -0.19205444230305194, - -0.5034421274986798, - -0.2874678335268065, - -1.6371003824484687, - 2.582765764702824, - -0.29546637447621943, - 0.46217591485305204, - -0.22544674876755808, - 0.2801498265544221, - -1.6921235092197915, - -0.32687658219293514, - -2.5016237713563108, - 0.39372353831311735, - 3.0984794665069058, - 0.7367798368331094, - 3.7563580150900977, - -0.2874678335268065, - -0.2222475484709611, - -0.3851204925470365, - -2.0645359124274894, - -0.2874678335268065, - 3.709754342856277, - -0.5779789599765209, - 0.5377581890132669, - -0.4403709084505261, - 2.7220696905613346, - 0.8819421305217272, - -0.4403709084505261, - -0.2874678335268065, - -0.2212854866443009, - 0.46217591485305204, - -0.31248782340657416, - -0.2051224907609188, - -0.5443998998317607, - 3.0903730548500836, - -0.45800109780822873, - 0.5757496266117469, - -0.34801440733482536, - -0.29562634412223165, - -0.2811818892017586, - -2.572691461983588, - -2.895126414330279, - -0.419728385804859, - -0.22606495883742486, - -0.4403709084505261, - -0.46003200327465893, - 4.7460154733495425, - -0.4403709084505261, - -0.2874678335268065, - -0.4403709084505261, - 0.33938512204798726, - -0.454086006685574, - 2.4545503490495393, - -3.6381267692665897, - -0.4669969982140569, - 0.46217591485305204, - -0.33446603615396614, - -0.2344467951715237, - -4.054214342823924, - -0.5063206428270258, - -0.28842365324438, - -0.3007465858884555, - -1.3353381269749505, - 0.46217591485305204, - -0.43727446358605065, - -0.7558039858009529, - -0.4403709084505261, - 4.5515979156943835, - -0.2874678335268065, - 0.31285538989171535, - 0.46217591485305204, - 3.306670474928202, - 7.03412702581657, - -0.5366592172542595, - -3.493364225552904, - 0.2814212968804156, - -2.443633492801815, - -0.2874678335268065, - 0.46217591485305204, - -0.3420096880170016, - 0.5569213460216361, - -0.42492025819095286, - -0.39407914865049987, - 6.104801590842749, - -0.2874678335268065, - -0.3007465858884555, - 0.4529588338066824, - -0.4684925788810341, - -2.132330964798268, - -0.5494993979093282, - -0.3256232590193281, - -3.7798149621843535, - -0.3007465858884555, - 4.083392588214215, - -0.2212854866443009, - -0.21875448919495213, - -0.4403709084505261, - -0.5493144851301598, - 2.0694767282739543, - -0.4175872864578592, - -4.5967092924268025, - -2.141501601748618, - -2.432164415719452, - -0.42492025819095286, - -0.42220081908100765, - -0.30389928222889123, - 0.46217591485305204, - -0.4753204570681719, - -0.6198486383473081, - -2.0198065912426117, - -0.4684925788810341, - -0.4684925788810341, - -0.42492025819095286, - -0.2874678335268065, - -0.42256067173454576, - 0.6835170893069838, - -0.42492025819095286, - -2.798276621573744, - -0.4403709084505261, - -1.7170248512189004, - 0.44786889360538357, - -0.4403709084505261, - -3.349986451873312, - 0.27337166368477045, - -2.3991801729026725, - -0.20590801674130485, - -0.4403709084505261, - -0.3007465858884555, - 4.45214259020398, - -1.5706348021292535, - -0.25994746933356067, - -0.8167368001730244, - 0.35069472559362774, - -0.4753204570681719, - -0.6198486383473081, - -0.4298794273777207, - 0.44783142031396755, - -0.27767182892406034, - -0.4684925788810341, - 0.8367089793159425, - -0.2222475484709611, - 0.3013224840940817, - -0.2887639577347571, - 0.46217591485305204, - -0.23171661667799234, - -3.7844806644386946, - -0.4403709084505261, - -0.45304192862146087 - ], - "xaxis": "x10", - "y": [ - 0.7901615895248975, - 0.014993066455960102, - 0.15992488741773314, - 0.7045875590904616, - 0.8939174721558014, - 0.7255776611883489, - 0.20586450667584077, - 0.5049490022180706, - 0.19175684917279545, - 0.6527004207541587, - 0.8948793659296252, - 0.6452141212825762, - 0.37921586811471253, - 0.6468849117337663, - 0.16417197333562428, - 0.5637735948179461, - 0.866506256400169, - 0.9390975617257385, - 0.3443125078216285, - 0.25761579119042954, - 0.42515607637238195, - 0.9334384405322598, - 0.9584940026984086, - 0.690167991439833, - 0.9835385548360082, - 0.20869097820421423, - 0.10059261075312287, - 0.4955008824036551, - 0.8484201702948097, - 0.3605903342111597, - 0.45294772309533415, - 0.45968027139735923, - 0.9341422300708538, - 0.9499306253520945, - 0.9127341648754775, - 0.7583509199875736, - 0.07546920304870708, - 0.9150212439454942, - 0.5001800164440965, - 0.6164256125284581, - 0.6128841929115082, - 0.9160097653303015, - 0.7763621913139703, - 0.6979897064761381, - 0.7817531568252917, - 0.560098935663101, - 0.28072098003782964, - 0.5984921099227559, - 0.25797396011688134, - 0.7400276879394095, - 0.2453424795232989, - 0.2022944238738148, - 0.9529550987876125, - 0.1423576013510337, - 0.6189375269451749, - 0.8672414140996998, - 0.5829768203105823, - 0.9283452187218749, - 0.42018247406303044, - 0.9556968906661839, - 0.3930241006620995, - 0.3244765263050141, - 0.1405700809250353, - 0.25460666540988697, - 0.42368825495362206, - 0.6188571648266453, - 0.8236673594948014, - 0.24527356992430915, - 0.7590154372587372, - 0.9154807016926793, - 0.5392248403528258, - 0.8193438535410823, - 0.270645035104805, - 0.04915300576988246, - 0.3385127249501313, - 0.7886930334843878, - 0.13784323569423274, - 0.04251459543150049, - 0.9414529516956981, - 0.6386701073258482, - 0.44124045419292723, - 0.4651646040642937, - 0.2621222713557907, - 0.07176810269593381, - 0.8790768938888415, - 0.5761525302996383, - 0.3386310716735321, - 0.8264273753865911, - 0.4867834117120049, - 0.9830094770378969, - 0.400155187933082, - 0.33565287809798605, - 0.9182266647346476, - 0.5247051507004418, - 0.31259259222071545, - 0.8484141855362272, - 0.9248247895847578, - 0.9130503505343021, - 0.8893010063291097, - 0.4750004550247845, - 0.838049070535391, - 0.8426288927025485, - 0.2786253977087748, - 0.20462318655337053, - 0.9965387308370947, - 0.9493060194467382, - 0.8920067583374732, - 0.44735070559439516, - 0.9248004784731031, - 0.46490883484779133, - 0.5493404832139482, - 0.7843198347723256, - 0.4451826325745174, - 0.78448673856425, - 0.17349182194222867, - 0.978672236721159, - 0.5935326686784564, - 0.11302909540285944, - 0.31027535201012657, - 0.9266138685045716, - 0.5273841740380759, - 0.03935394766999745, - 0.7781806331854143, - 0.21081513673465901, - 0.8896526695710997, - 0.06053906281651189, - 0.3395521274161133, - 0.2509535928441282, - 0.24171465947327708, - 0.6936326461178184, - 0.1633100283168215, - 0.07351452803318526, - 0.3046387931046093, - 0.6518376901417654, - 0.4184025039079443, - 0.3767987410475996, - 0.8131902275394393, - 0.8600646688365299, - 0.484462901269085, - 0.43618447218964296, - 0.2855988935813657, - 0.23780650117452695, - 0.6136992572150703, - 0.851163820925772, - 0.22534898880990228, - 0.6507831047281794, - 0.005105206816600871, - 0.5698116361669108, - 0.6029682876916546, - 0.14172093919148898, - 0.9959420792479534, - 0.5173318319239534, - 0.1553539670309001, - 0.9047253009706653, - 0.15756928263699677, - 0.8616689072300551, - 0.9992406863094668, - 0.17537999477370592, - 0.8472385628118748, - 0.502972320495985, - 0.27419112489624375, - 0.8214360012151865, - 0.8080997908198319, - 0.9458358076592017, - 0.06656837679524052, - 0.9097215393173373, - 0.33203491336929725, - 0.019366112044195805, - 0.1605792542725728, - 0.034044929922923406, - 0.9072017309484885, - 0.5490186141282825, - 0.11566890665382601, - 0.46806584833337705, - 0.5697093064743164, - 0.4290130690308668, - 0.9155558781650437, - 0.3196546055828392, - 0.40530627131657937, - 0.19768889416201418, - 0.39666598545379295, - 0.7726375218804635, - 0.5441972457426364, - 0.9964260718785181, - 0.6070920456424234, - 0.5651188017919869, - 0.7319297759615058, - 0.8898939116237751, - 0.4701124723950183, - 0.6592937522429916, - 0.8171562957102098, - 0.35112272528895083, - 0.5569485058216737, - 0.8912359217740919, - 0.06694540722263465, - 0.8748995038074331, - 0.8251777261557551, - 0.7412296730844146, - 0.9925419509041669, - 0.4994244502957439 - ], - "yaxis": "y10" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 0, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 0, - 0, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 0, - 1, - 0, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 0, - 0, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 0, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 0, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 1, - 0, - 1, - 1, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 0, - 1, - 0, - 1, - 1, - 1, - 0, - 0, - 1, - 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 0, - 1, - 1 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "Deck_Unkown", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_Unkown=0
shap=-1.873", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_Unkown=0
shap=-1.676", - "index=Palsson, Master. Gosta Leonard
Deck_Unkown=1
shap=0.346", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_Unkown=1
shap=0.84", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_Unkown=1
shap=0.826", - "index=Saundercock, Mr. William Henry
Deck_Unkown=1
shap=0.464", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_Unkown=1
shap=0.756", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_Unkown=1
shap=0.797", - "index=Glynn, Miss. Mary Agatha
Deck_Unkown=1
shap=0.831", - "index=Meyer, Mr. Edgar Joseph
Deck_Unkown=1
shap=2.398", - "index=Kraeff, Mr. Theodor
Deck_Unkown=1
shap=0.49", - "index=Devaney, Miss. Margaret Delia
Deck_Unkown=1
shap=0.882", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_Unkown=1
shap=0.802", - "index=Rugg, Miss. Emily
Deck_Unkown=1
shap=0.841", - "index=Harris, Mr. Henry Birkhardt
Deck_Unkown=0
shap=-0.457", - "index=Skoog, Master. Harald
Deck_Unkown=1
shap=0.34", - "index=Kink, Mr. Vincenz
Deck_Unkown=1
shap=0.53", - "index=Hood, Mr. Ambrose Jr
Deck_Unkown=1
shap=0.464", - "index=Ilett, Miss. Bertha
Deck_Unkown=1
shap=0.841", - "index=Ford, Mr. William Neal
Deck_Unkown=1
shap=0.409", - "index=Christmann, Mr. Emil
Deck_Unkown=1
shap=0.453", - "index=Andreasson, Mr. Paul Edvin
Deck_Unkown=1
shap=0.464", - "index=Chaffee, Mr. Herbert Fuller
Deck_Unkown=0
shap=-0.471", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_Unkown=1
shap=0.45", - "index=White, Mr. Richard Frasar
Deck_Unkown=0
shap=-0.299", - "index=Rekic, Mr. Tido
Deck_Unkown=1
shap=0.627", - "index=Moran, Miss. Bertha
Deck_Unkown=1
shap=0.826", - "index=Barton, Mr. David John
Deck_Unkown=1
shap=0.464", - "index=Jussila, Miss. Katriina
Deck_Unkown=1
shap=0.802", - "index=Pekoniemi, Mr. Edvard
Deck_Unkown=1
shap=0.464", - "index=Turpin, Mr. William John Robert
Deck_Unkown=1
shap=0.501", - "index=Moore, Mr. Leonard Charles
Deck_Unkown=1
shap=0.45", - "index=Osen, Mr. Olaf Elon
Deck_Unkown=1
shap=0.464", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_Unkown=1
shap=0.46", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_Unkown=0
shap=-0.146", - "index=Bateman, Rev. Robert James
Deck_Unkown=1
shap=0.627", - "index=Meo, Mr. Alfonzo
Deck_Unkown=1
shap=0.627", - "index=Cribb, Mr. John Hatfield
Deck_Unkown=1
shap=0.622", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_Unkown=0
shap=-0.797", - "index=Van der hoef, Mr. Wyckoff
Deck_Unkown=0
shap=-0.437", - "index=Sivola, Mr. Antti Wilhelm
Deck_Unkown=1
shap=0.464", - "index=Klasen, Mr. Klas Albin
Deck_Unkown=1
shap=0.517", - "index=Rood, Mr. Hugh Roscoe
Deck_Unkown=0
shap=-0.287", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_Unkown=1
shap=0.836", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_Unkown=0
shap=-2.15", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_Unkown=1
shap=0.453", - "index=Backstrom, Mr. Karl Alfred
Deck_Unkown=1
shap=0.501", - "index=Blank, Mr. Henry
Deck_Unkown=0
shap=-0.878", - "index=Ali, Mr. Ahmed
Deck_Unkown=1
shap=0.464", - "index=Green, Mr. George Henry
Deck_Unkown=1
shap=0.627", - "index=Nenkoff, Mr. Christo
Deck_Unkown=1
shap=0.45", - "index=Asplund, Miss. Lillian Gertrud
Deck_Unkown=1
shap=0.44", - "index=Harknett, Miss. Alice Phoebe
Deck_Unkown=1
shap=0.756", - "index=Hunt, Mr. George Henry
Deck_Unkown=1
shap=0.602", - "index=Reed, Mr. James George
Deck_Unkown=1
shap=0.45", - "index=Stead, Mr. William Thomas
Deck_Unkown=0
shap=-0.489", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_Unkown=1
shap=4.293", - "index=Parrish, Mrs. (Lutie Davis)
Deck_Unkown=1
shap=1.337", - "index=Smith, Mr. Thomas
Deck_Unkown=1
shap=0.49", - "index=Asplund, Master. Edvin Rojj Felix
Deck_Unkown=1
shap=0.358", - "index=Healy, Miss. Hanora \"Nora\"
Deck_Unkown=1
shap=0.831", - "index=Andrews, Miss. Kornelia Theodosia
Deck_Unkown=0
shap=-1.75", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_Unkown=1
shap=1.31", - "index=Smith, Mr. Richard William
Deck_Unkown=0
shap=-0.287", - "index=Connolly, Miss. Kate
Deck_Unkown=1
shap=0.882", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_Unkown=0
shap=-0.57", - "index=Levy, Mr. Rene Jacques
Deck_Unkown=0
shap=-0.156", - "index=Lewy, Mr. Ervin G
Deck_Unkown=1
shap=1.728", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_Unkown=1
shap=0.45", - "index=Sage, Mr. George John Jr
Deck_Unkown=1
shap=0.34", - "index=Nysveen, Mr. Johan Hansen
Deck_Unkown=1
shap=0.627", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_Unkown=1
shap=3.927", - "index=Denkoff, Mr. Mitto
Deck_Unkown=1
shap=0.45", - "index=Burns, Miss. Elizabeth Margaret
Deck_Unkown=0
shap=-2.608", - "index=Dimic, Mr. Jovan
Deck_Unkown=1
shap=0.627", - "index=del Carlo, Mr. Sebastiano
Deck_Unkown=1
shap=0.542", - "index=Beavan, Mr. William Thomas
Deck_Unkown=1
shap=0.464", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_Unkown=1
shap=4.357", - "index=Widener, Mr. Harry Elkins
Deck_Unkown=0
shap=-0.472", - "index=Gustafsson, Mr. Karl Gideon
Deck_Unkown=1
shap=0.464", - "index=Plotcharsky, Mr. Vasil
Deck_Unkown=1
shap=0.45", - "index=Goodwin, Master. Sidney Leonard
Deck_Unkown=1
shap=0.34", - "index=Sadlier, Mr. Matthew
Deck_Unkown=1
shap=0.49", - "index=Gustafsson, Mr. Johan Birger
Deck_Unkown=1
shap=0.53", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_Unkown=0
shap=-0.187", - "index=Niskanen, Mr. Juha
Deck_Unkown=1
shap=0.706", - "index=Minahan, Miss. Daisy E
Deck_Unkown=0
shap=-1.724", - "index=Matthews, Mr. William John
Deck_Unkown=1
shap=0.453", - "index=Charters, Mr. David
Deck_Unkown=1
shap=0.505", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_Unkown=1
shap=0.841", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_Unkown=1
shap=1.31", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_Unkown=1
shap=0.483", - "index=Peuchen, Major. Arthur Godfrey
Deck_Unkown=0
shap=-0.666", - "index=Anderson, Mr. Harry
Deck_Unkown=0
shap=-0.681", - "index=Milling, Mr. Jacob Christian
Deck_Unkown=1
shap=0.627", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_Unkown=1
shap=1.204", - "index=Karlsson, Mr. Nils August
Deck_Unkown=1
shap=0.464", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_Unkown=1
shap=0.45", - "index=Bishop, Mr. Dickinson H
Deck_Unkown=0
shap=-0.282", - "index=Windelov, Mr. Einar
Deck_Unkown=1
shap=0.464", - "index=Shellard, Mr. Frederick William
Deck_Unkown=1
shap=0.45", - "index=Svensson, Mr. Olof
Deck_Unkown=1
shap=0.464", - "index=O'Sullivan, Miss. Bridget Mary
Deck_Unkown=1
shap=0.797", - "index=Laitinen, Miss. Kristina Sofia
Deck_Unkown=1
shap=1.308", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_Unkown=0
shap=-0.511", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_Unkown=1
shap=1.563", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_Unkown=1
shap=1.267", - "index=Kassem, Mr. Fared
Deck_Unkown=1
shap=0.49", - "index=Cacic, Miss. Marija
Deck_Unkown=1
shap=0.77", - "index=Hart, Miss. Eva Miriam
Deck_Unkown=1
shap=0.826", - "index=Butt, Major. Archibald Willingham
Deck_Unkown=0
shap=-0.437", - "index=Beane, Mr. Edward
Deck_Unkown=1
shap=0.535", - "index=Goldsmith, Mr. Frank John
Deck_Unkown=1
shap=0.629", - "index=Ohman, Miss. Velin
Deck_Unkown=1
shap=0.841", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_Unkown=0
shap=-2.022", - "index=Morrow, Mr. Thomas Rowan
Deck_Unkown=1
shap=0.49", - "index=Harris, Mr. George
Deck_Unkown=1
shap=0.706", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_Unkown=0
shap=-1.629", - "index=Patchett, Mr. George
Deck_Unkown=1
shap=0.464", - "index=Ross, Mr. John Hugo
Deck_Unkown=0
shap=-0.701", - "index=Murdlin, Mr. Joseph
Deck_Unkown=1
shap=0.45", - "index=Bourke, Miss. Mary
Deck_Unkown=1
shap=0.823", - "index=Boulos, Mr. Hanna
Deck_Unkown=1
shap=0.49", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_Unkown=0
shap=-0.845", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_Unkown=1
shap=3.589", - "index=Lindell, Mr. Edvard Bengtsson
Deck_Unkown=1
shap=0.649", - "index=Daniel, Mr. Robert Williams
Deck_Unkown=1
shap=1.587", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_Unkown=1
shap=0.873", - "index=Shutes, Miss. Elizabeth W
Deck_Unkown=0
shap=-2.336", - "index=Jardin, Mr. Jose Neto
Deck_Unkown=1
shap=0.45", - "index=Horgan, Mr. John
Deck_Unkown=1
shap=0.49", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_Unkown=1
shap=0.765", - "index=Yasbeck, Mr. Antoni
Deck_Unkown=1
shap=0.542", - "index=Bostandyeff, Mr. Guentcho
Deck_Unkown=1
shap=0.453", - "index=Lundahl, Mr. Johan Svensson
Deck_Unkown=1
shap=0.627", - "index=Stahelin-Maeglin, Dr. Max
Deck_Unkown=0
shap=-0.254", - "index=Willey, Mr. Edward
Deck_Unkown=1
shap=0.45", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_Unkown=1
shap=0.841", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_Unkown=1
shap=0.848", - "index=Eitemiller, Mr. George Floyd
Deck_Unkown=1
shap=0.464", - "index=Colley, Mr. Edward Pomeroy
Deck_Unkown=0
shap=-0.504", - "index=Coleff, Mr. Peju
Deck_Unkown=1
shap=0.627", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_Unkown=1
shap=1.31", - "index=Davidson, Mr. Thornton
Deck_Unkown=0
shap=-0.247", - "index=Turja, Miss. Anna Sofia
Deck_Unkown=1
shap=0.841", - "index=Hassab, Mr. Hammad
Deck_Unkown=0
shap=-0.536", - "index=Goodwin, Mr. Charles Edward
Deck_Unkown=1
shap=0.34", - "index=Panula, Mr. Jaako Arnold
Deck_Unkown=1
shap=0.343", - "index=Fischer, Mr. Eberhard Thelander
Deck_Unkown=1
shap=0.464", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_Unkown=0
shap=-0.137", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_Unkown=0
shap=-0.954", - "index=Hansen, Mr. Henrik Juul
Deck_Unkown=1
shap=0.501", - "index=Calderhead, Mr. Edward Pennington
Deck_Unkown=0
shap=-0.681", - "index=Klaber, Mr. Herman
Deck_Unkown=0
shap=-0.273", - "index=Taylor, Mr. Elmer Zebley
Deck_Unkown=0
shap=-0.634", - "index=Larsson, Mr. August Viktor
Deck_Unkown=1
shap=0.453", - "index=Greenberg, Mr. Samuel
Deck_Unkown=1
shap=0.627", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_Unkown=0
shap=-0.169", - "index=McEvoy, Mr. Michael
Deck_Unkown=1
shap=0.49", - "index=Johnson, Mr. Malkolm Joackim
Deck_Unkown=1
shap=0.602", - "index=Gillespie, Mr. William Henry
Deck_Unkown=1
shap=0.602", - "index=Allen, Miss. Elisabeth Walton
Deck_Unkown=0
shap=-0.511", - "index=Berriman, Mr. William John
Deck_Unkown=1
shap=0.464", - "index=Troupiansky, Mr. Moses Aaron
Deck_Unkown=1
shap=0.464", - "index=Williams, Mr. Leslie
Deck_Unkown=1
shap=0.453", - "index=Ivanoff, Mr. Kanio
Deck_Unkown=1
shap=0.45", - "index=McNamee, Mr. Neal
Deck_Unkown=1
shap=0.512", - "index=Connaghton, Mr. Michael
Deck_Unkown=1
shap=0.494", - "index=Carlsson, Mr. August Sigfrid
Deck_Unkown=1
shap=0.453", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_Unkown=0
shap=-1.959", - "index=Eklund, Mr. Hans Linus
Deck_Unkown=1
shap=0.464", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_Unkown=0
shap=-1.75", - "index=Moran, Mr. Daniel J
Deck_Unkown=1
shap=0.539", - "index=Lievens, Mr. Rene Aime
Deck_Unkown=1
shap=0.464", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_Unkown=0
shap=-1.929", - "index=Ayoub, Miss. Banoura
Deck_Unkown=1
shap=0.831", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_Unkown=0
shap=-0.528", - "index=Johnston, Mr. Andrew G
Deck_Unkown=1
shap=0.485", - "index=Ali, Mr. William
Deck_Unkown=1
shap=0.453", - "index=Sjoblom, Miss. Anna Sofia
Deck_Unkown=1
shap=0.841", - "index=Guggenheim, Mr. Benjamin
Deck_Unkown=0
shap=-0.479", - "index=Leader, Dr. Alice (Farnham)
Deck_Unkown=0
shap=-2.41", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_Unkown=1
shap=0.842", - "index=Carter, Master. William Thornton II
Deck_Unkown=0
shap=-0.328", - "index=Thomas, Master. Assad Alexander
Deck_Unkown=1
shap=0.528", - "index=Johansson, Mr. Karl Johan
Deck_Unkown=1
shap=0.453", - "index=Slemen, Mr. Richard James
Deck_Unkown=1
shap=0.627", - "index=Tomlin, Mr. Ernest Portage
Deck_Unkown=1
shap=0.453", - "index=McCormack, Mr. Thomas Joseph
Deck_Unkown=1
shap=0.524", - "index=Richards, Master. George Sibley
Deck_Unkown=1
shap=0.536", - "index=Mudd, Mr. Thomas Charles
Deck_Unkown=1
shap=0.464", - "index=Lemberopolous, Mr. Peter L
Deck_Unkown=1
shap=0.643", - "index=Sage, Mr. Douglas Bullen
Deck_Unkown=1
shap=0.34", - "index=Boulos, Miss. Nourelain
Deck_Unkown=1
shap=0.825", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_Unkown=1
shap=0.827", - "index=Razi, Mr. Raihed
Deck_Unkown=1
shap=0.49", - "index=Johnson, Master. Harold Theodor
Deck_Unkown=1
shap=0.536", - "index=Carlsson, Mr. Frans Olof
Deck_Unkown=0
shap=-0.412", - "index=Gustafsson, Mr. Alfred Ossian
Deck_Unkown=1
shap=0.464", - "index=Montvila, Rev. Juozas
Deck_Unkown=1
shap=0.453" - ], - "type": "scatter", - "x": [ - -1.873139911158609, - -1.6756694399807688, - 0.3456479463683829, - 0.8400448258652448, - 0.8260168693711744, - 0.4640849833210736, - 0.7562688023825491, - 0.7965418378810821, - 0.831133551135962, - 2.3979313323455966, - 0.4904147790510863, - 0.8815403213872021, - 0.8015588908690009, - 0.8406417761832529, - -0.45654699850726416, - 0.33975424972723456, - 0.5299981458583303, - 0.4640849833210736, - 0.8406417761832529, - 0.40907424953871885, - 0.4532655202241127, - 0.4640849833210736, - -0.47061356924525816, - 0.44951623384713735, - -0.29915289273718526, - 0.6267319800582285, - 0.8260168693711744, - 0.4640849833210736, - 0.8015588908690009, - 0.4640849833210736, - 0.5013520598190913, - 0.44951623384713735, - 0.4640849833210736, - 0.46043800028849186, - -0.14640659525872415, - 0.6267319800582285, - 0.6267319800582285, - 0.6221644222517733, - -0.7967570802174402, - -0.4373040675508746, - 0.4640849833210736, - 0.5169180633596144, - -0.2867013529930974, - 0.835525094418465, - -2.150383709616099, - 0.4532655202241127, - 0.5013520598190913, - -0.878029958435961, - 0.4640849833210736, - 0.6267319800582285, - 0.44951623384713735, - 0.4403651048265536, - 0.7562688023825491, - 0.6020050724477397, - 0.44951623384713735, - -0.4894732503552128, - 4.292965792997443, - 1.336916939564511, - 0.4904147790510863, - 0.3576698376125069, - 0.831133551135962, - -1.7498597652587526, - 1.3101192586023769, - -0.2867013529930974, - 0.8815403213872021, - -0.5702955718720344, - -0.15616052239879277, - 1.7284335297572069, - 0.44951623384713735, - 0.33975424972723456, - 0.6267319800582285, - 3.9268793270306617, - 0.44951623384713735, - -2.607887004870212, - 0.6267319800582285, - 0.5422506050230405, - 0.4640849833210736, - 4.356875022981984, - -0.4718308157826296, - 0.4640849833210736, - 0.44951623384713735, - 0.33975424972723456, - 0.4904147790510863, - 0.5299981458583303, - -0.18733955801146168, - 0.7060352414720477, - -1.7239525086056133, - 0.4532655202241127, - 0.5049835285250228, - 0.8406417761832529, - 1.3101192586023769, - 0.48348243739660135, - -0.6664929165201268, - -0.6805594872581209, - 0.6267319800582285, - 1.2040423674144254, - 0.4640849833210736, - 0.44951623384713735, - -0.28210230738608877, - 0.4640849833210736, - 0.44951623384713735, - 0.4640849833210736, - 0.7971673475864981, - 1.3080486043992074, - -0.511196130649408, - 1.5629170670635049, - 1.266826571863994, - 0.4904147790510863, - 0.7702394395572586, - 0.8260741886905351, - -0.4373040675508746, - 0.5353182633685554, - 0.6286758983425274, - 0.8406417761832529, - -2.022366836641415, - 0.4904147790510863, - 0.7060352414720477, - -1.6294192197085164, - 0.4640849833210736, - -0.7010102922710468, - 0.44951623384713735, - 0.8225003684127429, - 0.4904147790510863, - -0.8451037065880127, - 3.588817619345097, - 0.6486562655094539, - 1.5870869785505497, - 0.8731972387154123, - -2.3362262084143883, - 0.44951623384713735, - 0.4904147790510863, - 0.7651227577924707, - 0.5422506050230405, - 0.4532655202241127, - 0.6267319800582285, - -0.25379040995143903, - 0.44951623384713735, - 0.8406417761832529, - 0.847574117837738, - 0.4640849833210736, - -0.5035398210932068, - 0.6267319800582285, - 1.3101192586023769, - -0.24671238236994997, - 0.8406417761832529, - -0.535717365045531, - 0.33975424972723456, - 0.34336701172783335, - 0.4640849833210736, - -0.13733444565827468, - -0.953608541848164, - 0.5013520598190913, - -0.6805594872581209, - -0.2726347822551033, - -0.6335666646721784, - 0.4532655202241127, - 0.6267319800582285, - -0.16902083004465085, - 0.4904147790510863, - 0.6020050724477397, - 0.6020050724477397, - -0.5108187258766225, - 0.4640849833210736, - 0.4640849833210736, - 0.4532655202241127, - 0.44951623384713735, - 0.5121715229160522, - 0.4941640654280618, - 0.4532655202241127, - -1.9592755199434604, - 0.4640849833210736, - -1.7498597652587526, - 0.538501318646065, - 0.4640849833210736, - -1.928907416525474, - 0.831133551135962, - -0.5283747847523911, - 0.4850713727585586, - 0.4532655202241127, - 0.8406417761832529, - -0.4792248546705179, - -2.4104165336923717, - 0.842381648080318, - -0.3283134253100024, - 0.5279633189185526, - 0.4532655202241127, - 0.6267319800582285, - 0.4532655202241127, - 0.5243809826005505, - 0.5363155174351419, - 0.4640849833210736, - 0.6429036176516887, - 0.33975424972723456, - 0.8248371906278161, - 0.8273008533394358, - 0.4904147790510863, - 0.5363155174351419, - -0.41152567577273436, - 0.4640849833210736, - 0.4532655202241127 - ], - "xaxis": "x11", - "y": [ - 0.2670865060102072, - 0.22371033462779022, - 0.6598306044152064, - 0.5721234469388673, - 0.22986896163966997, - 0.7210615185131548, - 0.40883716953694227, - 0.43886506738012854, - 0.7638311203646907, - 0.3314510665969044, - 0.28898689879788453, - 0.4797292005653009, - 0.8730825202899976, - 0.24990226657533232, - 0.09431236025220746, - 0.8879802989083957, - 0.5074760127463984, - 0.3910237349506832, - 0.543580589506611, - 0.11730417585187214, - 0.5219823715363666, - 0.8679763164805814, - 0.34350717588626, - 0.4995667527527041, - 0.597673959556947, - 0.39217861165638246, - 0.4424899900302781, - 0.5137863460615227, - 0.6453922311028427, - 0.49208880071596783, - 0.3156422099573818, - 0.8038594980009187, - 0.595785273093057, - 0.8004107943912234, - 0.8713734772625155, - 0.9345403230132744, - 0.39263408714836245, - 0.9134762587707542, - 0.7705464566289139, - 0.9320550839954949, - 0.10496571641338925, - 0.37175754577384, - 0.15794718533644603, - 0.36012946912719823, - 0.09520020698371434, - 0.16908747039438865, - 0.19374257649793514, - 0.5835963296782999, - 0.9192339096438283, - 0.09995399488241785, - 0.633714297097729, - 0.262183979767466, - 0.07318148088711285, - 0.6035965480800868, - 0.525550593643746, - 0.6735529270073182, - 0.3580765374737279, - 0.020923818512947667, - 0.24963742338167094, - 0.6195817359092136, - 0.23361621851729508, - 0.5107609392333022, - 0.10228490639475973, - 0.09949364103077185, - 0.2111551867221313, - 0.21747928527838278, - 0.6558489781554037, - 0.9439014710702598, - 0.26538658728579745, - 0.31338386194213297, - 0.7496657157762162, - 0.9955708580828186, - 0.278349817468148, - 0.7114127661251299, - 0.29712751225511425, - 0.951439074687773, - 0.588601350076782, - 0.7433238757752241, - 0.6032180796511881, - 0.3018226603695038, - 0.5824232840335073, - 0.20408764098694687, - 0.708458839778837, - 0.9122513742615711, - 0.7726247487493841, - 0.21433674055241836, - 0.6027018743756024, - 0.3277334158819327, - 0.018637999130166394, - 0.12876460151512414, - 0.40777399171845785, - 0.7767582188889977, - 0.41273506859472886, - 0.36434623273010314, - 0.5997589414832389, - 0.05118046528476128, - 0.9422156585189027, - 0.7297534795216236, - 0.24756039183382328, - 0.3180628339383669, - 0.8663462831837335, - 0.7939025624986558, - 0.711423704489639, - 0.7234540511407656, - 0.12783242186448462, - 0.9669420226208421, - 0.6645095357617679, - 0.3503409280954346, - 0.5467237746408766, - 0.7538548316815671, - 0.03154425952901363, - 0.49605835129860765, - 0.15334401325577063, - 0.3724118609195064, - 0.8314146155585042, - 0.7545202700003786, - 0.9481214269372434, - 0.302483839401283, - 0.49232511439864224, - 0.15586724581421207, - 0.4314498286853581, - 0.2623554744751144, - 0.3296563057817802, - 0.3225232478802066, - 0.1124017110383273, - 0.4389346000394664, - 0.7004795921126663, - 0.681489579386294, - 0.5141621616183031, - 0.47699494158824096, - 0.9593471167538697, - 0.9239416841166442, - 0.6238973189517583, - 0.1829980389897079, - 0.5627954550167588, - 0.09010311568428475, - 0.3719360995464738, - 0.4165097312759066, - 0.7368753693564848, - 0.5189869222252955, - 0.08228762382321919, - 0.5772074326188479, - 0.5475158993806712, - 0.09572787169578967, - 0.23778134216314672, - 0.17906578486802405, - 0.14562953086993058, - 0.2932656957709643, - 0.8527161855429131, - 0.592965066320781, - 0.3593008284010767, - 0.4896582245430773, - 0.021630101716979433, - 0.6778241715828378, - 0.7942454703624205, - 0.9684855963482539, - 0.9872545195679057, - 0.9156819595513273, - 0.6419713713381364, - 0.965272120344998, - 0.4364388721458131, - 0.3215825725361925, - 0.7348154907655425, - 0.8685975297312357, - 0.8634587722807436, - 0.910877736976409, - 0.13760642433692682, - 0.995228645922444, - 0.595115510360943, - 0.2527730925972157, - 0.6512912192672743, - 0.49227226421875514, - 0.81004079548856, - 0.4190418659539358, - 0.4116114552134196, - 0.5765384555613694, - 0.44639527371299603, - 0.10096789438715392, - 0.4349120441863288, - 0.5223391681618679, - 0.18117290166532385, - 0.3872004086835531, - 0.8030401652146755, - 0.5223396195634873, - 0.9358048150011546, - 0.9057326646298524, - 0.5234452859972711, - 0.5552908958010239, - 0.7624675885652684, - 0.35626498515219973, - 0.6172965152556417, - 0.3204700998713863, - 0.6054875968609696, - 0.6733890377743355, - 0.18009907928542468, - 0.4218511445128409, - 0.6162270179179796, - 0.9249356150598615, - 0.5708935703044608, - 0.3599645358024055 - ], - "yaxis": "y11" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 1, - 1, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "Deck_C", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_C=1
shap=2.44", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_C=1
shap=2.947", - "index=Palsson, Master. Gosta Leonard
Deck_C=0
shap=-0.226", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_C=0
shap=-0.299", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_C=0
shap=-0.193", - "index=Saundercock, Mr. William Henry
Deck_C=0
shap=-0.289", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_C=0
shap=-0.268", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_C=0
shap=-0.205", - "index=Glynn, Miss. Mary Agatha
Deck_C=0
shap=-0.217", - "index=Meyer, Mr. Edgar Joseph
Deck_C=0
shap=-1.152", - "index=Kraeff, Mr. Theodor
Deck_C=0
shap=-0.249", - "index=Devaney, Miss. Margaret Delia
Deck_C=0
shap=-0.219", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_C=0
shap=-0.267", - "index=Rugg, Miss. Emily
Deck_C=0
shap=-0.236", - "index=Harris, Mr. Henry Birkhardt
Deck_C=1
shap=3.859", - "index=Skoog, Master. Harald
Deck_C=0
shap=-0.226", - "index=Kink, Mr. Vincenz
Deck_C=0
shap=-0.29", - "index=Hood, Mr. Ambrose Jr
Deck_C=0
shap=-0.289", - "index=Ilett, Miss. Bertha
Deck_C=0
shap=-0.236", - "index=Ford, Mr. William Neal
Deck_C=0
shap=-0.224", - "index=Christmann, Mr. Emil
Deck_C=0
shap=-0.288", - "index=Andreasson, Mr. Paul Edvin
Deck_C=0
shap=-0.289", - "index=Chaffee, Mr. Herbert Fuller
Deck_C=0
shap=-1.522", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_C=0
shap=-0.307", - "index=White, Mr. Richard Frasar
Deck_C=0
shap=-2.095", - "index=Rekic, Mr. Tido
Deck_C=0
shap=-0.285", - "index=Moran, Miss. Bertha
Deck_C=0
shap=-0.216", - "index=Barton, Mr. David John
Deck_C=0
shap=-0.289", - "index=Jussila, Miss. Katriina
Deck_C=0
shap=-0.267", - "index=Pekoniemi, Mr. Edvard
Deck_C=0
shap=-0.289", - "index=Turpin, Mr. William John Robert
Deck_C=0
shap=-0.291", - "index=Moore, Mr. Leonard Charles
Deck_C=0
shap=-0.307", - "index=Osen, Mr. Olaf Elon
Deck_C=0
shap=-0.286", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_C=0
shap=-0.213", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_C=0
shap=-0.327", - "index=Bateman, Rev. Robert James
Deck_C=0
shap=-0.269", - "index=Meo, Mr. Alfonzo
Deck_C=0
shap=-0.258", - "index=Cribb, Mr. John Hatfield
Deck_C=0
shap=-0.31", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_C=0
shap=-1.809", - "index=Van der hoef, Mr. Wyckoff
Deck_C=0
shap=-1.225", - "index=Sivola, Mr. Antti Wilhelm
Deck_C=0
shap=-0.289", - "index=Klasen, Mr. Klas Albin
Deck_C=0
shap=-0.323", - "index=Rood, Mr. Hugh Roscoe
Deck_C=0
shap=-1.946", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_C=0
shap=-0.237", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_C=0
shap=-0.838", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_C=0
shap=-0.288", - "index=Backstrom, Mr. Karl Alfred
Deck_C=0
shap=-0.291", - "index=Blank, Mr. Henry
Deck_C=0
shap=-0.929", - "index=Ali, Mr. Ahmed
Deck_C=0
shap=-0.289", - "index=Green, Mr. George Henry
Deck_C=0
shap=-0.269", - "index=Nenkoff, Mr. Christo
Deck_C=0
shap=-0.307", - "index=Asplund, Miss. Lillian Gertrud
Deck_C=0
shap=-0.196", - "index=Harknett, Miss. Alice Phoebe
Deck_C=0
shap=-0.271", - "index=Hunt, Mr. George Henry
Deck_C=0
shap=-0.288", - "index=Reed, Mr. James George
Deck_C=0
shap=-0.307", - "index=Stead, Mr. William Thomas
Deck_C=1
shap=3.809", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_C=0
shap=-0.744", - "index=Parrish, Mrs. (Lutie Davis)
Deck_C=0
shap=-0.279", - "index=Smith, Mr. Thomas
Deck_C=0
shap=-0.279", - "index=Asplund, Master. Edvin Rojj Felix
Deck_C=0
shap=-0.211", - "index=Healy, Miss. Hanora \"Nora\"
Deck_C=0
shap=-0.217", - "index=Andrews, Miss. Kornelia Theodosia
Deck_C=0
shap=-1.072", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_C=0
shap=-0.293", - "index=Smith, Mr. Richard William
Deck_C=0
shap=-1.946", - "index=Connolly, Miss. Kate
Deck_C=0
shap=-0.219", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_C=0
shap=-0.729", - "index=Levy, Mr. Rene Jacques
Deck_C=0
shap=-0.233", - "index=Lewy, Mr. Ervin G
Deck_C=0
shap=-1.337", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_C=0
shap=-0.307", - "index=Sage, Mr. George John Jr
Deck_C=0
shap=-0.23", - "index=Nysveen, Mr. Johan Hansen
Deck_C=0
shap=-0.258", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_C=0
shap=-1.03", - "index=Denkoff, Mr. Mitto
Deck_C=0
shap=-0.307", - "index=Burns, Miss. Elizabeth Margaret
Deck_C=0
shap=-1.075", - "index=Dimic, Mr. Jovan
Deck_C=0
shap=-0.279", - "index=del Carlo, Mr. Sebastiano
Deck_C=0
shap=-0.233", - "index=Beavan, Mr. William Thomas
Deck_C=0
shap=-0.289", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_C=0
shap=-0.742", - "index=Widener, Mr. Harry Elkins
Deck_C=1
shap=3.408", - "index=Gustafsson, Mr. Karl Gideon
Deck_C=0
shap=-0.289", - "index=Plotcharsky, Mr. Vasil
Deck_C=0
shap=-0.307", - "index=Goodwin, Master. Sidney Leonard
Deck_C=0
shap=-0.226", - "index=Sadlier, Mr. Matthew
Deck_C=0
shap=-0.279", - "index=Gustafsson, Mr. Johan Birger
Deck_C=0
shap=-0.289", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_C=0
shap=-0.315", - "index=Niskanen, Mr. Juha
Deck_C=0
shap=-0.259", - "index=Minahan, Miss. Daisy E
Deck_C=1
shap=2.469", - "index=Matthews, Mr. William John
Deck_C=0
shap=-0.288", - "index=Charters, Mr. David
Deck_C=0
shap=-0.26", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_C=0
shap=-0.236", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_C=0
shap=-0.29", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_C=0
shap=-0.269", - "index=Peuchen, Major. Arthur Godfrey
Deck_C=1
shap=3.437", - "index=Anderson, Mr. Harry
Deck_C=0
shap=-1.239", - "index=Milling, Mr. Jacob Christian
Deck_C=0
shap=-0.269", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_C=0
shap=-0.298", - "index=Karlsson, Mr. Nils August
Deck_C=0
shap=-0.289", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_C=0
shap=-0.307", - "index=Bishop, Mr. Dickinson H
Deck_C=0
shap=-0.758", - "index=Windelov, Mr. Einar
Deck_C=0
shap=-0.289", - "index=Shellard, Mr. Frederick William
Deck_C=0
shap=-0.307", - "index=Svensson, Mr. Olof
Deck_C=0
shap=-0.289", - "index=O'Sullivan, Miss. Bridget Mary
Deck_C=0
shap=-0.251", - "index=Laitinen, Miss. Kristina Sofia
Deck_C=0
shap=-0.259", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_C=1
shap=2.735", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_C=0
shap=-1.525", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_C=0
shap=-0.236", - "index=Kassem, Mr. Fared
Deck_C=0
shap=-0.249", - "index=Cacic, Miss. Marija
Deck_C=0
shap=-0.265", - "index=Hart, Miss. Eva Miriam
Deck_C=0
shap=-0.293", - "index=Butt, Major. Archibald Willingham
Deck_C=0
shap=-1.338", - "index=Beane, Mr. Edward
Deck_C=0
shap=-0.261", - "index=Goldsmith, Mr. Frank John
Deck_C=0
shap=-0.317", - "index=Ohman, Miss. Velin
Deck_C=0
shap=-0.236", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_C=0
shap=-2.047", - "index=Morrow, Mr. Thomas Rowan
Deck_C=0
shap=-0.279", - "index=Harris, Mr. George
Deck_C=0
shap=-0.232", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_C=1
shap=3.009", - "index=Patchett, Mr. George
Deck_C=0
shap=-0.289", - "index=Ross, Mr. John Hugo
Deck_C=0
shap=-1.126", - "index=Murdlin, Mr. Joseph
Deck_C=0
shap=-0.307", - "index=Bourke, Miss. Mary
Deck_C=0
shap=-0.305", - "index=Boulos, Mr. Hanna
Deck_C=0
shap=-0.249", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_C=0
shap=-0.935", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_C=0
shap=-0.898", - "index=Lindell, Mr. Edvard Bengtsson
Deck_C=0
shap=-0.291", - "index=Daniel, Mr. Robert Williams
Deck_C=0
shap=-1.398", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_C=0
shap=-0.241", - "index=Shutes, Miss. Elizabeth W
Deck_C=1
shap=3.392", - "index=Jardin, Mr. Jose Neto
Deck_C=0
shap=-0.307", - "index=Horgan, Mr. John
Deck_C=0
shap=-0.279", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_C=0
shap=-0.267", - "index=Yasbeck, Mr. Antoni
Deck_C=0
shap=-0.234", - "index=Bostandyeff, Mr. Guentcho
Deck_C=0
shap=-0.289", - "index=Lundahl, Mr. Johan Svensson
Deck_C=0
shap=-0.269", - "index=Stahelin-Maeglin, Dr. Max
Deck_C=0
shap=-0.762", - "index=Willey, Mr. Edward
Deck_C=0
shap=-0.307", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_C=0
shap=-0.236", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_C=0
shap=-0.246", - "index=Eitemiller, Mr. George Floyd
Deck_C=0
shap=-0.289", - "index=Colley, Mr. Edward Pomeroy
Deck_C=0
shap=-1.474", - "index=Coleff, Mr. Peju
Deck_C=0
shap=-0.288", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_C=0
shap=-0.306", - "index=Davidson, Mr. Thornton
Deck_C=0
shap=-1.567", - "index=Turja, Miss. Anna Sofia
Deck_C=0
shap=-0.236", - "index=Hassab, Mr. Hammad
Deck_C=0
shap=-0.926", - "index=Goodwin, Mr. Charles Edward
Deck_C=0
shap=-0.226", - "index=Panula, Mr. Jaako Arnold
Deck_C=0
shap=-0.226", - "index=Fischer, Mr. Eberhard Thelander
Deck_C=0
shap=-0.289", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_C=0
shap=-0.283", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_C=1
shap=2.074", - "index=Hansen, Mr. Henrik Juul
Deck_C=0
shap=-0.292", - "index=Calderhead, Mr. Edward Pennington
Deck_C=0
shap=-1.341", - "index=Klaber, Mr. Herman
Deck_C=1
shap=5.551", - "index=Taylor, Mr. Elmer Zebley
Deck_C=1
shap=3.235", - "index=Larsson, Mr. August Viktor
Deck_C=0
shap=-0.288", - "index=Greenberg, Mr. Samuel
Deck_C=0
shap=-0.269", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_C=0
shap=-0.247", - "index=McEvoy, Mr. Michael
Deck_C=0
shap=-0.279", - "index=Johnson, Mr. Malkolm Joackim
Deck_C=0
shap=-0.288", - "index=Gillespie, Mr. William Henry
Deck_C=0
shap=-0.288", - "index=Allen, Miss. Elisabeth Walton
Deck_C=0
shap=-1.034", - "index=Berriman, Mr. William John
Deck_C=0
shap=-0.289", - "index=Troupiansky, Mr. Moses Aaron
Deck_C=0
shap=-0.289", - "index=Williams, Mr. Leslie
Deck_C=0
shap=-0.288", - "index=Ivanoff, Mr. Kanio
Deck_C=0
shap=-0.307", - "index=McNamee, Mr. Neal
Deck_C=0
shap=-0.292", - "index=Connaghton, Mr. Michael
Deck_C=0
shap=-0.259", - "index=Carlsson, Mr. August Sigfrid
Deck_C=0
shap=-0.288", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_C=0
shap=-1.034", - "index=Eklund, Mr. Hans Linus
Deck_C=0
shap=-0.286", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_C=0
shap=-1.186", - "index=Moran, Mr. Daniel J
Deck_C=0
shap=-0.278", - "index=Lievens, Mr. Rene Aime
Deck_C=0
shap=-0.289", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_C=0
shap=-1.66", - "index=Ayoub, Miss. Banoura
Deck_C=0
shap=-0.192", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_C=0
shap=-1.039", - "index=Johnston, Mr. Andrew G
Deck_C=0
shap=-0.341", - "index=Ali, Mr. William
Deck_C=0
shap=-0.289", - "index=Sjoblom, Miss. Anna Sofia
Deck_C=0
shap=-0.236", - "index=Guggenheim, Mr. Benjamin
Deck_C=0
shap=-0.871", - "index=Leader, Dr. Alice (Farnham)
Deck_C=0
shap=-1.179", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_C=0
shap=-0.293", - "index=Carter, Master. William Thornton II
Deck_C=0
shap=-1.816", - "index=Thomas, Master. Assad Alexander
Deck_C=0
shap=-0.224", - "index=Johansson, Mr. Karl Johan
Deck_C=0
shap=-0.288", - "index=Slemen, Mr. Richard James
Deck_C=0
shap=-0.288", - "index=Tomlin, Mr. Ernest Portage
Deck_C=0
shap=-0.288", - "index=McCormack, Mr. Thomas Joseph
Deck_C=0
shap=-0.245", - "index=Richards, Master. George Sibley
Deck_C=0
shap=-0.302", - "index=Mudd, Mr. Thomas Charles
Deck_C=0
shap=-0.286", - "index=Lemberopolous, Mr. Peter L
Deck_C=0
shap=-0.229", - "index=Sage, Mr. Douglas Bullen
Deck_C=0
shap=-0.23", - "index=Boulos, Miss. Nourelain
Deck_C=0
shap=-0.26", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_C=0
shap=-0.292", - "index=Razi, Mr. Raihed
Deck_C=0
shap=-0.249", - "index=Johnson, Master. Harold Theodor
Deck_C=0
shap=-0.302", - "index=Carlsson, Mr. Frans Olof
Deck_C=0
shap=-1.577", - "index=Gustafsson, Mr. Alfred Ossian
Deck_C=0
shap=-0.289", - "index=Montvila, Rev. Juozas
Deck_C=0
shap=-0.289" - ], - "type": "scatter", - "x": [ - 2.440048945346341, - 2.947287275857428, - -0.225993548516881, - -0.29898022405368274, - -0.1927869168065955, - -0.2887096747793848, - -0.2677602985943949, - -0.20524449119629384, - -0.21660079480231248, - -1.1523097575807892, - -0.24894230234099762, - -0.218950912150652, - -0.26726536629961906, - -0.23588419387233917, - 3.8585048934964408, - -0.225993548516881, - -0.29028044181120016, - -0.2887096747793848, - -0.23588419387233917, - -0.2238187830071264, - -0.2876394464380902, - -0.2887096747793848, - -1.5221184918511805, - -0.30732118653612095, - -2.095057336733826, - -0.28542966412995274, - -0.21638969952706483, - -0.2887096747793848, - -0.26726536629961906, - -0.2887096747793848, - -0.2911125796889505, - -0.30732118653612095, - -0.2861172134355881, - -0.21335279361331683, - -0.32662429752418554, - -0.26861172237202025, - -0.25770996518279665, - -0.31015631592585685, - -1.8087244226801098, - -1.2245489098356959, - -0.2887096747793848, - -0.3229721261118508, - -1.9456229779721845, - -0.23688380382900787, - -0.8375720941491294, - -0.2876394464380902, - -0.2911125796889505, - -0.9289670152489187, - -0.2887096747793848, - -0.26861172237202025, - -0.30732118653612095, - -0.1962655196259297, - -0.2713614712360067, - -0.2876394464380902, - -0.30732118653612095, - 3.8089565269792325, - -0.7441833970339704, - -0.2791711116372779, - -0.27872515461525804, - -0.21074590995234907, - -0.21660079480231248, - -1.0718269844600001, - -0.292812237209301, - -1.9456229779721845, - -0.218950912150652, - -0.7286890330563063, - -0.23323017724726602, - -1.3373862147410653, - -0.30732118653612095, - -0.22995662334948833, - -0.25770996518279665, - -1.0299326830183075, - -0.30732118653612095, - -1.074830396481325, - -0.27887438028629186, - -0.23273369549382733, - -0.2887096747793848, - -0.7418781278776021, - 3.407620883131599, - -0.2887096747793848, - -0.30732118653612095, - -0.225993548516881, - -0.27872515461525804, - -0.28921021346990555, - -0.314585492889865, - -0.2592807536563234, - 2.468728908757984, - -0.2876394464380902, - -0.2601136428585221, - -0.23588419387233917, - -0.29038884402949144, - -0.26949379182411387, - 3.436515818862761, - -1.2385298481449123, - -0.26861172237202025, - -0.2984398263756469, - -0.2887096747793848, - -0.30732118653612095, - -0.7584242116767155, - -0.2887096747793848, - -0.30732118653612095, - -0.2887096747793848, - -0.2507915464278078, - -0.2590440353572216, - 2.7347164668381394, - -1.5248707444565404, - -0.23581357548771326, - -0.24894230234099762, - -0.26519552800165563, - -0.2930289340637315, - -1.338499581956001, - -0.26073101721833924, - -0.3172762609157564, - -0.23588419387233917, - -2.046880271525009, - -0.27872515461525804, - -0.23156105470916732, - 3.008897606560918, - -0.2887096747793848, - -1.1256132875662006, - -0.30732118653612095, - -0.30492036245405624, - -0.24894230234099762, - -0.9350878465314156, - -0.8981861798986812, - -0.2911125796889505, - -1.3980249496954973, - -0.24101532388062885, - 3.392333955367981, - -0.30732118653612095, - -0.27872515461525804, - -0.26726536629961906, - -0.23380392383512194, - -0.2887096747793848, - -0.26861172237202025, - -0.7621268044917178, - -0.30732118653612095, - -0.23588419387233917, - -0.24569583153475155, - -0.2887096747793848, - -1.473892479805241, - -0.2876394464380902, - -0.3059219328660117, - -1.566756197242907, - -0.23588419387233917, - -0.926184542788852, - -0.225993548516881, - -0.225993548516881, - -0.2887096747793848, - -0.28284399529059084, - 2.073980842673795, - -0.29218280803024516, - -1.3410279987089535, - 5.551156967459205, - 3.2353727067152995, - -0.2876394464380902, - -0.26861172237202025, - -0.24715341164551197, - -0.27872515461525804, - -0.2876394464380902, - -0.2876394464380902, - -1.0337239289890845, - -0.2887096747793848, - -0.2887096747793848, - -0.2876394464380902, - -0.30732118653612095, - -0.29218280803024516, - -0.25904341451722745, - -0.2876394464380902, - -1.0337239289890845, - -0.2861172134355881, - -1.1857776565803049, - -0.27784365453196735, - -0.2887096747793848, - -1.6597937734677797, - -0.1917873068499268, - -1.0389396077860844, - -0.34074706851628456, - -0.2887096747793848, - -0.23588419387233917, - -0.8712982764457189, - -1.1790778355800278, - -0.292812237209301, - -1.8157296981508937, - -0.2244633417489893, - -0.2876394464380902, - -0.2876394464380902, - -0.2876394464380902, - -0.24453440298976276, - -0.30195614459959197, - -0.2861172134355881, - -0.22926056224296704, - -0.22995662334948833, - -0.26036053753951893, - -0.29209113582744767, - -0.24894230234099762, - -0.30195614459959197, - -1.5769276109167292, - -0.2887096747793848, - -0.2887096747793848 - ], - "xaxis": "x12", - "y": [ - 0.2653320447027724, - 0.2686784130706359, - 0.9532643834025386, - 0.06181971513215101, - 0.23738744589843175, - 0.052526344243866485, - 0.08987524372535416, - 0.43844820304950916, - 0.288795114836935, - 0.5951344910356373, - 0.07060127988137432, - 0.220558235519833, - 0.378637666381057, - 0.6799015625798132, - 0.41226761587585803, - 0.46874963106148504, - 0.7755732340794246, - 0.7809457958256364, - 0.893662788362121, - 0.4246198670784349, - 0.1876568549026596, - 0.403408541348675, - 0.981524069832358, - 0.2310923660158558, - 0.23910713325505784, - 0.07182953606870812, - 0.21672858211604007, - 0.3445804522935516, - 0.9130184550721625, - 0.38967189272326974, - 0.33726315561261444, - 0.7511618381037213, - 0.17603772512531501, - 0.3828230685119799, - 0.6219386800716286, - 0.2948850940140597, - 0.4203684588992592, - 0.17108810430332066, - 0.3448064393997823, - 0.9370372068566633, - 0.20320663808208006, - 0.3537237666415425, - 0.06091387029743989, - 0.09951562353613785, - 0.1028696934397304, - 0.854522882329298, - 0.9653638737290268, - 0.9564876930617353, - 0.8357732877018422, - 0.6560987291295056, - 0.4784992872050061, - 0.821213197789503, - 0.8785495640801065, - 0.08838723794710324, - 0.16908809964790883, - 0.5590189615338402, - 0.8985557663222657, - 0.7729771176673396, - 0.5166683263922723, - 0.8178207765473358, - 0.7951635319531042, - 0.3707349029509037, - 0.4292613082616795, - 0.8240443213270131, - 0.4712712355774612, - 0.008533342889884499, - 0.0701713388717976, - 0.20729953975831616, - 0.9395109704189293, - 0.5181943553892536, - 0.3586186156303497, - 0.5771376500368144, - 0.24595406826500887, - 0.4488262089038466, - 0.9424091100184449, - 0.7579907025858075, - 0.9021272039870714, - 0.17152046403061705, - 0.49111711776263933, - 0.09235318139678472, - 0.4922965229784174, - 0.15098852577841504, - 0.9879995178153621, - 0.14629037587891025, - 0.979160831534031, - 0.06056237624283822, - 0.2910709113389046, - 0.39579230410921395, - 0.7951878361149465, - 0.008610106776075432, - 0.4109369530725102, - 0.5237011857851742, - 0.5084779316983171, - 0.15211063260993984, - 0.1714498729075692, - 0.9077968883066236, - 0.6729612384094719, - 0.566275097502793, - 0.6965582584762218, - 0.04769359013549057, - 0.5428528146476875, - 0.7446590469346688, - 0.3932421794635421, - 0.9139809291802904, - 0.32040273759756466, - 0.5480168126718127, - 0.6415042301087693, - 0.5589218540372093, - 0.3845751675996112, - 0.10080319280038708, - 0.9523387705542642, - 0.4208122355473035, - 0.043396003142094686, - 0.024693961707540457, - 0.986624102133609, - 0.8250283749409846, - 0.792839134851169, - 0.2662655878467527, - 0.4999081416551495, - 0.8959630749960025, - 0.7172107637786131, - 0.5864030272915375, - 0.6490443156691833, - 0.6945714384757378, - 0.18393452256918297, - 0.43740850794656416, - 0.2650310395831911, - 0.00957375418389661, - 0.02433150709941423, - 0.5648424510958537, - 0.13626974909572365, - 0.2827903996110196, - 0.5098085537007029, - 0.2747025840728976, - 0.3978452190544707, - 0.7860855747879695, - 0.789470301844046, - 0.8387441457920886, - 0.6902921094749138, - 0.09277171994654143, - 0.27923020648404595, - 0.7165446111697764, - 0.6444963684917803, - 0.1797756680323962, - 0.8381381068087853, - 0.23841022135174195, - 0.06134821839349747, - 0.9345261166008701, - 0.8249623512636293, - 0.8422482743440584, - 0.0008625646772858486, - 0.387330085957016, - 0.16272513822683532, - 0.6900820601841874, - 0.9414549324254627, - 0.5269362209641583, - 0.19813297908430938, - 0.9035527861587467, - 0.20798218559306436, - 0.5337776551143827, - 0.4201841897337665, - 0.5011229855570077, - 0.35127875823180343, - 0.8233566847680559, - 0.6733271058461715, - 0.10049624366122967, - 0.32506869195092847, - 0.9717074786534111, - 0.797958626899086, - 0.2761799637423298, - 0.4856421816449342, - 0.9170269837407886, - 0.4715148358579653, - 0.00905333100067418, - 0.9209864222511172, - 0.6885328994407782, - 0.8242797525975437, - 0.9001883231897235, - 0.24016399201072847, - 0.32112419877891696, - 0.6873447070761954, - 0.009535307166414375, - 0.30156679120732577, - 0.32244457058433784, - 0.9250238429852832, - 0.6059688922410787, - 0.7216196991532267, - 0.6062911002077225, - 0.24263230553465998, - 0.7449227655777751, - 0.20723612960673987, - 0.6803243400377265, - 0.5065868989894782, - 0.7849627859389294, - 0.46425842083368574, - 0.9056129852594207, - 0.9422112736699692, - 0.050292302109520626, - 0.5485436038250131, - 0.6727514167509757 - ], - "yaxis": "y12" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 1, - 1, - 3, - 0, - 1, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 1, - 0, - 1, - 3, - 2, - 0, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 1, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 4, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 4, - 0, - 1, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 8, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 5, - 0, - 2, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 1, - 0, - 0, - 2, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 1, - 0, - 1, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 5, - 4, - 0, - 0, - 1, - 1, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 1, - 1, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 8, - 1, - 0, - 0, - 1, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "No_of_siblings_plus_spouses_on_board", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
No_of_siblings_plus_spouses_on_board=1
shap=-0.556", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
No_of_siblings_plus_spouses_on_board=1
shap=-0.526", - "index=Palsson, Master. Gosta Leonard
No_of_siblings_plus_spouses_on_board=3
shap=0.324", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
No_of_siblings_plus_spouses_on_board=0
shap=-0.436", - "index=Nasser, Mrs. Nicholas (Adele Achem)
No_of_siblings_plus_spouses_on_board=1
shap=-0.073", - "index=Saundercock, Mr. William Henry
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Vestrom, Miss. Hulda Amanda Adolfina
No_of_siblings_plus_spouses_on_board=0
shap=-0.093", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
No_of_siblings_plus_spouses_on_board=1
shap=-0.463", - "index=Glynn, Miss. Mary Agatha
No_of_siblings_plus_spouses_on_board=0
shap=-0.102", - "index=Meyer, Mr. Edgar Joseph
No_of_siblings_plus_spouses_on_board=1
shap=0.55", - "index=Kraeff, Mr. Theodor
No_of_siblings_plus_spouses_on_board=0
shap=-0.127", - "index=Devaney, Miss. Margaret Delia
No_of_siblings_plus_spouses_on_board=0
shap=-0.093", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
No_of_siblings_plus_spouses_on_board=1
shap=0.033", - "index=Rugg, Miss. Emily
No_of_siblings_plus_spouses_on_board=0
shap=-0.086", - "index=Harris, Mr. Henry Birkhardt
No_of_siblings_plus_spouses_on_board=1
shap=1.084", - "index=Skoog, Master. Harald
No_of_siblings_plus_spouses_on_board=3
shap=0.34", - "index=Kink, Mr. Vincenz
No_of_siblings_plus_spouses_on_board=2
shap=0.629", - "index=Hood, Mr. Ambrose Jr
No_of_siblings_plus_spouses_on_board=0
shap=-0.126", - "index=Ilett, Miss. Bertha
No_of_siblings_plus_spouses_on_board=0
shap=-0.086", - "index=Ford, Mr. William Neal
No_of_siblings_plus_spouses_on_board=1
shap=-0.363", - "index=Christmann, Mr. Emil
No_of_siblings_plus_spouses_on_board=0
shap=-0.132", - "index=Andreasson, Mr. Paul Edvin
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Chaffee, Mr. Herbert Fuller
No_of_siblings_plus_spouses_on_board=1
shap=1.216", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
No_of_siblings_plus_spouses_on_board=0
shap=-0.139", - "index=White, Mr. Richard Frasar
No_of_siblings_plus_spouses_on_board=0
shap=-0.016", - "index=Rekic, Mr. Tido
No_of_siblings_plus_spouses_on_board=0
shap=-0.108", - "index=Moran, Miss. Bertha
No_of_siblings_plus_spouses_on_board=1
shap=0.048", - "index=Barton, Mr. David John
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Jussila, Miss. Katriina
No_of_siblings_plus_spouses_on_board=1
shap=0.033", - "index=Pekoniemi, Mr. Edvard
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Turpin, Mr. William John Robert
No_of_siblings_plus_spouses_on_board=1
shap=0.107", - "index=Moore, Mr. Leonard Charles
No_of_siblings_plus_spouses_on_board=0
shap=-0.139", - "index=Osen, Mr. Olaf Elon
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Ford, Miss. Robina Maggie \"Ruby\"
No_of_siblings_plus_spouses_on_board=2
shap=-0.012", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
No_of_siblings_plus_spouses_on_board=0
shap=-0.47", - "index=Bateman, Rev. Robert James
No_of_siblings_plus_spouses_on_board=0
shap=-0.121", - "index=Meo, Mr. Alfonzo
No_of_siblings_plus_spouses_on_board=0
shap=-0.112", - "index=Cribb, Mr. John Hatfield
No_of_siblings_plus_spouses_on_board=0
shap=-0.083", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
No_of_siblings_plus_spouses_on_board=0
shap=-0.129", - "index=Van der hoef, Mr. Wyckoff
No_of_siblings_plus_spouses_on_board=0
shap=-0.39", - "index=Sivola, Mr. Antti Wilhelm
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Klasen, Mr. Klas Albin
No_of_siblings_plus_spouses_on_board=1
shap=-0.337", - "index=Rood, Mr. Hugh Roscoe
No_of_siblings_plus_spouses_on_board=0
shap=-0.382", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
No_of_siblings_plus_spouses_on_board=1
shap=0.018", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
No_of_siblings_plus_spouses_on_board=0
shap=0.156", - "index=Vande Walle, Mr. Nestor Cyriel
No_of_siblings_plus_spouses_on_board=0
shap=-0.132", - "index=Backstrom, Mr. Karl Alfred
No_of_siblings_plus_spouses_on_board=1
shap=0.127", - "index=Blank, Mr. Henry
No_of_siblings_plus_spouses_on_board=0
shap=-0.221", - "index=Ali, Mr. Ahmed
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Green, Mr. George Henry
No_of_siblings_plus_spouses_on_board=0
shap=-0.112", - "index=Nenkoff, Mr. Christo
No_of_siblings_plus_spouses_on_board=0
shap=-0.139", - "index=Asplund, Miss. Lillian Gertrud
No_of_siblings_plus_spouses_on_board=4
shap=0.363", - "index=Harknett, Miss. Alice Phoebe
No_of_siblings_plus_spouses_on_board=0
shap=-0.102", - "index=Hunt, Mr. George Henry
No_of_siblings_plus_spouses_on_board=0
shap=-0.125", - "index=Reed, Mr. James George
No_of_siblings_plus_spouses_on_board=0
shap=-0.139", - "index=Stead, Mr. William Thomas
No_of_siblings_plus_spouses_on_board=0
shap=-0.39", - "index=Thorne, Mrs. Gertrude Maybelle
No_of_siblings_plus_spouses_on_board=0
shap=0.027", - "index=Parrish, Mrs. (Lutie Davis)
No_of_siblings_plus_spouses_on_board=0
shap=-0.074", - "index=Smith, Mr. Thomas
No_of_siblings_plus_spouses_on_board=0
shap=-0.133", - "index=Asplund, Master. Edvin Rojj Felix
No_of_siblings_plus_spouses_on_board=4
shap=0.332", - "index=Healy, Miss. Hanora \"Nora\"
No_of_siblings_plus_spouses_on_board=0
shap=-0.102", - "index=Andrews, Miss. Kornelia Theodosia
No_of_siblings_plus_spouses_on_board=1
shap=-0.485", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
No_of_siblings_plus_spouses_on_board=1
shap=-0.46", - "index=Smith, Mr. Richard William
No_of_siblings_plus_spouses_on_board=0
shap=-0.382", - "index=Connolly, Miss. Kate
No_of_siblings_plus_spouses_on_board=0
shap=-0.093", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
No_of_siblings_plus_spouses_on_board=1
shap=-0.082", - "index=Levy, Mr. Rene Jacques
No_of_siblings_plus_spouses_on_board=0
shap=-0.124", - "index=Lewy, Mr. Ervin G
No_of_siblings_plus_spouses_on_board=0
shap=-0.206", - "index=Williams, Mr. Howard Hugh \"Harry\"
No_of_siblings_plus_spouses_on_board=0
shap=-0.139", - "index=Sage, Mr. George John Jr
No_of_siblings_plus_spouses_on_board=8
shap=6.01", - "index=Nysveen, Mr. Johan Hansen
No_of_siblings_plus_spouses_on_board=0
shap=-0.112", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
No_of_siblings_plus_spouses_on_board=1
shap=-0.055", - "index=Denkoff, Mr. Mitto
No_of_siblings_plus_spouses_on_board=0
shap=-0.139", - "index=Burns, Miss. Elizabeth Margaret
No_of_siblings_plus_spouses_on_board=0
shap=0.255", - "index=Dimic, Mr. Jovan
No_of_siblings_plus_spouses_on_board=0
shap=-0.108", - "index=del Carlo, Mr. Sebastiano
No_of_siblings_plus_spouses_on_board=1
shap=0.054", - "index=Beavan, Mr. William Thomas
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
No_of_siblings_plus_spouses_on_board=1
shap=-0.085", - "index=Widener, Mr. Harry Elkins
No_of_siblings_plus_spouses_on_board=0
shap=-0.156", - "index=Gustafsson, Mr. Karl Gideon
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Plotcharsky, Mr. Vasil
No_of_siblings_plus_spouses_on_board=0
shap=-0.139", - "index=Goodwin, Master. Sidney Leonard
No_of_siblings_plus_spouses_on_board=5
shap=0.446", - "index=Sadlier, Mr. Matthew
No_of_siblings_plus_spouses_on_board=0
shap=-0.133", - "index=Gustafsson, Mr. Johan Birger
No_of_siblings_plus_spouses_on_board=2
shap=0.642", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
No_of_siblings_plus_spouses_on_board=0
shap=-0.447", - "index=Niskanen, Mr. Juha
No_of_siblings_plus_spouses_on_board=0
shap=-0.105", - "index=Minahan, Miss. Daisy E
No_of_siblings_plus_spouses_on_board=1
shap=-0.004", - "index=Matthews, Mr. William John
No_of_siblings_plus_spouses_on_board=0
shap=-0.141", - "index=Charters, Mr. David
No_of_siblings_plus_spouses_on_board=0
shap=-0.124", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
No_of_siblings_plus_spouses_on_board=0
shap=-0.086", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
No_of_siblings_plus_spouses_on_board=1
shap=-0.484", - "index=Johannesen-Bratthammer, Mr. Bernt
No_of_siblings_plus_spouses_on_board=0
shap=-0.136", - "index=Peuchen, Major. Arthur Godfrey
No_of_siblings_plus_spouses_on_board=0
shap=-0.39", - "index=Anderson, Mr. Harry
No_of_siblings_plus_spouses_on_board=0
shap=-0.412", - "index=Milling, Mr. Jacob Christian
No_of_siblings_plus_spouses_on_board=0
shap=-0.121", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
No_of_siblings_plus_spouses_on_board=1
shap=-0.495", - "index=Karlsson, Mr. Nils August
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Frost, Mr. Anthony Wood \"Archie\"
No_of_siblings_plus_spouses_on_board=0
shap=-0.141", - "index=Bishop, Mr. Dickinson H
No_of_siblings_plus_spouses_on_board=1
shap=0.391", - "index=Windelov, Mr. Einar
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Shellard, Mr. Frederick William
No_of_siblings_plus_spouses_on_board=0
shap=-0.139", - "index=Svensson, Mr. Olof
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=O'Sullivan, Miss. Bridget Mary
No_of_siblings_plus_spouses_on_board=0
shap=-0.105", - "index=Laitinen, Miss. Kristina Sofia
No_of_siblings_plus_spouses_on_board=0
shap=-0.002", - "index=Penasco y Castellana, Mr. Victor de Satode
No_of_siblings_plus_spouses_on_board=1
shap=0.334", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
No_of_siblings_plus_spouses_on_board=0
shap=-0.343", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
No_of_siblings_plus_spouses_on_board=1
shap=-0.119", - "index=Kassem, Mr. Fared
No_of_siblings_plus_spouses_on_board=0
shap=-0.127", - "index=Cacic, Miss. Marija
No_of_siblings_plus_spouses_on_board=0
shap=-0.093", - "index=Hart, Miss. Eva Miriam
No_of_siblings_plus_spouses_on_board=0
shap=-0.479", - "index=Butt, Major. Archibald Willingham
No_of_siblings_plus_spouses_on_board=0
shap=-0.393", - "index=Beane, Mr. Edward
No_of_siblings_plus_spouses_on_board=1
shap=0.105", - "index=Goldsmith, Mr. Frank John
No_of_siblings_plus_spouses_on_board=1
shap=-0.352", - "index=Ohman, Miss. Velin
No_of_siblings_plus_spouses_on_board=0
shap=-0.09", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
No_of_siblings_plus_spouses_on_board=1
shap=-0.462", - "index=Morrow, Mr. Thomas Rowan
No_of_siblings_plus_spouses_on_board=0
shap=-0.133", - "index=Harris, Mr. George
No_of_siblings_plus_spouses_on_board=0
shap=-0.12", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
No_of_siblings_plus_spouses_on_board=2
shap=1.346", - "index=Patchett, Mr. George
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Ross, Mr. John Hugo
No_of_siblings_plus_spouses_on_board=0
shap=-0.221", - "index=Murdlin, Mr. Joseph
No_of_siblings_plus_spouses_on_board=0
shap=-0.139", - "index=Bourke, Miss. Mary
No_of_siblings_plus_spouses_on_board=0
shap=-0.462", - "index=Boulos, Mr. Hanna
No_of_siblings_plus_spouses_on_board=0
shap=-0.127", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
No_of_siblings_plus_spouses_on_board=1
shap=0.634", - "index=Homer, Mr. Harry (\"Mr E Haven\")
No_of_siblings_plus_spouses_on_board=0
shap=-0.095", - "index=Lindell, Mr. Edvard Bengtsson
No_of_siblings_plus_spouses_on_board=1
shap=0.098", - "index=Daniel, Mr. Robert Williams
No_of_siblings_plus_spouses_on_board=0
shap=-0.38", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
No_of_siblings_plus_spouses_on_board=1
shap=-0.445", - "index=Shutes, Miss. Elizabeth W
No_of_siblings_plus_spouses_on_board=0
shap=0.312", - "index=Jardin, Mr. Jose Neto
No_of_siblings_plus_spouses_on_board=0
shap=-0.139", - "index=Horgan, Mr. John
No_of_siblings_plus_spouses_on_board=0
shap=-0.133", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
No_of_siblings_plus_spouses_on_board=1
shap=0.02", - "index=Yasbeck, Mr. Antoni
No_of_siblings_plus_spouses_on_board=1
shap=0.069", - "index=Bostandyeff, Mr. Guentcho
No_of_siblings_plus_spouses_on_board=0
shap=-0.127", - "index=Lundahl, Mr. Johan Svensson
No_of_siblings_plus_spouses_on_board=0
shap=-0.112", - "index=Stahelin-Maeglin, Dr. Max
No_of_siblings_plus_spouses_on_board=0
shap=-0.263", - "index=Willey, Mr. Edward
No_of_siblings_plus_spouses_on_board=0
shap=-0.139", - "index=Stanley, Miss. Amy Zillah Elsie
No_of_siblings_plus_spouses_on_board=0
shap=-0.09", - "index=Hegarty, Miss. Hanora \"Nora\"
No_of_siblings_plus_spouses_on_board=0
shap=-0.096", - "index=Eitemiller, Mr. George Floyd
No_of_siblings_plus_spouses_on_board=0
shap=-0.126", - "index=Colley, Mr. Edward Pomeroy
No_of_siblings_plus_spouses_on_board=0
shap=-0.413", - "index=Coleff, Mr. Peju
No_of_siblings_plus_spouses_on_board=0
shap=-0.108", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
No_of_siblings_plus_spouses_on_board=1
shap=-0.491", - "index=Davidson, Mr. Thornton
No_of_siblings_plus_spouses_on_board=1
shap=1.082", - "index=Turja, Miss. Anna Sofia
No_of_siblings_plus_spouses_on_board=0
shap=-0.09", - "index=Hassab, Mr. Hammad
No_of_siblings_plus_spouses_on_board=0
shap=-0.281", - "index=Goodwin, Mr. Charles Edward
No_of_siblings_plus_spouses_on_board=5
shap=0.446", - "index=Panula, Mr. Jaako Arnold
No_of_siblings_plus_spouses_on_board=4
shap=0.344", - "index=Fischer, Mr. Eberhard Thelander
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
No_of_siblings_plus_spouses_on_board=0
shap=-0.128", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
No_of_siblings_plus_spouses_on_board=1
shap=0.012", - "index=Hansen, Mr. Henrik Juul
No_of_siblings_plus_spouses_on_board=1
shap=0.114", - "index=Calderhead, Mr. Edward Pennington
No_of_siblings_plus_spouses_on_board=0
shap=-0.358", - "index=Klaber, Mr. Herman
No_of_siblings_plus_spouses_on_board=0
shap=-0.36", - "index=Taylor, Mr. Elmer Zebley
No_of_siblings_plus_spouses_on_board=1
shap=1.081", - "index=Larsson, Mr. August Viktor
No_of_siblings_plus_spouses_on_board=0
shap=-0.132", - "index=Greenberg, Mr. Samuel
No_of_siblings_plus_spouses_on_board=0
shap=-0.121", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
No_of_siblings_plus_spouses_on_board=0
shap=-0.11", - "index=McEvoy, Mr. Michael
No_of_siblings_plus_spouses_on_board=0
shap=-0.133", - "index=Johnson, Mr. Malkolm Joackim
No_of_siblings_plus_spouses_on_board=0
shap=-0.116", - "index=Gillespie, Mr. William Henry
No_of_siblings_plus_spouses_on_board=0
shap=-0.116", - "index=Allen, Miss. Elisabeth Walton
No_of_siblings_plus_spouses_on_board=0
shap=-0.218", - "index=Berriman, Mr. William John
No_of_siblings_plus_spouses_on_board=0
shap=-0.126", - "index=Troupiansky, Mr. Moses Aaron
No_of_siblings_plus_spouses_on_board=0
shap=-0.126", - "index=Williams, Mr. Leslie
No_of_siblings_plus_spouses_on_board=0
shap=-0.132", - "index=Ivanoff, Mr. Kanio
No_of_siblings_plus_spouses_on_board=0
shap=-0.139", - "index=McNamee, Mr. Neal
No_of_siblings_plus_spouses_on_board=1
shap=0.128", - "index=Connaghton, Mr. Michael
No_of_siblings_plus_spouses_on_board=0
shap=-0.126", - "index=Carlsson, Mr. August Sigfrid
No_of_siblings_plus_spouses_on_board=0
shap=-0.132", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
No_of_siblings_plus_spouses_on_board=0
shap=-0.153", - "index=Eklund, Mr. Hans Linus
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Hogeboom, Mrs. John C (Anna Andrews)
No_of_siblings_plus_spouses_on_board=1
shap=-0.487", - "index=Moran, Mr. Daniel J
No_of_siblings_plus_spouses_on_board=1
shap=0.129", - "index=Lievens, Mr. Rene Aime
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
No_of_siblings_plus_spouses_on_board=0
shap=-0.178", - "index=Ayoub, Miss. Banoura
No_of_siblings_plus_spouses_on_board=0
shap=-0.091", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
No_of_siblings_plus_spouses_on_board=1
shap=-0.052", - "index=Johnston, Mr. Andrew G
No_of_siblings_plus_spouses_on_board=1
shap=-0.437", - "index=Ali, Mr. William
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Sjoblom, Miss. Anna Sofia
No_of_siblings_plus_spouses_on_board=0
shap=-0.09", - "index=Guggenheim, Mr. Benjamin
No_of_siblings_plus_spouses_on_board=0
shap=-0.256", - "index=Leader, Dr. Alice (Farnham)
No_of_siblings_plus_spouses_on_board=0
shap=0.291", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
No_of_siblings_plus_spouses_on_board=1
shap=-0.414", - "index=Carter, Master. William Thornton II
No_of_siblings_plus_spouses_on_board=1
shap=-0.787", - "index=Thomas, Master. Assad Alexander
No_of_siblings_plus_spouses_on_board=0
shap=-0.09", - "index=Johansson, Mr. Karl Johan
No_of_siblings_plus_spouses_on_board=0
shap=-0.132", - "index=Slemen, Mr. Richard James
No_of_siblings_plus_spouses_on_board=0
shap=-0.116", - "index=Tomlin, Mr. Ernest Portage
No_of_siblings_plus_spouses_on_board=0
shap=-0.132", - "index=McCormack, Mr. Thomas Joseph
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Richards, Master. George Sibley
No_of_siblings_plus_spouses_on_board=1
shap=-0.387", - "index=Mudd, Mr. Thomas Charles
No_of_siblings_plus_spouses_on_board=0
shap=-0.126", - "index=Lemberopolous, Mr. Peter L
No_of_siblings_plus_spouses_on_board=0
shap=-0.096", - "index=Sage, Mr. Douglas Bullen
No_of_siblings_plus_spouses_on_board=8
shap=6.01", - "index=Boulos, Miss. Nourelain
No_of_siblings_plus_spouses_on_board=1
shap=-0.385", - "index=Aks, Mrs. Sam (Leah Rosen)
No_of_siblings_plus_spouses_on_board=0
shap=-0.094", - "index=Razi, Mr. Raihed
No_of_siblings_plus_spouses_on_board=0
shap=-0.127", - "index=Johnson, Master. Harold Theodor
No_of_siblings_plus_spouses_on_board=1
shap=-0.341", - "index=Carlsson, Mr. Frans Olof
No_of_siblings_plus_spouses_on_board=0
shap=-0.384", - "index=Gustafsson, Mr. Alfred Ossian
No_of_siblings_plus_spouses_on_board=0
shap=-0.13", - "index=Montvila, Rev. Juozas
No_of_siblings_plus_spouses_on_board=0
shap=-0.129" - ], - "type": "scatter", - "x": [ - -0.5561315979996648, - -0.5263182529553078, - 0.3239411681554719, - -0.43612959173901045, - -0.07266170320479498, - -0.12965234184530658, - -0.09260606150919162, - -0.4629329850985034, - -0.10209374508473257, - 0.5503754905472222, - -0.1266438059442947, - -0.09303082329887577, - 0.03344206333945066, - -0.08632944367360637, - 1.0839249381505578, - 0.3403648127298883, - 0.6291335890182468, - -0.12634559904784426, - -0.08632944367360637, - -0.3632947700762127, - -0.13186618956023471, - -0.12965234184530658, - 1.2160926223662682, - -0.13871526363116335, - -0.016298462126262514, - -0.10794328646137488, - 0.04757248875749092, - -0.12965234184530658, - 0.03344206333945066, - -0.12965234184530658, - 0.10718484717900185, - -0.13871526363116335, - -0.12965234184530658, - -0.011747844402112503, - -0.47035310656712875, - -0.12063523151597236, - -0.11233406611237629, - -0.08275839568950866, - -0.12924816613361817, - -0.3903757184272744, - -0.12965234184530658, - -0.33749507562304765, - -0.38240480993154014, - 0.01797502902378475, - 0.15555338648673914, - -0.13186618956023471, - 0.12714984828457077, - -0.22086114373450244, - -0.12965234184530658, - -0.11242404764112249, - -0.13871526363116335, - 0.3632405120541462, - -0.10166898329504845, - -0.12487772596928423, - -0.13871526363116335, - -0.3904274251403839, - 0.02718505200318705, - -0.07412700989377172, - -0.1327850344233869, - 0.33242274807766037, - -0.10209374508473257, - -0.4853104601433113, - -0.4597193232138169, - -0.38240480993154014, - -0.09303082329887577, - -0.08222067561847853, - -0.12411847928631553, - -0.2059134897606742, - -0.13871526363116335, - 6.009807957206121, - -0.11233406611237629, - -0.05529676514869297, - -0.13871526363116335, - 0.25499072129773187, - -0.10794328646137488, - 0.0535629050566715, - -0.12965234184530658, - -0.08511011019305006, - -0.15602699157124095, - -0.12965234184530658, - -0.13871526363116335, - 0.4464448705207474, - -0.1327850344233869, - 0.6424571882424173, - -0.4468700790872021, - -0.10499782595466076, - -0.003681702541369653, - -0.14086898237778664, - -0.12372211263753011, - -0.08632944367360637, - -0.4841851752992819, - -0.13576980312444922, - -0.3902111558511446, - -0.4123574769441834, - -0.12063523151597236, - -0.49453047880162687, - -0.12965234184530658, - -0.14088619247042375, - 0.3906285604691003, - -0.12965234184530658, - -0.13871526363116335, - -0.12965234184530658, - -0.1050392055914467, - -0.0019146709174729867, - 0.3342802518466702, - -0.3429377371215688, - -0.11892064749309868, - -0.1266438059442947, - -0.09262107454447233, - -0.47896702602749747, - -0.3934875123948475, - 0.10462480411602175, - -0.35234339127935393, - -0.08966060100247747, - -0.4616661159539042, - -0.1327850344233869, - -0.12004207434884212, - 1.3463794215209937, - -0.12965234184530658, - -0.22142169817769702, - -0.13871526363116335, - -0.46197453542370503, - -0.1266438059442947, - 0.6343700236484084, - -0.09500532128327861, - 0.09780356471047853, - -0.37993373088089244, - -0.4453103233973697, - 0.31164513361333174, - -0.13871526363116335, - -0.1327850344233869, - 0.019550386327195655, - 0.06922153758272546, - -0.12741689956747246, - -0.11242404764112249, - -0.26270940675368676, - -0.13871526363116335, - -0.08966060100247747, - -0.0959762838055899, - -0.12634559904784426, - -0.4129180313873781, - -0.10794328646137488, - -0.49106864519479526, - 1.0819968306047243, - -0.08966060100247747, - -0.28125544744358, - 0.4464448705207474, - 0.3439775747304872, - -0.12965234184530658, - -0.12764081947369849, - 0.011898387440733292, - 0.11369290346157905, - -0.3584459455385914, - -0.3602584888385013, - 1.080835252975501, - -0.13186618956023471, - -0.12063523151597236, - -0.10983686320795816, - -0.1327850344233869, - -0.11632860846979853, - -0.11649240396086064, - -0.21767603584758766, - -0.12634559904784426, - -0.12634559904784426, - -0.13186618956023471, - -0.13871526363116335, - 0.12758458047383409, - -0.12593596035245821, - -0.13186618956023471, - -0.15313981242274924, - -0.12965234184530658, - -0.4865376315445557, - 0.12909479493039366, - -0.12965234184530658, - -0.17829757275371244, - -0.09069881541265074, - -0.052407330574121405, - -0.43686242837550054, - -0.12965234184530658, - -0.08966060100247747, - -0.25590271059075864, - 0.29116264598246855, - -0.4139126716619123, - -0.787022466646752, - -0.0900176076776815, - -0.13186618956023471, - -0.11649240396086064, - -0.13186618956023471, - -0.1298395739166728, - -0.3869597033130528, - -0.12634559904784426, - -0.0958718287745062, - 6.009807957206121, - -0.38503649728747613, - -0.09397142094120733, - -0.1266438059442947, - -0.34133197399725185, - -0.3842639578683123, - -0.12965234184530658, - -0.1293049141505148 - ], - "xaxis": "x13", - "y": [ - 0.5862918075481185, - 0.8296153432778148, - 0.8845245815980598, - 0.6070349143555148, - 0.1126211019734028, - 0.14857154120648286, - 0.08859600847104565, - 0.9702858114561721, - 0.4569547920789835, - 0.7450679026896326, - 0.781018741352012, - 0.015218601216515748, - 0.5649249697352275, - 0.7280383976732772, - 0.12968395223333162, - 0.40992139469148603, - 0.5455774645273165, - 0.46597149193172616, - 0.2665540846846409, - 0.3525141366364246, - 0.8695386131983662, - 0.16124964449002321, - 0.06870489036846239, - 0.16127968214623667, - 0.9653008601220433, - 0.42211582555122784, - 0.13886267223110682, - 0.07412976307672758, - 0.4063281316435182, - 0.1468030429503545, - 0.48522409357598184, - 0.9695728036320963, - 0.6542463311010445, - 0.532227755319022, - 0.8119185533291852, - 0.731819801278693, - 0.18072558540059747, - 0.3891820491397462, - 0.26331764714539696, - 0.5423480546166378, - 0.8991574671561259, - 0.37675816227301573, - 0.39535376386869625, - 0.5307484207489589, - 0.2048470669239255, - 0.24325325484546156, - 0.6701374129285868, - 0.9239216357288035, - 0.6410082987541034, - 0.8837391589176442, - 0.42427494715891323, - 0.2849612172678382, - 0.5404810516969956, - 0.7730620985535073, - 0.8521955002895258, - 0.7189160166568176, - 0.7867976164399669, - 0.07248397443133903, - 0.7169371683516208, - 0.0625597841997324, - 0.7824390352170753, - 0.8321019704925022, - 0.22058286426336893, - 0.3056172768739278, - 0.996851623921042, - 0.9077892415120646, - 0.4843536458950082, - 0.3166006516369446, - 0.1701482054469018, - 0.41546301263685004, - 0.024946868828976787, - 0.24701461205545072, - 0.16828063431365925, - 0.8081688187204192, - 0.20263871299756586, - 0.5914738295689252, - 0.7534245690080588, - 0.1638537310798106, - 0.7524142106883939, - 0.5268890351878049, - 0.15986314741984575, - 0.9299837590204342, - 0.8004296120552586, - 0.596730087053906, - 0.51438859292022, - 0.2995432599445391, - 0.7717977883944, - 0.9400848518222268, - 0.8406428963975082, - 0.43979239455345664, - 0.8927471163014679, - 0.5207938719621164, - 0.6036897495377047, - 0.2834147780858254, - 0.35311058569099874, - 0.5476292138358723, - 0.3041192623261578, - 0.8501194809398857, - 0.223274691369306, - 0.35898473960752797, - 0.05123258721754942, - 0.5805196491891028, - 0.09769363189290581, - 0.12193156889394063, - 0.025959174171952704, - 0.23140012207933802, - 0.4054319944783399, - 0.43292596517485793, - 0.0157127623531903, - 0.2722906224630348, - 0.03194703580878089, - 0.32764489890718096, - 0.3863625025099171, - 0.6691975966971219, - 0.2935511150097143, - 0.6040886777940371, - 0.20103895267382932, - 0.5728432639431136, - 0.22367483872985394, - 0.12364892516891512, - 0.21555873826020544, - 0.004012923144466551, - 0.35787512057524584, - 0.570151532198972, - 0.7886243164415081, - 0.6433793298974559, - 0.6779612100653335, - 0.3003557021149649, - 0.9812632828024878, - 0.9641313258012711, - 0.9481781020510932, - 0.4201587493175337, - 0.5580228095161626, - 0.4553571717994831, - 0.565633463984201, - 0.2952767567935375, - 0.5022099002647341, - 0.8250175548944727, - 0.9544025962236163, - 0.12381288467585949, - 0.06917699164162738, - 0.5374029622476938, - 0.8960875375173383, - 0.2365767046544136, - 0.5630727837100113, - 0.577280813636221, - 0.508006243210741, - 0.19048635644746825, - 0.04203752983068021, - 0.46205604158974256, - 0.18736332424070457, - 0.47289667373405664, - 0.28726389082548764, - 0.09453151954447514, - 0.08133113585024154, - 0.8639909716329827, - 0.5861152802222926, - 0.8890837187958122, - 0.09002696495981233, - 0.7021792840418764, - 0.8273979395328864, - 0.7119816373099316, - 0.5063256208827959, - 0.6208940671406858, - 0.8113765348631848, - 0.28831175120103636, - 0.6537227675296045, - 0.7124535681840749, - 0.8361834862911808, - 0.5342765593966149, - 0.1134192916432204, - 0.4897654847763705, - 0.9582055281326697, - 0.6532245599107864, - 0.2426653074668732, - 0.5670728598170299, - 0.15207234663100544, - 0.025440949380305056, - 0.1142211018328605, - 0.14166002584606185, - 0.4040635305539384, - 0.06321307398998854, - 0.6072609703956868, - 0.018365627313319033, - 0.5354361507187069, - 0.513646478299864, - 0.47977560909536054, - 0.607721681538607, - 0.14403217943275615, - 0.2838503086217553, - 0.7168239945417929, - 0.7743153599704268, - 0.23463625688073098, - 0.01909932660531255, - 0.40326133525090346, - 0.05424046050564035, - 0.7278294253894118, - 0.10151785418914383, - 0.7225981303647339, - 0.6458040599957273 - ], - "yaxis": "y13" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 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, - 1, - 0, - 0, - 0, - 0, - 1, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "Deck_D", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_D=0
shap=0.203", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_D=0
shap=0.534", - "index=Palsson, Master. Gosta Leonard
Deck_D=0
shap=0.122", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_D=0
shap=0.161", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_D=0
shap=0.057", - "index=Saundercock, Mr. William Henry
Deck_D=0
shap=0.055", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_D=0
shap=0.07", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_D=0
shap=0.134", - "index=Glynn, Miss. Mary Agatha
Deck_D=0
shap=0.07", - "index=Meyer, Mr. Edgar Joseph
Deck_D=0
shap=0.159", - "index=Kraeff, Mr. Theodor
Deck_D=0
shap=0.043", - "index=Devaney, Miss. Margaret Delia
Deck_D=0
shap=0.07", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_D=0
shap=0.087", - "index=Rugg, Miss. Emily
Deck_D=0
shap=0.071", - "index=Harris, Mr. Henry Birkhardt
Deck_D=0
shap=0.39", - "index=Skoog, Master. Harald
Deck_D=0
shap=0.116", - "index=Kink, Mr. Vincenz
Deck_D=0
shap=0.082", - "index=Hood, Mr. Ambrose Jr
Deck_D=0
shap=0.055", - "index=Ilett, Miss. Bertha
Deck_D=0
shap=0.071", - "index=Ford, Mr. William Neal
Deck_D=0
shap=0.122", - "index=Christmann, Mr. Emil
Deck_D=0
shap=0.057", - "index=Andreasson, Mr. Paul Edvin
Deck_D=0
shap=0.055", - "index=Chaffee, Mr. Herbert Fuller
Deck_D=0
shap=0.39", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_D=0
shap=0.055", - "index=White, Mr. Richard Frasar
Deck_D=1
shap=-2.514", - "index=Rekic, Mr. Tido
Deck_D=0
shap=0.058", - "index=Moran, Miss. Bertha
Deck_D=0
shap=0.088", - "index=Barton, Mr. David John
Deck_D=0
shap=0.055", - "index=Jussila, Miss. Katriina
Deck_D=0
shap=0.087", - "index=Pekoniemi, Mr. Edvard
Deck_D=0
shap=0.055", - "index=Turpin, Mr. William John Robert
Deck_D=0
shap=0.075", - "index=Moore, Mr. Leonard Charles
Deck_D=0
shap=0.055", - "index=Osen, Mr. Olaf Elon
Deck_D=0
shap=0.055", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_D=0
shap=0.135", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_D=0
shap=0.141", - "index=Bateman, Rev. Robert James
Deck_D=0
shap=0.058", - "index=Meo, Mr. Alfonzo
Deck_D=0
shap=0.058", - "index=Cribb, Mr. John Hatfield
Deck_D=0
shap=0.141", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_D=0
shap=1.084", - "index=Van der hoef, Mr. Wyckoff
Deck_D=0
shap=0.179", - "index=Sivola, Mr. Antti Wilhelm
Deck_D=0
shap=0.055", - "index=Klasen, Mr. Klas Albin
Deck_D=0
shap=0.133", - "index=Rood, Mr. Hugh Roscoe
Deck_D=0
shap=0.177", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_D=0
shap=0.088", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_D=0
shap=0.159", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_D=0
shap=0.057", - "index=Backstrom, Mr. Karl Alfred
Deck_D=0
shap=0.075", - "index=Blank, Mr. Henry
Deck_D=0
shap=0.134", - "index=Ali, Mr. Ahmed
Deck_D=0
shap=0.057", - "index=Green, Mr. George Henry
Deck_D=0
shap=0.058", - "index=Nenkoff, Mr. Christo
Deck_D=0
shap=0.055", - "index=Asplund, Miss. Lillian Gertrud
Deck_D=0
shap=0.13", - "index=Harknett, Miss. Alice Phoebe
Deck_D=0
shap=0.07", - "index=Hunt, Mr. George Henry
Deck_D=0
shap=0.057", - "index=Reed, Mr. James George
Deck_D=0
shap=0.055", - "index=Stead, Mr. William Thomas
Deck_D=0
shap=0.185", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_D=0
shap=0.152", - "index=Parrish, Mrs. (Lutie Davis)
Deck_D=0
shap=0.161", - "index=Smith, Mr. Thomas
Deck_D=0
shap=0.054", - "index=Asplund, Master. Edvin Rojj Felix
Deck_D=0
shap=0.121", - "index=Healy, Miss. Hanora \"Nora\"
Deck_D=0
shap=0.07", - "index=Andrews, Miss. Kornelia Theodosia
Deck_D=1
shap=-1.529", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_D=0
shap=0.161", - "index=Smith, Mr. Richard William
Deck_D=0
shap=0.177", - "index=Connolly, Miss. Kate
Deck_D=0
shap=0.069", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_D=0
shap=0.183", - "index=Levy, Mr. Rene Jacques
Deck_D=1
shap=-0.15", - "index=Lewy, Mr. Ervin G
Deck_D=0
shap=0.113", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_D=0
shap=0.055", - "index=Sage, Mr. George John Jr
Deck_D=0
shap=0.116", - "index=Nysveen, Mr. Johan Hansen
Deck_D=0
shap=0.057", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_D=0
shap=0.528", - "index=Denkoff, Mr. Mitto
Deck_D=0
shap=0.055", - "index=Burns, Miss. Elizabeth Margaret
Deck_D=0
shap=0.165", - "index=Dimic, Mr. Jovan
Deck_D=0
shap=0.058", - "index=del Carlo, Mr. Sebastiano
Deck_D=0
shap=0.052", - "index=Beavan, Mr. William Thomas
Deck_D=0
shap=0.055", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_D=0
shap=0.189", - "index=Widener, Mr. Harry Elkins
Deck_D=0
shap=0.558", - "index=Gustafsson, Mr. Karl Gideon
Deck_D=0
shap=0.055", - "index=Plotcharsky, Mr. Vasil
Deck_D=0
shap=0.055", - "index=Goodwin, Master. Sidney Leonard
Deck_D=0
shap=0.116", - "index=Sadlier, Mr. Matthew
Deck_D=0
shap=0.054", - "index=Gustafsson, Mr. Johan Birger
Deck_D=0
shap=0.082", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_D=0
shap=0.161", - "index=Niskanen, Mr. Juha
Deck_D=0
shap=0.059", - "index=Minahan, Miss. Daisy E
Deck_D=0
shap=0.531", - "index=Matthews, Mr. William John
Deck_D=0
shap=0.057", - "index=Charters, Mr. David
Deck_D=0
shap=0.054", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_D=0
shap=0.071", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_D=0
shap=0.167", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_D=0
shap=0.056", - "index=Peuchen, Major. Arthur Godfrey
Deck_D=0
shap=0.195", - "index=Anderson, Mr. Harry
Deck_D=0
shap=0.195", - "index=Milling, Mr. Jacob Christian
Deck_D=0
shap=0.058", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_D=0
shap=0.161", - "index=Karlsson, Mr. Nils August
Deck_D=0
shap=0.055", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_D=0
shap=0.055", - "index=Bishop, Mr. Dickinson H
Deck_D=0
shap=0.158", - "index=Windelov, Mr. Einar
Deck_D=0
shap=0.055", - "index=Shellard, Mr. Frederick William
Deck_D=0
shap=0.055", - "index=Svensson, Mr. Olof
Deck_D=0
shap=0.057", - "index=O'Sullivan, Miss. Bridget Mary
Deck_D=0
shap=0.069", - "index=Laitinen, Miss. Kristina Sofia
Deck_D=0
shap=0.072", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_D=0
shap=0.151", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_D=0
shap=0.182", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_D=0
shap=0.09", - "index=Kassem, Mr. Fared
Deck_D=0
shap=0.043", - "index=Cacic, Miss. Marija
Deck_D=0
shap=0.071", - "index=Hart, Miss. Eva Miriam
Deck_D=0
shap=0.155", - "index=Butt, Major. Archibald Willingham
Deck_D=0
shap=0.185", - "index=Beane, Mr. Edward
Deck_D=0
shap=0.075", - "index=Goldsmith, Mr. Frank John
Deck_D=0
shap=0.141", - "index=Ohman, Miss. Velin
Deck_D=0
shap=0.07", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_D=0
shap=1.302", - "index=Morrow, Mr. Thomas Rowan
Deck_D=0
shap=0.054", - "index=Harris, Mr. George
Deck_D=0
shap=0.057", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_D=0
shap=0.613", - "index=Patchett, Mr. George
Deck_D=0
shap=0.055", - "index=Ross, Mr. John Hugo
Deck_D=0
shap=0.121", - "index=Murdlin, Mr. Joseph
Deck_D=0
shap=0.055", - "index=Bourke, Miss. Mary
Deck_D=0
shap=0.145", - "index=Boulos, Mr. Hanna
Deck_D=0
shap=0.043", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_D=0
shap=0.171", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_D=0
shap=0.127", - "index=Lindell, Mr. Edvard Bengtsson
Deck_D=0
shap=0.075", - "index=Daniel, Mr. Robert Williams
Deck_D=0
shap=0.188", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_D=0
shap=0.106", - "index=Shutes, Miss. Elizabeth W
Deck_D=0
shap=0.343", - "index=Jardin, Mr. Jose Neto
Deck_D=0
shap=0.055", - "index=Horgan, Mr. John
Deck_D=0
shap=0.054", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_D=0
shap=0.089", - "index=Yasbeck, Mr. Antoni
Deck_D=0
shap=0.052", - "index=Bostandyeff, Mr. Guentcho
Deck_D=0
shap=0.057", - "index=Lundahl, Mr. Johan Svensson
Deck_D=0
shap=0.058", - "index=Stahelin-Maeglin, Dr. Max
Deck_D=0
shap=0.12", - "index=Willey, Mr. Edward
Deck_D=0
shap=0.055", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_D=0
shap=0.07", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_D=0
shap=0.069", - "index=Eitemiller, Mr. George Floyd
Deck_D=0
shap=0.055", - "index=Colley, Mr. Edward Pomeroy
Deck_D=0
shap=0.192", - "index=Coleff, Mr. Peju
Deck_D=0
shap=0.057", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_D=0
shap=0.167", - "index=Davidson, Mr. Thornton
Deck_D=0
shap=0.377", - "index=Turja, Miss. Anna Sofia
Deck_D=0
shap=0.071", - "index=Hassab, Mr. Hammad
Deck_D=1
shap=-0.435", - "index=Goodwin, Mr. Charles Edward
Deck_D=0
shap=0.116", - "index=Panula, Mr. Jaako Arnold
Deck_D=0
shap=0.116", - "index=Fischer, Mr. Eberhard Thelander
Deck_D=0
shap=0.055", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_D=0
shap=0.058", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_D=0
shap=0.189", - "index=Hansen, Mr. Henrik Juul
Deck_D=0
shap=0.075", - "index=Calderhead, Mr. Edward Pennington
Deck_D=0
shap=0.195", - "index=Klaber, Mr. Herman
Deck_D=0
shap=0.177", - "index=Taylor, Mr. Elmer Zebley
Deck_D=0
shap=0.394", - "index=Larsson, Mr. August Viktor
Deck_D=0
shap=0.057", - "index=Greenberg, Mr. Samuel
Deck_D=0
shap=0.058", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_D=0
shap=0.072", - "index=McEvoy, Mr. Michael
Deck_D=0
shap=0.054", - "index=Johnson, Mr. Malkolm Joackim
Deck_D=0
shap=0.057", - "index=Gillespie, Mr. William Henry
Deck_D=0
shap=0.057", - "index=Allen, Miss. Elisabeth Walton
Deck_D=0
shap=0.329", - "index=Berriman, Mr. William John
Deck_D=0
shap=0.055", - "index=Troupiansky, Mr. Moses Aaron
Deck_D=0
shap=0.055", - "index=Williams, Mr. Leslie
Deck_D=0
shap=0.057", - "index=Ivanoff, Mr. Kanio
Deck_D=0
shap=0.055", - "index=McNamee, Mr. Neal
Deck_D=0
shap=0.075", - "index=Connaghton, Mr. Michael
Deck_D=0
shap=0.056", - "index=Carlsson, Mr. August Sigfrid
Deck_D=0
shap=0.057", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_D=0
shap=0.329", - "index=Eklund, Mr. Hans Linus
Deck_D=0
shap=0.055", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_D=1
shap=-1.562", - "index=Moran, Mr. Daniel J
Deck_D=0
shap=0.072", - "index=Lievens, Mr. Rene Aime
Deck_D=0
shap=0.057", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_D=0
shap=1.165", - "index=Ayoub, Miss. Banoura
Deck_D=0
shap=0.05", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_D=0
shap=0.521", - "index=Johnston, Mr. Andrew G
Deck_D=0
shap=0.133", - "index=Ali, Mr. William
Deck_D=0
shap=0.057", - "index=Sjoblom, Miss. Anna Sofia
Deck_D=0
shap=0.071", - "index=Guggenheim, Mr. Benjamin
Deck_D=0
shap=0.122", - "index=Leader, Dr. Alice (Farnham)
Deck_D=1
shap=-1.114", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_D=0
shap=0.161", - "index=Carter, Master. William Thornton II
Deck_D=0
shap=0.917", - "index=Thomas, Master. Assad Alexander
Deck_D=0
shap=0.098", - "index=Johansson, Mr. Karl Johan
Deck_D=0
shap=0.057", - "index=Slemen, Mr. Richard James
Deck_D=0
shap=0.057", - "index=Tomlin, Mr. Ernest Portage
Deck_D=0
shap=0.057", - "index=McCormack, Mr. Thomas Joseph
Deck_D=0
shap=0.055", - "index=Richards, Master. George Sibley
Deck_D=0
shap=0.138", - "index=Mudd, Mr. Thomas Charles
Deck_D=0
shap=0.055", - "index=Lemberopolous, Mr. Peter L
Deck_D=0
shap=0.045", - "index=Sage, Mr. Douglas Bullen
Deck_D=0
shap=0.116", - "index=Boulos, Miss. Nourelain
Deck_D=0
shap=0.101", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_D=0
shap=0.148", - "index=Razi, Mr. Raihed
Deck_D=0
shap=0.043", - "index=Johnson, Master. Harold Theodor
Deck_D=0
shap=0.138", - "index=Carlsson, Mr. Frans Olof
Deck_D=0
shap=0.178", - "index=Gustafsson, Mr. Alfred Ossian
Deck_D=0
shap=0.055", - "index=Montvila, Rev. Juozas
Deck_D=0
shap=0.057" - ], - "type": "scatter", - "x": [ - 0.20262485694039356, - 0.5343934954432401, - 0.12205805505152287, - 0.16063884526915445, - 0.05727184858343844, - 0.05512507666682073, - 0.0695780771822191, - 0.13426541667853695, - 0.06973522761197956, - 0.15864440531372886, - 0.04323374392887487, - 0.06973522761197956, - 0.08745495573447924, - 0.07050451538771836, - 0.3904436546835834, - 0.11603554601602725, - 0.08189329568571645, - 0.05512507666682073, - 0.07050451538771836, - 0.12205805505152287, - 0.05667304929962598, - 0.05512507666682073, - 0.3904436546835834, - 0.05512507666682073, - -2.5136518769089986, - 0.05802344955388712, - 0.0876121061642397, - 0.0549304580705834, - 0.08745495573447924, - 0.05512507666682073, - 0.0745499278518861, - 0.05512507666682073, - 0.05512507666682073, - 0.13528022087734196, - 0.14073758322978072, - 0.05802344955388712, - 0.05802344955388712, - 0.14083434352724847, - 1.0839575384295668, - 0.17851832102035328, - 0.05512507666682073, - 0.13333223030590452, - 0.17695329948602884, - 0.0883813939399785, - 0.15860528366032833, - 0.05667304929962598, - 0.0745499278518861, - 0.1337744827797015, - 0.05667304929962598, - 0.05802344955388712, - 0.05512507666682073, - 0.12990172717504006, - 0.0695780771822191, - 0.05667304929962598, - 0.05512507666682073, - 0.18507053888259084, - 0.15173860568159891, - 0.16073560556662225, - 0.05435578889108193, - 0.12060969435345532, - 0.06973522761197956, - -1.529129105672459, - 0.16063884526915445, - 0.17695329948602884, - 0.0693459904195049, - 0.18265374323718897, - -0.15040490911236906, - 0.11329094257146326, - 0.05512507666682073, - 0.11603554601602725, - 0.05663387837799756, - 0.5279099239306082, - 0.05512507666682073, - 0.16515750152256592, - 0.05802344955388712, - 0.05156750579141585, - 0.05512507666682073, - 0.18920596109942656, - 0.5580537327171958, - 0.05512507666682073, - 0.05512507666682073, - 0.11603554601602725, - 0.05435578889108193, - 0.08189329568571645, - 0.16063884526915445, - 0.05875526916314906, - 0.5306709973728596, - 0.05667304929962598, - 0.05435578889108193, - 0.07050451538771836, - 0.16745293390847216, - 0.056051514872320005, - 0.19518491167620772, - 0.19518491167620772, - 0.05802344955388712, - 0.16063884526915445, - 0.0549304580705834, - 0.05512507666682073, - 0.15775429600695634, - 0.05512507666682073, - 0.05512507666682073, - 0.05667304929962598, - 0.0688087894064803, - 0.07247645006928548, - 0.15075829798929086, - 0.1817660158352407, - 0.08973474797654642, - 0.04323374392887487, - 0.07112604981502434, - 0.15456187741494476, - 0.1852225132765645, - 0.07528174746114805, - 0.14073758322978072, - 0.0701152781952437, - 1.3017128362706267, - 0.05435578889108193, - 0.057365697987259504, - 0.6130565306236883, - 0.05512507666682073, - 0.12117704989590126, - 0.05512507666682073, - 0.1446513673254435, - 0.04323374392887487, - 0.17124183819752914, - 0.12683915845136634, - 0.0745499278518861, - 0.1882495873478725, - 0.1061787983881164, - 0.34265989622679394, - 0.05512507666682073, - 0.05435578889108193, - 0.08900292836728448, - 0.05156750579141585, - 0.05667304929962598, - 0.05802344955388712, - 0.12028694058912873, - 0.05512507666682073, - 0.0701152781952437, - 0.0688087894064803, - 0.0549304580705834, - 0.19177473113880206, - 0.05667304929962598, - 0.16745293390847216, - 0.3769561124930107, - 0.07050451538771836, - -0.434654577895891, - 0.11603554601602725, - 0.11603554601602725, - 0.05512507666682073, - 0.05802344955388712, - 0.18920596109942656, - 0.0745499278518861, - 0.19518491167620772, - 0.17695329948602884, - 0.3938538352209891, - 0.05667304929962598, - 0.05802344955388712, - 0.07185786942428628, - 0.05435578889108193, - 0.05667304929962598, - 0.05667304929962598, - 0.32917235403622125, - 0.0549304580705834, - 0.0549304580705834, - 0.05667304929962598, - 0.05512507666682073, - 0.0745499278518861, - 0.05590376152388718, - 0.05667304929962598, - 0.32917235403622125, - 0.05512507666682073, - -1.5620684031032863, - 0.07223266744334206, - 0.05667304929962598, - 1.1650077577509264, - 0.050486059353702706, - 0.5213577060683706, - 0.13333223030590452, - 0.05667304929962598, - 0.07050451538771836, - 0.12156015636199888, - -1.1143196134720492, - 0.16063884526915445, - 0.91719865613392, - 0.09783955033365023, - 0.05667304929962598, - 0.05667304929962598, - 0.05667304929962598, - 0.055282227096581205, - 0.13790637864333258, - 0.05512507666682073, - 0.044781716561680104, - 0.11603554601602725, - 0.10149867921384924, - 0.14784454907309483, - 0.04323374392887487, - 0.13790637864333258, - 0.17828718894822929, - 0.05512507666682073, - 0.05667304929962598 - ], - "xaxis": "x14", - "y": [ - 0.1522093060521882, - 0.11841145441280532, - 0.35030658836405826, - 0.951554440152237, - 0.34827371053219547, - 0.1252149659920896, - 0.6997821719452803, - 0.9655648357736133, - 0.9699166972980686, - 0.449104719619869, - 0.01558224506864625, - 0.6145524535930242, - 0.8134958024464274, - 0.9629611447255574, - 0.6726415411990466, - 0.7578430770055588, - 0.832954498051212, - 0.202834377955303, - 0.26053350139606235, - 0.987583588847613, - 0.4450905690847555, - 0.852974634989853, - 0.11413564150134958, - 0.9347901404998483, - 0.759160588714438, - 0.9705797869554547, - 0.5929847005163896, - 0.16546211248358478, - 0.6484356013709656, - 0.8695228315972244, - 0.6781076116602182, - 0.08998869479584592, - 0.1969585615197893, - 0.7377282893677962, - 0.8873600229099067, - 0.5616609734930214, - 0.6532363561605703, - 0.3994112071104743, - 0.1351761604995595, - 0.2897588441551583, - 0.20167162611796763, - 0.25913972190141266, - 0.9115757619992227, - 0.7978674919760887, - 0.17067372695912397, - 0.552265438524731, - 0.6025659136717322, - 0.537502354926174, - 0.8389955427161682, - 0.6276252303313015, - 0.5470220010235439, - 0.14648879435680362, - 0.28258891919089635, - 0.7739527902821194, - 0.3865563486719905, - 0.6022364217518131, - 0.013016934920330625, - 0.5176558557565585, - 0.9200887792712152, - 0.5278367401233076, - 0.43689067616829935, - 0.8388989669971386, - 0.2527273355671392, - 0.8919322733588355, - 0.312555293528162, - 0.23398348785049305, - 0.2854342217942718, - 0.9606079108243565, - 0.39755827969853863, - 0.8141938376594647, - 0.952088061913562, - 0.24257232385113336, - 0.7590334249082603, - 0.3296895229296358, - 0.11623820450955069, - 0.7228059167505737, - 0.9810357631933719, - 0.008523173732315814, - 0.7795712144467455, - 0.7498289290197936, - 0.16692110295956242, - 0.740176192645512, - 0.032249315779931065, - 0.9340029999020112, - 0.05651612307784448, - 0.521220237619804, - 0.15057235913137323, - 0.3479615651906418, - 0.42298319541929874, - 0.61249608753945, - 0.49325301895328677, - 0.9909848147798207, - 0.3992178661460588, - 0.21368840272474843, - 0.19823133129755688, - 0.9559140343624414, - 0.3581210816793352, - 0.32731012185686736, - 0.727176679898289, - 0.8327134759099739, - 0.2459693073741982, - 0.24696920156736735, - 0.2474476500641405, - 0.5928172097707449, - 0.6622996343867423, - 0.4344280039899844, - 0.7861923605760481, - 0.502377988516349, - 0.8043794949935342, - 0.028589712305822856, - 0.22613086715345498, - 0.7816502970170145, - 0.4664497283557324, - 0.367153578037981, - 0.9479117832692205, - 0.8026279696212429, - 0.3706096067962752, - 0.6639850632363751, - 0.051961299795433735, - 0.15290865279511734, - 0.9250509319971579, - 0.99834524337081, - 0.5515832236952151, - 0.8180628650617834, - 0.1748209229254697, - 0.3179158652891927, - 0.12379670749014282, - 0.9848984365916508, - 0.7459147123486666, - 0.6377263449195576, - 0.7798296930193939, - 0.728400794421588, - 0.3140405116292472, - 0.2056152888019409, - 0.6532536977994714, - 0.06172455170472668, - 0.3924232915012671, - 0.45942763191276703, - 0.628046086804913, - 0.031042300017169566, - 0.24204004744293905, - 0.24747461182014718, - 0.8601179866809583, - 0.20129081282100159, - 0.8761936057553912, - 0.4776662641636801, - 0.879782633660238, - 0.5026241322407647, - 0.9936542293704437, - 0.33538128248952337, - 0.19347840876393618, - 0.1743842660416326, - 0.6204152258511899, - 0.004570376981090973, - 0.09748158386766348, - 0.2351537720177953, - 0.9630686523781484, - 0.5154190800900844, - 0.5667727014460994, - 0.23728179221231716, - 0.7938749451909266, - 0.11732142680099256, - 0.8838727262092096, - 0.46118351221623166, - 0.05630555242076041, - 0.18320512500380115, - 0.6624369872444056, - 0.8883921865888315, - 0.7237300984425372, - 0.5071564460527486, - 0.4715515613033445, - 0.3325999314025506, - 0.18094118280720317, - 0.22983985888835334, - 0.6562897638747879, - 0.07262837983972747, - 0.5007479123106509, - 0.5758173192527529, - 0.18404621555865286, - 0.9817386786561455, - 0.7592143940026519, - 0.9725183380327037, - 0.28415871730054243, - 0.1579173675853377, - 0.7895991587340289, - 0.8958024100724528, - 0.6771675639350461, - 0.9923650356003006, - 0.1016173141886777, - 0.08171728752659912, - 0.9718469439147318, - 0.6726764495885345, - 0.42547806650055, - 0.9207949350132213, - 0.3701864820803705, - 0.9278448789615434, - 0.6643730441218874, - 0.1737072807085125, - 0.5107027235304846, - 0.6473748332194785 - ], - "yaxis": "y14" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 1, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "Deck_A", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_A=0
shap=0.111", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_A=0
shap=0.013", - "index=Palsson, Master. Gosta Leonard
Deck_A=0
shap=0.004", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_A=0
shap=0.006", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_A=0
shap=0.01", - "index=Saundercock, Mr. William Henry
Deck_A=0
shap=0.005", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_A=0
shap=0.005", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_A=0
shap=0.005", - "index=Glynn, Miss. Mary Agatha
Deck_A=0
shap=0.008", - "index=Meyer, Mr. Edgar Joseph
Deck_A=0
shap=0.056", - "index=Kraeff, Mr. Theodor
Deck_A=0
shap=0.01", - "index=Devaney, Miss. Margaret Delia
Deck_A=0
shap=0.008", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_A=0
shap=0.005", - "index=Rugg, Miss. Emily
Deck_A=0
shap=0.005", - "index=Harris, Mr. Henry Birkhardt
Deck_A=0
shap=0.022", - "index=Skoog, Master. Harald
Deck_A=0
shap=0.006", - "index=Kink, Mr. Vincenz
Deck_A=0
shap=0.005", - "index=Hood, Mr. Ambrose Jr
Deck_A=0
shap=0.005", - "index=Ilett, Miss. Bertha
Deck_A=0
shap=0.005", - "index=Ford, Mr. William Neal
Deck_A=0
shap=0.006", - "index=Christmann, Mr. Emil
Deck_A=0
shap=0.005", - "index=Andreasson, Mr. Paul Edvin
Deck_A=0
shap=0.005", - "index=Chaffee, Mr. Herbert Fuller
Deck_A=0
shap=0.022", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_A=0
shap=0.005", - "index=White, Mr. Richard Frasar
Deck_A=0
shap=0.014", - "index=Rekic, Mr. Tido
Deck_A=0
shap=0.006", - "index=Moran, Miss. Bertha
Deck_A=0
shap=0.008", - "index=Barton, Mr. David John
Deck_A=0
shap=0.005", - "index=Jussila, Miss. Katriina
Deck_A=0
shap=0.005", - "index=Pekoniemi, Mr. Edvard
Deck_A=0
shap=0.005", - "index=Turpin, Mr. William John Robert
Deck_A=0
shap=0.005", - "index=Moore, Mr. Leonard Charles
Deck_A=0
shap=0.005", - "index=Osen, Mr. Olaf Elon
Deck_A=0
shap=0.005", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_A=0
shap=0.005", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_A=0
shap=0.009", - "index=Bateman, Rev. Robert James
Deck_A=0
shap=0.006", - "index=Meo, Mr. Alfonzo
Deck_A=0
shap=0.006", - "index=Cribb, Mr. John Hatfield
Deck_A=0
shap=0.006", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_A=0
shap=0.013", - "index=Van der hoef, Mr. Wyckoff
Deck_A=0
shap=0.018", - "index=Sivola, Mr. Antti Wilhelm
Deck_A=0
shap=0.005", - "index=Klasen, Mr. Klas Albin
Deck_A=0
shap=0.005", - "index=Rood, Mr. Hugh Roscoe
Deck_A=1
shap=-0.125", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_A=0
shap=0.005", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_A=0
shap=0.082", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_A=0
shap=0.005", - "index=Backstrom, Mr. Karl Alfred
Deck_A=0
shap=0.005", - "index=Blank, Mr. Henry
Deck_A=1
shap=-0.844", - "index=Ali, Mr. Ahmed
Deck_A=0
shap=0.005", - "index=Green, Mr. George Henry
Deck_A=0
shap=0.006", - "index=Nenkoff, Mr. Christo
Deck_A=0
shap=0.005", - "index=Asplund, Miss. Lillian Gertrud
Deck_A=0
shap=0.005", - "index=Harknett, Miss. Alice Phoebe
Deck_A=0
shap=0.005", - "index=Hunt, Mr. George Henry
Deck_A=0
shap=0.005", - "index=Reed, Mr. James George
Deck_A=0
shap=0.005", - "index=Stead, Mr. William Thomas
Deck_A=0
shap=0.022", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_A=0
shap=0.055", - "index=Parrish, Mrs. (Lutie Davis)
Deck_A=0
shap=0.006", - "index=Smith, Mr. Thomas
Deck_A=0
shap=0.008", - "index=Asplund, Master. Edvin Rojj Felix
Deck_A=0
shap=0.006", - "index=Healy, Miss. Hanora \"Nora\"
Deck_A=0
shap=0.008", - "index=Andrews, Miss. Kornelia Theodosia
Deck_A=0
shap=0.021", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_A=0
shap=0.005", - "index=Smith, Mr. Richard William
Deck_A=1
shap=-0.125", - "index=Connolly, Miss. Kate
Deck_A=0
shap=0.008", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_A=0
shap=0.027", - "index=Levy, Mr. Rene Jacques
Deck_A=0
shap=0.01", - "index=Lewy, Mr. Ervin G
Deck_A=0
shap=0.056", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_A=0
shap=0.005", - "index=Sage, Mr. George John Jr
Deck_A=0
shap=0.006", - "index=Nysveen, Mr. Johan Hansen
Deck_A=0
shap=0.006", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_A=0
shap=0.013", - "index=Denkoff, Mr. Mitto
Deck_A=0
shap=0.005", - "index=Burns, Miss. Elizabeth Margaret
Deck_A=0
shap=0.111", - "index=Dimic, Mr. Jovan
Deck_A=0
shap=0.006", - "index=del Carlo, Mr. Sebastiano
Deck_A=0
shap=0.01", - "index=Beavan, Mr. William Thomas
Deck_A=0
shap=0.005", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_A=0
shap=0.055", - "index=Widener, Mr. Harry Elkins
Deck_A=0
shap=0.102", - "index=Gustafsson, Mr. Karl Gideon
Deck_A=0
shap=0.005", - "index=Plotcharsky, Mr. Vasil
Deck_A=0
shap=0.005", - "index=Goodwin, Master. Sidney Leonard
Deck_A=0
shap=0.006", - "index=Sadlier, Mr. Matthew
Deck_A=0
shap=0.008", - "index=Gustafsson, Mr. Johan Birger
Deck_A=0
shap=0.005", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_A=0
shap=0.006", - "index=Niskanen, Mr. Juha
Deck_A=0
shap=0.006", - "index=Minahan, Miss. Daisy E
Deck_A=0
shap=0.046", - "index=Matthews, Mr. William John
Deck_A=0
shap=0.005", - "index=Charters, Mr. David
Deck_A=0
shap=0.008", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_A=0
shap=0.005", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_A=0
shap=0.006", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_A=0
shap=0.005", - "index=Peuchen, Major. Arthur Godfrey
Deck_A=0
shap=0.022", - "index=Anderson, Mr. Harry
Deck_A=0
shap=0.022", - "index=Milling, Mr. Jacob Christian
Deck_A=0
shap=0.006", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_A=0
shap=0.006", - "index=Karlsson, Mr. Nils August
Deck_A=0
shap=0.005", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_A=0
shap=0.005", - "index=Bishop, Mr. Dickinson H
Deck_A=0
shap=0.028", - "index=Windelov, Mr. Einar
Deck_A=0
shap=0.005", - "index=Shellard, Mr. Frederick William
Deck_A=0
shap=0.005", - "index=Svensson, Mr. Olof
Deck_A=0
shap=0.005", - "index=O'Sullivan, Miss. Bridget Mary
Deck_A=0
shap=0.008", - "index=Laitinen, Miss. Kristina Sofia
Deck_A=0
shap=0.006", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_A=0
shap=0.056", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_A=0
shap=0.014", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_A=0
shap=0.005", - "index=Kassem, Mr. Fared
Deck_A=0
shap=0.01", - "index=Cacic, Miss. Marija
Deck_A=0
shap=0.005", - "index=Hart, Miss. Eva Miriam
Deck_A=0
shap=0.006", - "index=Butt, Major. Archibald Willingham
Deck_A=0
shap=0.018", - "index=Beane, Mr. Edward
Deck_A=0
shap=0.005", - "index=Goldsmith, Mr. Frank John
Deck_A=0
shap=0.005", - "index=Ohman, Miss. Velin
Deck_A=0
shap=0.005", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_A=0
shap=0.021", - "index=Morrow, Mr. Thomas Rowan
Deck_A=0
shap=0.008", - "index=Harris, Mr. George
Deck_A=0
shap=0.006", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_A=0
shap=0.021", - "index=Patchett, Mr. George
Deck_A=0
shap=0.005", - "index=Ross, Mr. John Hugo
Deck_A=1
shap=-0.554", - "index=Murdlin, Mr. Joseph
Deck_A=0
shap=0.005", - "index=Bourke, Miss. Mary
Deck_A=0
shap=0.01", - "index=Boulos, Mr. Hanna
Deck_A=0
shap=0.01", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_A=1
shap=-0.844", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_A=0
shap=0.056", - "index=Lindell, Mr. Edvard Bengtsson
Deck_A=0
shap=0.005", - "index=Daniel, Mr. Robert Williams
Deck_A=0
shap=0.014", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_A=0
shap=0.009", - "index=Shutes, Miss. Elizabeth W
Deck_A=0
shap=0.021", - "index=Jardin, Mr. Jose Neto
Deck_A=0
shap=0.005", - "index=Horgan, Mr. John
Deck_A=0
shap=0.008", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_A=0
shap=0.005", - "index=Yasbeck, Mr. Antoni
Deck_A=0
shap=0.01", - "index=Bostandyeff, Mr. Guentcho
Deck_A=0
shap=0.005", - "index=Lundahl, Mr. Johan Svensson
Deck_A=0
shap=0.006", - "index=Stahelin-Maeglin, Dr. Max
Deck_A=0
shap=0.028", - "index=Willey, Mr. Edward
Deck_A=0
shap=0.005", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_A=0
shap=0.005", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_A=0
shap=0.008", - "index=Eitemiller, Mr. George Floyd
Deck_A=0
shap=0.005", - "index=Colley, Mr. Edward Pomeroy
Deck_A=0
shap=0.022", - "index=Coleff, Mr. Peju
Deck_A=0
shap=0.005", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_A=0
shap=0.006", - "index=Davidson, Mr. Thornton
Deck_A=0
shap=0.011", - "index=Turja, Miss. Anna Sofia
Deck_A=0
shap=0.005", - "index=Hassab, Mr. Hammad
Deck_A=0
shap=0.056", - "index=Goodwin, Mr. Charles Edward
Deck_A=0
shap=0.006", - "index=Panula, Mr. Jaako Arnold
Deck_A=0
shap=0.004", - "index=Fischer, Mr. Eberhard Thelander
Deck_A=0
shap=0.005", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_A=0
shap=0.006", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_A=0
shap=0.055", - "index=Hansen, Mr. Henrik Juul
Deck_A=0
shap=0.005", - "index=Calderhead, Mr. Edward Pennington
Deck_A=0
shap=0.022", - "index=Klaber, Mr. Herman
Deck_A=0
shap=0.014", - "index=Taylor, Mr. Elmer Zebley
Deck_A=0
shap=0.022", - "index=Larsson, Mr. August Viktor
Deck_A=0
shap=0.005", - "index=Greenberg, Mr. Samuel
Deck_A=0
shap=0.006", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_A=0
shap=0.005", - "index=McEvoy, Mr. Michael
Deck_A=0
shap=0.008", - "index=Johnson, Mr. Malkolm Joackim
Deck_A=0
shap=0.005", - "index=Gillespie, Mr. William Henry
Deck_A=0
shap=0.005", - "index=Allen, Miss. Elisabeth Walton
Deck_A=0
shap=0.01", - "index=Berriman, Mr. William John
Deck_A=0
shap=0.005", - "index=Troupiansky, Mr. Moses Aaron
Deck_A=0
shap=0.005", - "index=Williams, Mr. Leslie
Deck_A=0
shap=0.005", - "index=Ivanoff, Mr. Kanio
Deck_A=0
shap=0.005", - "index=McNamee, Mr. Neal
Deck_A=0
shap=0.005", - "index=Connaghton, Mr. Michael
Deck_A=0
shap=0.008", - "index=Carlsson, Mr. August Sigfrid
Deck_A=0
shap=0.005", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_A=0
shap=0.01", - "index=Eklund, Mr. Hans Linus
Deck_A=0
shap=0.005", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_A=0
shap=0.021", - "index=Moran, Mr. Daniel J
Deck_A=0
shap=0.008", - "index=Lievens, Mr. Rene Aime
Deck_A=0
shap=0.005", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_A=0
shap=0.017", - "index=Ayoub, Miss. Banoura
Deck_A=0
shap=0.01", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_A=0
shap=0.01", - "index=Johnston, Mr. Andrew G
Deck_A=0
shap=0.009", - "index=Ali, Mr. William
Deck_A=0
shap=0.005", - "index=Sjoblom, Miss. Anna Sofia
Deck_A=0
shap=0.005", - "index=Guggenheim, Mr. Benjamin
Deck_A=0
shap=0.083", - "index=Leader, Dr. Alice (Farnham)
Deck_A=0
shap=0.021", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_A=0
shap=0.005", - "index=Carter, Master. William Thornton II
Deck_A=0
shap=0.055", - "index=Thomas, Master. Assad Alexander
Deck_A=0
shap=0.01", - "index=Johansson, Mr. Karl Johan
Deck_A=0
shap=0.005", - "index=Slemen, Mr. Richard James
Deck_A=0
shap=0.005", - "index=Tomlin, Mr. Ernest Portage
Deck_A=0
shap=0.005", - "index=McCormack, Mr. Thomas Joseph
Deck_A=0
shap=0.008", - "index=Richards, Master. George Sibley
Deck_A=0
shap=0.005", - "index=Mudd, Mr. Thomas Charles
Deck_A=0
shap=0.005", - "index=Lemberopolous, Mr. Peter L
Deck_A=0
shap=0.01", - "index=Sage, Mr. Douglas Bullen
Deck_A=0
shap=0.006", - "index=Boulos, Miss. Nourelain
Deck_A=0
shap=0.01", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_A=0
shap=0.005", - "index=Razi, Mr. Raihed
Deck_A=0
shap=0.01", - "index=Johnson, Master. Harold Theodor
Deck_A=0
shap=0.005", - "index=Carlsson, Mr. Frans Olof
Deck_A=0
shap=0.011", - "index=Gustafsson, Mr. Alfred Ossian
Deck_A=0
shap=0.005", - "index=Montvila, Rev. Juozas
Deck_A=0
shap=0.005" - ], - "type": "scatter", - "x": [ - 0.11076962012785768, - 0.013433659414076165, - 0.003781721241680857, - 0.006287985293503523, - 0.009968319439975636, - 0.005019748488151467, - 0.004824765840803755, - 0.0053370075956193745, - 0.00823623203563123, - 0.05604766623728871, - 0.010163302087323349, - 0.00823623203563123, - 0.004824765840803755, - 0.004824765840803755, - 0.021807032741020263, - 0.0056838550091675944, - 0.005019748488151467, - 0.005019748488151467, - 0.004824765840803755, - 0.0056838550091675944, - 0.005019748488151467, - 0.005019748488151467, - 0.021807032741020263, - 0.005019748488151467, - 0.01446166760946972, - 0.006414416268272939, - 0.00823623203563123, - 0.005019748488151467, - 0.004824765840803755, - 0.005019748488151467, - 0.005019748488151467, - 0.005019748488151467, - 0.005019748488151467, - 0.004521391754586313, - 0.009217927844372703, - 0.006414416268272939, - 0.006414416268272939, - 0.006414416268272939, - 0.013433659414076165, - 0.018186875159546166, - 0.005019748488151467, - 0.005019748488151467, - -0.12509115202768045, - 0.004824765840803755, - 0.08232588978706733, - 0.005019748488151467, - 0.005019748488151467, - -0.8438742628790179, - 0.005019748488151467, - 0.006414416268272939, - 0.005019748488151467, - 0.004521391754586313, - 0.004824765840803755, - 0.005019748488151467, - 0.005019748488151467, - 0.021807032741020263, - 0.05501965804189516, - 0.006219433620925226, - 0.008431214682978944, - 0.0056838550091675944, - 0.00823623203563123, - 0.020779024545626707, - 0.004824765840803755, - -0.12509115202768045, - 0.00823623203563123, - 0.026575927701104802, - 0.010163302087323349, - 0.05604766623728871, - 0.005019748488151467, - 0.0056838550091675944, - 0.006414416268272939, - 0.013433659414076165, - 0.005019748488151467, - 0.11076962012785768, - 0.006414416268272939, - 0.010163302087323349, - 0.005019748488151467, - 0.05501965804189516, - 0.10154426373342165, - 0.005019748488151467, - 0.005019748488151467, - 0.0056838550091675944, - 0.008431214682978944, - 0.005019748488151467, - 0.006287985293503523, - 0.006414416268272939, - 0.045897188443034025, - 0.005019748488151467, - 0.008431214682978944, - 0.004824765840803755, - 0.006219433620925226, - 0.005019748488151467, - 0.021807032741020263, - 0.021807032741020263, - 0.006414416268272939, - 0.005631636530226055, - 0.005019748488151467, - 0.005019748488151467, - 0.027603935896498358, - 0.005019748488151467, - 0.005019748488151467, - 0.005019748488151467, - 0.00823623203563123, - 0.006219433620925226, - 0.05604766623728871, - 0.01446166760946972, - 0.004824765840803755, - 0.010163302087323349, - 0.004824765840803755, - 0.006287985293503523, - 0.018186875159546166, - 0.005019748488151467, - 0.005019748488151467, - 0.004824765840803755, - 0.020779024545626707, - 0.008431214682978944, - 0.006414416268272939, - 0.020779024545626707, - 0.005019748488151467, - -0.5539744600320128, - 0.005019748488151467, - 0.009699451488330998, - 0.010163302087323349, - -0.8438742628790179, - 0.05604766623728871, - 0.005019748488151467, - 0.01446166760946972, - 0.00898979582163141, - 0.020779024545626707, - 0.005019748488151467, - 0.008431214682978944, - 0.004824765840803755, - 0.010163302087323349, - 0.005019748488151467, - 0.006414416268272939, - 0.027603935896498358, - 0.005019748488151467, - 0.004824765840803755, - 0.00823623203563123, - 0.005019748488151467, - 0.021807032741020263, - 0.005019748488151467, - 0.006219433620925226, - 0.010841510027995632, - 0.004824765840803755, - 0.05604766623728871, - 0.0056838550091675944, - 0.003781721241680857, - 0.005019748488151467, - 0.006414416268272939, - 0.05501965804189516, - 0.005019748488151467, - 0.021807032741020263, - 0.01446166760946972, - 0.021807032741020263, - 0.005019748488151467, - 0.006414416268272939, - 0.004824765840803755, - 0.008431214682978944, - 0.005019748488151467, - 0.005019748488151467, - 0.009813501832602076, - 0.005019748488151467, - 0.005019748488151467, - 0.005019748488151467, - 0.005019748488151467, - 0.005019748488151467, - 0.008431214682978944, - 0.005019748488151467, - 0.009813501832602076, - 0.005019748488151467, - 0.020779024545626707, - 0.008431214682978944, - 0.005019748488151467, - 0.01715886696415261, - 0.009968319439975636, - 0.009813501832602076, - 0.008561579081095233, - 0.005019748488151467, - 0.004824765840803755, - 0.08335389798246087, - 0.020779024545626707, - 0.004824765840803755, - 0.055019941992965504, - 0.010163302087323349, - 0.005019748488151467, - 0.005019748488151467, - 0.005019748488151467, - 0.008431214682978944, - 0.005019748488151467, - 0.005019748488151467, - 0.010163302087323349, - 0.0056838550091675944, - 0.009968319439975636, - 0.004824765840803755, - 0.010163302087323349, - 0.005019748488151467, - 0.010841510027995632, - 0.005019748488151467, - 0.005019748488151467 - ], - "xaxis": "x15", - "y": [ - 0.7441581903242948, - 0.8624516273009443, - 0.7209583479852927, - 0.4322990857089156, - 0.28821035984471033, - 0.9640827216223367, - 0.8287723141262624, - 0.14225568317675663, - 0.4863838999484228, - 0.5226410235162371, - 0.9796187115176084, - 0.1554024561059878, - 0.3013265795495955, - 0.1780399735254644, - 0.5293724525591238, - 0.8162443641371441, - 0.04228209214805323, - 0.26157188287709066, - 0.19924085970467376, - 0.7924372577106786, - 0.06395447035471569, - 0.47028339510304895, - 0.5498530084044656, - 0.3951497943015103, - 0.7405812390141437, - 0.419629495969865, - 0.4530384313397835, - 0.5206147063251658, - 0.7565399693161717, - 0.7277694171569118, - 0.4237194905213352, - 0.5514272373376207, - 0.6452533378519263, - 0.12090562165030039, - 0.9228736492190788, - 0.772509030003769, - 0.8164442138780926, - 0.8527871741570505, - 0.5658627316840158, - 0.9949869806974032, - 0.9887620121098546, - 0.7659982839273427, - 0.7433454913425658, - 0.7337130012555961, - 0.45747556715724924, - 0.6785688365403503, - 0.6381325024406094, - 0.5752611531826719, - 0.5078434621053384, - 0.9520323982433726, - 0.42307282416107916, - 0.8636776839833686, - 0.4732201284425108, - 0.8379207764708121, - 0.04734238679545133, - 0.8578658527532153, - 0.5446616032943121, - 0.45078337770286947, - 0.7530005288102322, - 0.8387421830233424, - 0.9012420471450316, - 0.10962209374006726, - 0.0241666229663835, - 0.15195577318082, - 0.653648515366449, - 0.8978591720366352, - 0.6511411561681463, - 0.5742928276475634, - 0.6582654320520853, - 0.8231939784978457, - 0.4096204296971505, - 0.9024069222180503, - 0.6003661295576708, - 0.6863433067123006, - 0.48467105170270264, - 0.26647047170175286, - 0.8519234250752927, - 0.37613060812013055, - 0.5679184615644147, - 0.3628826020739273, - 0.9339517359204491, - 0.743339485684583, - 0.6774462161769988, - 0.7639588420042818, - 0.5428430776466564, - 0.12510827836254168, - 0.7023491150560577, - 0.6689590103184216, - 0.27990178966819834, - 0.7970578901985635, - 0.7484362386115069, - 0.4476661598710261, - 0.3000273115461738, - 0.46502541111198914, - 0.021183739302669813, - 0.18841317200804164, - 0.362906312506854, - 0.6136053414826563, - 0.546640967533695, - 0.004994768724830068, - 0.031210713102398535, - 0.5914700479601102, - 0.005676269165530767, - 0.5903770784433698, - 0.5780219353787738, - 0.8140760769644313, - 0.9056220957530183, - 0.9781982516734135, - 0.2821292776280322, - 0.565810524030283, - 0.3092576873857781, - 0.11618534876132847, - 0.34233169128301943, - 0.9790203531796955, - 0.9929687382742508, - 0.566683461193041, - 0.8061019139452184, - 0.4750040660767847, - 0.16606229787061877, - 0.0457561450455235, - 0.9408250508555207, - 0.42332437195500905, - 0.4642614962420607, - 0.26450522794802156, - 0.9873280431207827, - 0.23127930451997014, - 0.6650583040336832, - 0.06446649528849091, - 0.29478745272669726, - 0.4831171852819107, - 0.8035344260791268, - 0.7908862801928149, - 0.886727669242197, - 0.7942793194209676, - 0.47153365824190974, - 0.7665186194013032, - 0.5543181351991445, - 0.36600087606793474, - 0.3838671872866447, - 0.05014965534016935, - 0.09598047203940396, - 0.533434391524072, - 0.5071163574265591, - 0.6190824258832428, - 0.736737550347791, - 0.8813752185497289, - 0.8642997307439262, - 0.5518329480164228, - 0.5903021513471115, - 0.009951971505378188, - 0.11946842790753287, - 0.07940221246123458, - 0.19160143754678716, - 0.4854177034355366, - 0.4417648739603127, - 0.19681184294528176, - 0.3877682931502462, - 0.48010429791466125, - 0.3301488653321555, - 0.9944749127325426, - 0.7773613665077063, - 0.06306030736320045, - 0.23393370137442793, - 0.11205147935949644, - 0.0618101381067897, - 0.2522879015730335, - 0.7041051751961219, - 0.8505322393951392, - 0.5092370041099872, - 0.7707299238730226, - 0.6015687768181749, - 0.7849925122662402, - 0.25485849541789374, - 0.513512599582308, - 0.6366447372290028, - 0.035956242055065646, - 0.7967906656711939, - 0.7309871814560162, - 0.00240139089751934, - 0.11783713336674617, - 0.1723831362398679, - 0.5243515439345027, - 0.16923041272400152, - 0.5002542477489407, - 0.2127166113735811, - 0.8604700969860586, - 0.25401440239930295, - 0.12167859658857272, - 0.6232664569447175, - 0.6944697219437328, - 0.14365683910222105, - 0.2320193382867043, - 0.8412632422155083, - 0.8121863944475787, - 0.5460569547952426, - 0.3065582139788371, - 0.5019203839035611, - 0.028190140169109146, - 0.45457364581123294, - 0.9669713885307144 - ], - "yaxis": "y15" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 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, - 1, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, - 0, - 0, - 1, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "Deck_E", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_E=0
shap=0.005", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_E=0
shap=0.182", - "index=Palsson, Master. Gosta Leonard
Deck_E=0
shap=0.003", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_E=0
shap=0.003", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_E=0
shap=0.002", - "index=Saundercock, Mr. William Henry
Deck_E=0
shap=0.003", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_E=0
shap=0.003", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_E=0
shap=0.003", - "index=Glynn, Miss. Mary Agatha
Deck_E=0
shap=0.003", - "index=Meyer, Mr. Edgar Joseph
Deck_E=0
shap=0.005", - "index=Kraeff, Mr. Theodor
Deck_E=0
shap=0.002", - "index=Devaney, Miss. Margaret Delia
Deck_E=0
shap=0.003", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_E=0
shap=0.003", - "index=Rugg, Miss. Emily
Deck_E=0
shap=0.003", - "index=Harris, Mr. Henry Birkhardt
Deck_E=0
shap=0.01", - "index=Skoog, Master. Harald
Deck_E=0
shap=0.003", - "index=Kink, Mr. Vincenz
Deck_E=0
shap=0.003", - "index=Hood, Mr. Ambrose Jr
Deck_E=0
shap=0.003", - "index=Ilett, Miss. Bertha
Deck_E=0
shap=0.003", - "index=Ford, Mr. William Neal
Deck_E=0
shap=0.003", - "index=Christmann, Mr. Emil
Deck_E=0
shap=0.003", - "index=Andreasson, Mr. Paul Edvin
Deck_E=0
shap=0.003", - "index=Chaffee, Mr. Herbert Fuller
Deck_E=1
shap=-0.026", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_E=0
shap=0.003", - "index=White, Mr. Richard Frasar
Deck_E=0
shap=0.01", - "index=Rekic, Mr. Tido
Deck_E=0
shap=0.003", - "index=Moran, Miss. Bertha
Deck_E=0
shap=0.003", - "index=Barton, Mr. David John
Deck_E=0
shap=0.003", - "index=Jussila, Miss. Katriina
Deck_E=0
shap=0.003", - "index=Pekoniemi, Mr. Edvard
Deck_E=0
shap=0.003", - "index=Turpin, Mr. William John Robert
Deck_E=0
shap=0.003", - "index=Moore, Mr. Leonard Charles
Deck_E=0
shap=0.003", - "index=Osen, Mr. Olaf Elon
Deck_E=0
shap=0.003", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_E=0
shap=0.003", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_E=0
shap=0.02", - "index=Bateman, Rev. Robert James
Deck_E=0
shap=0.003", - "index=Meo, Mr. Alfonzo
Deck_E=0
shap=0.003", - "index=Cribb, Mr. John Hatfield
Deck_E=0
shap=0.003", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_E=1
shap=-0.026", - "index=Van der hoef, Mr. Wyckoff
Deck_E=0
shap=0.01", - "index=Sivola, Mr. Antti Wilhelm
Deck_E=0
shap=0.003", - "index=Klasen, Mr. Klas Albin
Deck_E=0
shap=0.003", - "index=Rood, Mr. Hugh Roscoe
Deck_E=0
shap=0.01", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_E=0
shap=0.003", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_E=0
shap=0.005", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_E=0
shap=0.003", - "index=Backstrom, Mr. Karl Alfred
Deck_E=0
shap=0.003", - "index=Blank, Mr. Henry
Deck_E=0
shap=0.005", - "index=Ali, Mr. Ahmed
Deck_E=0
shap=0.003", - "index=Green, Mr. George Henry
Deck_E=0
shap=0.003", - "index=Nenkoff, Mr. Christo
Deck_E=0
shap=0.003", - "index=Asplund, Miss. Lillian Gertrud
Deck_E=0
shap=0.003", - "index=Harknett, Miss. Alice Phoebe
Deck_E=0
shap=0.003", - "index=Hunt, Mr. George Henry
Deck_E=0
shap=0.003", - "index=Reed, Mr. James George
Deck_E=0
shap=0.003", - "index=Stead, Mr. William Thomas
Deck_E=0
shap=0.01", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_E=0
shap=0.005", - "index=Parrish, Mrs. (Lutie Davis)
Deck_E=0
shap=0.003", - "index=Smith, Mr. Thomas
Deck_E=0
shap=0.003", - "index=Asplund, Master. Edvin Rojj Felix
Deck_E=0
shap=0.003", - "index=Healy, Miss. Hanora \"Nora\"
Deck_E=0
shap=0.003", - "index=Andrews, Miss. Kornelia Theodosia
Deck_E=0
shap=0.01", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_E=0
shap=0.02", - "index=Smith, Mr. Richard William
Deck_E=0
shap=0.01", - "index=Connolly, Miss. Kate
Deck_E=0
shap=0.003", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_E=0
shap=0.005", - "index=Levy, Mr. Rene Jacques
Deck_E=0
shap=0.009", - "index=Lewy, Mr. Ervin G
Deck_E=0
shap=0.005", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_E=0
shap=0.003", - "index=Sage, Mr. George John Jr
Deck_E=0
shap=0.003", - "index=Nysveen, Mr. Johan Hansen
Deck_E=0
shap=0.003", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_E=0
shap=0.01", - "index=Denkoff, Mr. Mitto
Deck_E=0
shap=0.003", - "index=Burns, Miss. Elizabeth Margaret
Deck_E=1
shap=-0.013", - "index=Dimic, Mr. Jovan
Deck_E=0
shap=0.003", - "index=del Carlo, Mr. Sebastiano
Deck_E=0
shap=0.002", - "index=Beavan, Mr. William Thomas
Deck_E=0
shap=0.003", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_E=0
shap=0.005", - "index=Widener, Mr. Harry Elkins
Deck_E=0
shap=0.005", - "index=Gustafsson, Mr. Karl Gideon
Deck_E=0
shap=0.003", - "index=Plotcharsky, Mr. Vasil
Deck_E=0
shap=0.003", - "index=Goodwin, Master. Sidney Leonard
Deck_E=0
shap=0.003", - "index=Sadlier, Mr. Matthew
Deck_E=0
shap=0.003", - "index=Gustafsson, Mr. Johan Birger
Deck_E=0
shap=0.003", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_E=0
shap=0.003", - "index=Niskanen, Mr. Juha
Deck_E=0
shap=0.003", - "index=Minahan, Miss. Daisy E
Deck_E=0
shap=0.01", - "index=Matthews, Mr. William John
Deck_E=0
shap=0.003", - "index=Charters, Mr. David
Deck_E=0
shap=0.003", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_E=0
shap=0.003", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_E=0
shap=0.003", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_E=0
shap=0.003", - "index=Peuchen, Major. Arthur Godfrey
Deck_E=0
shap=0.01", - "index=Anderson, Mr. Harry
Deck_E=1
shap=-0.026", - "index=Milling, Mr. Jacob Christian
Deck_E=0
shap=0.003", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_E=0
shap=0.003", - "index=Karlsson, Mr. Nils August
Deck_E=0
shap=0.003", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_E=0
shap=0.003", - "index=Bishop, Mr. Dickinson H
Deck_E=0
shap=0.005", - "index=Windelov, Mr. Einar
Deck_E=0
shap=0.003", - "index=Shellard, Mr. Frederick William
Deck_E=0
shap=0.003", - "index=Svensson, Mr. Olof
Deck_E=0
shap=0.003", - "index=O'Sullivan, Miss. Bridget Mary
Deck_E=0
shap=0.003", - "index=Laitinen, Miss. Kristina Sofia
Deck_E=0
shap=0.003", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_E=0
shap=0.005", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_E=0
shap=0.01", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_E=0
shap=0.02", - "index=Kassem, Mr. Fared
Deck_E=0
shap=0.002", - "index=Cacic, Miss. Marija
Deck_E=0
shap=0.003", - "index=Hart, Miss. Eva Miriam
Deck_E=0
shap=0.003", - "index=Butt, Major. Archibald Willingham
Deck_E=0
shap=0.01", - "index=Beane, Mr. Edward
Deck_E=0
shap=0.003", - "index=Goldsmith, Mr. Frank John
Deck_E=0
shap=0.003", - "index=Ohman, Miss. Velin
Deck_E=0
shap=0.003", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_E=1
shap=-0.026", - "index=Morrow, Mr. Thomas Rowan
Deck_E=0
shap=0.003", - "index=Harris, Mr. George
Deck_E=0
shap=0.003", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_E=0
shap=0.01", - "index=Patchett, Mr. George
Deck_E=0
shap=0.003", - "index=Ross, Mr. John Hugo
Deck_E=0
shap=0.041", - "index=Murdlin, Mr. Joseph
Deck_E=0
shap=0.003", - "index=Bourke, Miss. Mary
Deck_E=0
shap=0.003", - "index=Boulos, Mr. Hanna
Deck_E=0
shap=0.002", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_E=0
shap=0.005", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_E=0
shap=0.041", - "index=Lindell, Mr. Edvard Bengtsson
Deck_E=0
shap=0.02", - "index=Daniel, Mr. Robert Williams
Deck_E=0
shap=0.01", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_E=0
shap=0.002", - "index=Shutes, Miss. Elizabeth W
Deck_E=0
shap=0.01", - "index=Jardin, Mr. Jose Neto
Deck_E=0
shap=0.003", - "index=Horgan, Mr. John
Deck_E=0
shap=0.003", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_E=0
shap=0.003", - "index=Yasbeck, Mr. Antoni
Deck_E=0
shap=0.002", - "index=Bostandyeff, Mr. Guentcho
Deck_E=0
shap=0.003", - "index=Lundahl, Mr. Johan Svensson
Deck_E=0
shap=0.003", - "index=Stahelin-Maeglin, Dr. Max
Deck_E=0
shap=0.005", - "index=Willey, Mr. Edward
Deck_E=0
shap=0.003", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_E=0
shap=0.003", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_E=0
shap=0.003", - "index=Eitemiller, Mr. George Floyd
Deck_E=0
shap=0.003", - "index=Colley, Mr. Edward Pomeroy
Deck_E=1
shap=-0.026", - "index=Coleff, Mr. Peju
Deck_E=0
shap=0.02", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_E=0
shap=0.003", - "index=Davidson, Mr. Thornton
Deck_E=0
shap=0.01", - "index=Turja, Miss. Anna Sofia
Deck_E=0
shap=0.003", - "index=Hassab, Mr. Hammad
Deck_E=0
shap=0.005", - "index=Goodwin, Mr. Charles Edward
Deck_E=0
shap=0.003", - "index=Panula, Mr. Jaako Arnold
Deck_E=0
shap=0.003", - "index=Fischer, Mr. Eberhard Thelander
Deck_E=0
shap=0.003", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_E=0
shap=0.003", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_E=0
shap=0.005", - "index=Hansen, Mr. Henrik Juul
Deck_E=0
shap=0.003", - "index=Calderhead, Mr. Edward Pennington
Deck_E=1
shap=-0.026", - "index=Klaber, Mr. Herman
Deck_E=0
shap=0.01", - "index=Taylor, Mr. Elmer Zebley
Deck_E=0
shap=0.01", - "index=Larsson, Mr. August Viktor
Deck_E=0
shap=0.003", - "index=Greenberg, Mr. Samuel
Deck_E=0
shap=0.003", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_E=1
shap=-0.008", - "index=McEvoy, Mr. Michael
Deck_E=0
shap=0.003", - "index=Johnson, Mr. Malkolm Joackim
Deck_E=0
shap=0.003", - "index=Gillespie, Mr. William Henry
Deck_E=0
shap=0.003", - "index=Allen, Miss. Elisabeth Walton
Deck_E=0
shap=0.01", - "index=Berriman, Mr. William John
Deck_E=0
shap=0.003", - "index=Troupiansky, Mr. Moses Aaron
Deck_E=0
shap=0.003", - "index=Williams, Mr. Leslie
Deck_E=0
shap=0.003", - "index=Ivanoff, Mr. Kanio
Deck_E=0
shap=0.003", - "index=McNamee, Mr. Neal
Deck_E=0
shap=0.003", - "index=Connaghton, Mr. Michael
Deck_E=0
shap=0.003", - "index=Carlsson, Mr. August Sigfrid
Deck_E=0
shap=0.003", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_E=0
shap=0.01", - "index=Eklund, Mr. Hans Linus
Deck_E=0
shap=0.003", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_E=0
shap=0.01", - "index=Moran, Mr. Daniel J
Deck_E=0
shap=0.003", - "index=Lievens, Mr. Rene Aime
Deck_E=0
shap=0.003", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_E=0
shap=0.01", - "index=Ayoub, Miss. Banoura
Deck_E=0
shap=0.002", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_E=0
shap=0.01", - "index=Johnston, Mr. Andrew G
Deck_E=0
shap=0.003", - "index=Ali, Mr. William
Deck_E=0
shap=0.003", - "index=Sjoblom, Miss. Anna Sofia
Deck_E=0
shap=0.003", - "index=Guggenheim, Mr. Benjamin
Deck_E=0
shap=0.005", - "index=Leader, Dr. Alice (Farnham)
Deck_E=0
shap=0.01", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_E=0
shap=0.003", - "index=Carter, Master. William Thornton II
Deck_E=0
shap=0.01", - "index=Thomas, Master. Assad Alexander
Deck_E=0
shap=0.002", - "index=Johansson, Mr. Karl Johan
Deck_E=0
shap=0.003", - "index=Slemen, Mr. Richard James
Deck_E=0
shap=0.02", - "index=Tomlin, Mr. Ernest Portage
Deck_E=0
shap=0.003", - "index=McCormack, Mr. Thomas Joseph
Deck_E=0
shap=0.003", - "index=Richards, Master. George Sibley
Deck_E=0
shap=0.003", - "index=Mudd, Mr. Thomas Charles
Deck_E=0
shap=0.003", - "index=Lemberopolous, Mr. Peter L
Deck_E=0
shap=0.002", - "index=Sage, Mr. Douglas Bullen
Deck_E=0
shap=0.003", - "index=Boulos, Miss. Nourelain
Deck_E=0
shap=0.002", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_E=0
shap=0.003", - "index=Razi, Mr. Raihed
Deck_E=0
shap=0.002", - "index=Johnson, Master. Harold Theodor
Deck_E=0
shap=0.003", - "index=Carlsson, Mr. Frans Olof
Deck_E=0
shap=0.01", - "index=Gustafsson, Mr. Alfred Ossian
Deck_E=0
shap=0.003", - "index=Montvila, Rev. Juozas
Deck_E=0
shap=0.003" - ], - "type": "scatter", - "x": [ - 0.004741760184479514, - 0.18198357801349613, - 0.0029797022376441685, - 0.0029797022376441685, - 0.002006738241678726, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.004741760184479515, - 0.002006738241678726, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.009692937915427927, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - -0.025847834441141138, - 0.0029797022376441685, - 0.009692937915427927, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.020322025337606346, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - -0.025847834441141134, - 0.009692937915427927, - 0.0029797022376441685, - 0.0029797022376441685, - 0.009692937915427927, - 0.0029797022376441685, - 0.004741760184479514, - 0.0029797022376441685, - 0.0029797022376441685, - 0.004741760184479514, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.009692937915427927, - 0.004741760184479515, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.009692937915427927, - 0.020322025337606346, - 0.009692937915427927, - 0.0029797022376441685, - 0.004741760184479515, - 0.009072129134255905, - 0.004741760184479515, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.009692937915427927, - 0.0029797022376441685, - -0.012644693825278707, - 0.0029797022376441685, - 0.002006738241678726, - 0.0029797022376441685, - 0.004741760184479515, - 0.004741760184479515, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.009692937915427927, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.009692937915427927, - -0.025847834441141138, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.004741760184479515, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.004741760184479515, - 0.009692937915427927, - 0.020322025337606346, - 0.002006738241678726, - 0.0029797022376441685, - 0.0029797022376441685, - 0.009692937915427927, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - -0.025847834441141138, - 0.0029797022376441685, - 0.0029797022376441685, - 0.009692937915427927, - 0.0029797022376441685, - 0.04069582034789003, - 0.0029797022376441685, - 0.0029797022376441685, - 0.002006738241678726, - 0.004741760184479514, - 0.04069582034789003, - 0.020322025337606346, - 0.009692937915427927, - 0.002006738241678726, - 0.009692937915427927, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.002006738241678726, - 0.0029797022376441685, - 0.0029797022376441685, - 0.004741760184479515, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - -0.025847834441141138, - 0.020322025337606346, - 0.0029797022376441685, - 0.009692937915427927, - 0.0029797022376441685, - 0.004741760184479515, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.004741760184479515, - 0.0029797022376441685, - -0.025847834441141138, - 0.009692937915427927, - 0.009692937915427927, - 0.0029797022376441685, - 0.0029797022376441685, - -0.007945872633717785, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.009692937915427927, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.009692937915427927, - 0.0029797022376441685, - 0.009692937915427927, - 0.0029797022376441685, - 0.0029797022376441685, - 0.009692937915427927, - 0.002006738241678726, - 0.009692937915427927, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.004741760184479514, - 0.009692937915427927, - 0.0029797022376441685, - 0.009692937915427927, - 0.002006738241678726, - 0.0029797022376441685, - 0.020322025337606346, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.0029797022376441685, - 0.002006738241678726, - 0.0029797022376441685, - 0.002006738241678726, - 0.0029797022376441685, - 0.002006738241678726, - 0.0029797022376441685, - 0.009692937915427927, - 0.0029797022376441685, - 0.0029797022376441685 - ], - "xaxis": "x16", - "y": [ - 0.8890311011290671, - 0.5490734466824478, - 0.053792150089174484, - 0.9363276864605081, - 0.22155828943490075, - 0.246462040967396, - 0.6367419600106569, - 0.8439942948329614, - 0.28943987581359176, - 0.07807822861281588, - 0.8604055222318405, - 0.6766155539161343, - 0.2338093444137912, - 0.8576060118840962, - 0.5961855023878533, - 0.09717376192258242, - 0.758427876032083, - 0.4363463253020454, - 0.6447996201619245, - 0.24166900135396174, - 0.25360376644495064, - 0.07306720658899879, - 0.2120069597341736, - 0.7937894896679016, - 0.28546013317122587, - 0.48239676685373756, - 0.9418217767573793, - 0.3100727103857004, - 0.33512758584819746, - 0.4430864854394838, - 0.5074153524763755, - 0.880065677634638, - 0.6596924326330939, - 0.5890978019266182, - 0.947271877990627, - 0.37791483182025665, - 0.29495262938708233, - 0.6392472555218519, - 0.8201430402141161, - 0.6837492905048115, - 0.7905701467959728, - 0.3786496755033637, - 0.17155115006437238, - 0.8669905587790486, - 0.9320950562743527, - 0.7412104792973793, - 0.7592362903984806, - 0.6983576257893147, - 0.5245579780491246, - 0.776490154335323, - 0.10045300779687227, - 0.1716175028820357, - 0.04582805725980221, - 0.6256297450930064, - 0.9233730830704081, - 0.3342522620414192, - 0.45357743439388043, - 0.878024436674977, - 0.012409817425642178, - 0.48245476194054693, - 0.20842998022337078, - 0.38475716518249226, - 0.8321685092989063, - 0.26688414786517656, - 0.09676333256740133, - 0.2545127784685508, - 0.3060387022118394, - 0.5808164187903881, - 0.5463495633461455, - 0.9479850580030397, - 0.32079626911743175, - 0.023976725136941268, - 0.6494111732294041, - 0.9774382305735091, - 0.8455904401203651, - 0.1169893530312418, - 0.6627417107507566, - 0.06926749501205187, - 0.5881577006974006, - 0.554813069086775, - 0.47689438366870984, - 0.18033792303064178, - 0.857855040264862, - 0.4686807037249521, - 0.5965019288626047, - 0.4806762410034183, - 0.8721834628639107, - 0.5284071589352181, - 0.49926167455592685, - 0.779233579041665, - 0.7319238649024811, - 0.9350387434387883, - 0.23239982758027478, - 0.7990341988877594, - 0.6080183212900598, - 0.48025440486795656, - 0.5509889366765859, - 0.8939825981204294, - 0.2751383165731941, - 0.5246562374416649, - 0.8053739243812635, - 0.1146302901793056, - 0.04516099063516599, - 0.705441720593341, - 0.35265862295448, - 0.8794155731410214, - 0.8939284855231492, - 0.4586021874924465, - 0.3717556445968715, - 0.687083257220366, - 0.2607914491521168, - 0.44307564731011906, - 0.3422403116660171, - 0.10217086973257916, - 0.6686295167592518, - 0.0859711771327264, - 0.6734596941383463, - 0.1412158152710945, - 0.2708194854068551, - 0.951103215814958, - 0.7047554837490674, - 0.971805954299809, - 0.49768924268603076, - 0.3846025874787823, - 0.9650735105651075, - 0.7215368610465613, - 0.4487517515790892, - 0.775719490071344, - 0.4151335092186603, - 0.3867677839626875, - 0.41900824988935803, - 0.7852644144611853, - 0.10682016579537945, - 0.9361975726040946, - 0.8768162643843815, - 0.9775934280958815, - 0.8808824180595438, - 0.6832143711142602, - 0.174251220154387, - 0.10205226878197982, - 0.026219116184243885, - 0.8486945080732894, - 0.5366921015598718, - 0.07599138681950413, - 0.45426911145056037, - 0.04690900315308255, - 0.38241541626073194, - 0.8954351219627483, - 0.9553794262566053, - 0.08454812741304152, - 0.22571348145343417, - 0.5928421873732301, - 0.5310246416328583, - 0.31194412035904784, - 0.2792440265244689, - 0.5570056471092469, - 0.36611307309480234, - 0.1334169817669969, - 0.6426715139551528, - 0.7799289676248436, - 0.07520307687071592, - 0.2597314340541179, - 0.665085893528299, - 0.6186705475126909, - 0.42018735299700294, - 0.21758097064185233, - 0.27092895868382416, - 0.18301961845555226, - 0.35325496742733864, - 0.11585593096696412, - 0.04842673965273414, - 0.5729504233936356, - 0.9485255939629452, - 0.008489469144277728, - 0.6229556876899635, - 0.560780321506791, - 0.6191028251675413, - 0.5578660386121455, - 0.781927198660462, - 0.7096376737116674, - 0.7158787963193551, - 0.9160568175219747, - 0.5377493015246102, - 0.6136616291623331, - 0.3979625223991383, - 0.5934865307018564, - 0.908467350083997, - 0.30942712317447063, - 0.9054823552154565, - 0.7677836799845393, - 0.46049076214975926, - 0.28310496317723655, - 0.21044762449361865, - 0.24794945096656562, - 0.8115450191998198, - 0.6505186022196814, - 0.4947321765749625, - 0.5467626522257928, - 0.39279680655731797, - 0.7455762451499006 - ], - "yaxis": "y16" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 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, - 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, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "Deck_F", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_F=0
shap=0.0", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_F=0
shap=0.0", - "index=Palsson, Master. Gosta Leonard
Deck_F=0
shap=0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_F=0
shap=0.0", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_F=0
shap=0.0", - "index=Saundercock, Mr. William Henry
Deck_F=0
shap=0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_F=0
shap=0.0", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_F=0
shap=0.0", - "index=Glynn, Miss. Mary Agatha
Deck_F=0
shap=0.0", - "index=Meyer, Mr. Edgar Joseph
Deck_F=0
shap=0.0", - "index=Kraeff, Mr. Theodor
Deck_F=0
shap=0.0", - "index=Devaney, Miss. Margaret Delia
Deck_F=0
shap=0.0", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_F=0
shap=0.0", - "index=Rugg, Miss. Emily
Deck_F=0
shap=0.0", - "index=Harris, Mr. Henry Birkhardt
Deck_F=0
shap=0.0", - "index=Skoog, Master. Harald
Deck_F=0
shap=0.0", - "index=Kink, Mr. Vincenz
Deck_F=0
shap=0.0", - "index=Hood, Mr. Ambrose Jr
Deck_F=0
shap=0.0", - "index=Ilett, Miss. Bertha
Deck_F=0
shap=0.0", - "index=Ford, Mr. William Neal
Deck_F=0
shap=0.0", - "index=Christmann, Mr. Emil
Deck_F=0
shap=0.0", - "index=Andreasson, Mr. Paul Edvin
Deck_F=0
shap=0.0", - "index=Chaffee, Mr. Herbert Fuller
Deck_F=0
shap=0.0", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_F=0
shap=0.0", - "index=White, Mr. Richard Frasar
Deck_F=0
shap=0.0", - "index=Rekic, Mr. Tido
Deck_F=0
shap=0.0", - "index=Moran, Miss. Bertha
Deck_F=0
shap=0.0", - "index=Barton, Mr. David John
Deck_F=0
shap=0.0", - "index=Jussila, Miss. Katriina
Deck_F=0
shap=0.0", - "index=Pekoniemi, Mr. Edvard
Deck_F=0
shap=0.0", - "index=Turpin, Mr. William John Robert
Deck_F=0
shap=0.0", - "index=Moore, Mr. Leonard Charles
Deck_F=0
shap=0.0", - "index=Osen, Mr. Olaf Elon
Deck_F=0
shap=0.0", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_F=0
shap=0.0", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_F=1
shap=0.0", - "index=Bateman, Rev. Robert James
Deck_F=0
shap=0.0", - "index=Meo, Mr. Alfonzo
Deck_F=0
shap=0.0", - "index=Cribb, Mr. John Hatfield
Deck_F=0
shap=0.0", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_F=0
shap=0.0", - "index=Van der hoef, Mr. Wyckoff
Deck_F=0
shap=0.0", - "index=Sivola, Mr. Antti Wilhelm
Deck_F=0
shap=0.0", - "index=Klasen, Mr. Klas Albin
Deck_F=0
shap=0.0", - "index=Rood, Mr. Hugh Roscoe
Deck_F=0
shap=0.0", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_F=0
shap=0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_F=0
shap=0.0", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_F=0
shap=0.0", - "index=Backstrom, Mr. Karl Alfred
Deck_F=0
shap=0.0", - "index=Blank, Mr. Henry
Deck_F=0
shap=0.0", - "index=Ali, Mr. Ahmed
Deck_F=0
shap=0.0", - "index=Green, Mr. George Henry
Deck_F=0
shap=0.0", - "index=Nenkoff, Mr. Christo
Deck_F=0
shap=0.0", - "index=Asplund, Miss. Lillian Gertrud
Deck_F=0
shap=0.0", - "index=Harknett, Miss. Alice Phoebe
Deck_F=0
shap=0.0", - "index=Hunt, Mr. George Henry
Deck_F=0
shap=0.0", - "index=Reed, Mr. James George
Deck_F=0
shap=0.0", - "index=Stead, Mr. William Thomas
Deck_F=0
shap=0.0", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_F=0
shap=0.0", - "index=Parrish, Mrs. (Lutie Davis)
Deck_F=0
shap=0.0", - "index=Smith, Mr. Thomas
Deck_F=0
shap=0.0", - "index=Asplund, Master. Edvin Rojj Felix
Deck_F=0
shap=0.0", - "index=Healy, Miss. Hanora \"Nora\"
Deck_F=0
shap=0.0", - "index=Andrews, Miss. Kornelia Theodosia
Deck_F=0
shap=0.0", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_F=0
shap=0.0", - "index=Smith, Mr. Richard William
Deck_F=0
shap=0.0", - "index=Connolly, Miss. Kate
Deck_F=0
shap=0.0", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_F=0
shap=0.0", - "index=Levy, Mr. Rene Jacques
Deck_F=0
shap=0.0", - "index=Lewy, Mr. Ervin G
Deck_F=0
shap=0.0", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_F=0
shap=0.0", - "index=Sage, Mr. George John Jr
Deck_F=0
shap=0.0", - "index=Nysveen, Mr. Johan Hansen
Deck_F=0
shap=0.0", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_F=0
shap=0.0", - "index=Denkoff, Mr. Mitto
Deck_F=0
shap=0.0", - "index=Burns, Miss. Elizabeth Margaret
Deck_F=0
shap=0.0", - "index=Dimic, Mr. Jovan
Deck_F=0
shap=0.0", - "index=del Carlo, Mr. Sebastiano
Deck_F=0
shap=0.0", - "index=Beavan, Mr. William Thomas
Deck_F=0
shap=0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_F=0
shap=0.0", - "index=Widener, Mr. Harry Elkins
Deck_F=0
shap=0.0", - "index=Gustafsson, Mr. Karl Gideon
Deck_F=0
shap=0.0", - "index=Plotcharsky, Mr. Vasil
Deck_F=0
shap=0.0", - "index=Goodwin, Master. Sidney Leonard
Deck_F=0
shap=0.0", - "index=Sadlier, Mr. Matthew
Deck_F=0
shap=0.0", - "index=Gustafsson, Mr. Johan Birger
Deck_F=0
shap=0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_F=0
shap=0.0", - "index=Niskanen, Mr. Juha
Deck_F=0
shap=0.0", - "index=Minahan, Miss. Daisy E
Deck_F=0
shap=0.0", - "index=Matthews, Mr. William John
Deck_F=0
shap=0.0", - "index=Charters, Mr. David
Deck_F=0
shap=0.0", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_F=0
shap=0.0", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_F=0
shap=0.0", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_F=0
shap=0.0", - "index=Peuchen, Major. Arthur Godfrey
Deck_F=0
shap=0.0", - "index=Anderson, Mr. Harry
Deck_F=0
shap=0.0", - "index=Milling, Mr. Jacob Christian
Deck_F=0
shap=0.0", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_F=0
shap=0.0", - "index=Karlsson, Mr. Nils August
Deck_F=0
shap=0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_F=0
shap=0.0", - "index=Bishop, Mr. Dickinson H
Deck_F=0
shap=0.0", - "index=Windelov, Mr. Einar
Deck_F=0
shap=0.0", - "index=Shellard, Mr. Frederick William
Deck_F=0
shap=0.0", - "index=Svensson, Mr. Olof
Deck_F=0
shap=0.0", - "index=O'Sullivan, Miss. Bridget Mary
Deck_F=0
shap=0.0", - "index=Laitinen, Miss. Kristina Sofia
Deck_F=0
shap=0.0", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_F=0
shap=0.0", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_F=0
shap=0.0", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_F=0
shap=0.0", - "index=Kassem, Mr. Fared
Deck_F=0
shap=0.0", - "index=Cacic, Miss. Marija
Deck_F=0
shap=0.0", - "index=Hart, Miss. Eva Miriam
Deck_F=0
shap=0.0", - "index=Butt, Major. Archibald Willingham
Deck_F=0
shap=0.0", - "index=Beane, Mr. Edward
Deck_F=0
shap=0.0", - "index=Goldsmith, Mr. Frank John
Deck_F=0
shap=0.0", - "index=Ohman, Miss. Velin
Deck_F=0
shap=0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_F=0
shap=0.0", - "index=Morrow, Mr. Thomas Rowan
Deck_F=0
shap=0.0", - "index=Harris, Mr. George
Deck_F=0
shap=0.0", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_F=0
shap=0.0", - "index=Patchett, Mr. George
Deck_F=0
shap=0.0", - "index=Ross, Mr. John Hugo
Deck_F=0
shap=0.0", - "index=Murdlin, Mr. Joseph
Deck_F=0
shap=0.0", - "index=Bourke, Miss. Mary
Deck_F=0
shap=0.0", - "index=Boulos, Mr. Hanna
Deck_F=0
shap=0.0", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_F=0
shap=0.0", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_F=0
shap=0.0", - "index=Lindell, Mr. Edvard Bengtsson
Deck_F=0
shap=0.0", - "index=Daniel, Mr. Robert Williams
Deck_F=0
shap=0.0", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_F=0
shap=0.0", - "index=Shutes, Miss. Elizabeth W
Deck_F=0
shap=0.0", - "index=Jardin, Mr. Jose Neto
Deck_F=0
shap=0.0", - "index=Horgan, Mr. John
Deck_F=0
shap=0.0", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_F=0
shap=0.0", - "index=Yasbeck, Mr. Antoni
Deck_F=0
shap=0.0", - "index=Bostandyeff, Mr. Guentcho
Deck_F=0
shap=0.0", - "index=Lundahl, Mr. Johan Svensson
Deck_F=0
shap=0.0", - "index=Stahelin-Maeglin, Dr. Max
Deck_F=0
shap=0.0", - "index=Willey, Mr. Edward
Deck_F=0
shap=0.0", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_F=0
shap=0.0", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_F=0
shap=0.0", - "index=Eitemiller, Mr. George Floyd
Deck_F=0
shap=0.0", - "index=Colley, Mr. Edward Pomeroy
Deck_F=0
shap=0.0", - "index=Coleff, Mr. Peju
Deck_F=0
shap=0.0", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_F=0
shap=0.0", - "index=Davidson, Mr. Thornton
Deck_F=0
shap=0.0", - "index=Turja, Miss. Anna Sofia
Deck_F=0
shap=0.0", - "index=Hassab, Mr. Hammad
Deck_F=0
shap=0.0", - "index=Goodwin, Mr. Charles Edward
Deck_F=0
shap=0.0", - "index=Panula, Mr. Jaako Arnold
Deck_F=0
shap=0.0", - "index=Fischer, Mr. Eberhard Thelander
Deck_F=0
shap=0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_F=1
shap=0.0", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_F=0
shap=0.0", - "index=Hansen, Mr. Henrik Juul
Deck_F=0
shap=0.0", - "index=Calderhead, Mr. Edward Pennington
Deck_F=0
shap=0.0", - "index=Klaber, Mr. Herman
Deck_F=0
shap=0.0", - "index=Taylor, Mr. Elmer Zebley
Deck_F=0
shap=0.0", - "index=Larsson, Mr. August Viktor
Deck_F=0
shap=0.0", - "index=Greenberg, Mr. Samuel
Deck_F=0
shap=0.0", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_F=0
shap=0.0", - "index=McEvoy, Mr. Michael
Deck_F=0
shap=0.0", - "index=Johnson, Mr. Malkolm Joackim
Deck_F=0
shap=0.0", - "index=Gillespie, Mr. William Henry
Deck_F=0
shap=0.0", - "index=Allen, Miss. Elisabeth Walton
Deck_F=0
shap=0.0", - "index=Berriman, Mr. William John
Deck_F=0
shap=0.0", - "index=Troupiansky, Mr. Moses Aaron
Deck_F=0
shap=0.0", - "index=Williams, Mr. Leslie
Deck_F=0
shap=0.0", - "index=Ivanoff, Mr. Kanio
Deck_F=0
shap=0.0", - "index=McNamee, Mr. Neal
Deck_F=0
shap=0.0", - "index=Connaghton, Mr. Michael
Deck_F=0
shap=0.0", - "index=Carlsson, Mr. August Sigfrid
Deck_F=0
shap=0.0", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_F=0
shap=0.0", - "index=Eklund, Mr. Hans Linus
Deck_F=0
shap=0.0", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_F=0
shap=0.0", - "index=Moran, Mr. Daniel J
Deck_F=0
shap=0.0", - "index=Lievens, Mr. Rene Aime
Deck_F=0
shap=0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_F=0
shap=0.0", - "index=Ayoub, Miss. Banoura
Deck_F=0
shap=0.0", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_F=0
shap=0.0", - "index=Johnston, Mr. Andrew G
Deck_F=0
shap=0.0", - "index=Ali, Mr. William
Deck_F=0
shap=0.0", - "index=Sjoblom, Miss. Anna Sofia
Deck_F=0
shap=0.0", - "index=Guggenheim, Mr. Benjamin
Deck_F=0
shap=0.0", - "index=Leader, Dr. Alice (Farnham)
Deck_F=0
shap=0.0", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_F=0
shap=0.0", - "index=Carter, Master. William Thornton II
Deck_F=0
shap=0.0", - "index=Thomas, Master. Assad Alexander
Deck_F=0
shap=0.0", - "index=Johansson, Mr. Karl Johan
Deck_F=0
shap=0.0", - "index=Slemen, Mr. Richard James
Deck_F=0
shap=0.0", - "index=Tomlin, Mr. Ernest Portage
Deck_F=0
shap=0.0", - "index=McCormack, Mr. Thomas Joseph
Deck_F=0
shap=0.0", - "index=Richards, Master. George Sibley
Deck_F=0
shap=0.0", - "index=Mudd, Mr. Thomas Charles
Deck_F=0
shap=0.0", - "index=Lemberopolous, Mr. Peter L
Deck_F=0
shap=0.0", - "index=Sage, Mr. Douglas Bullen
Deck_F=0
shap=0.0", - "index=Boulos, Miss. Nourelain
Deck_F=0
shap=0.0", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_F=0
shap=0.0", - "index=Razi, Mr. Raihed
Deck_F=0
shap=0.0", - "index=Johnson, Master. Harold Theodor
Deck_F=0
shap=0.0", - "index=Carlsson, Mr. Frans Olof
Deck_F=0
shap=0.0", - "index=Gustafsson, Mr. Alfred Ossian
Deck_F=0
shap=0.0", - "index=Montvila, Rev. Juozas
Deck_F=0
shap=0.0" - ], - "type": "scatter", - "x": [ - 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, - 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, - 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, - 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, - 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, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "xaxis": "x17", - "y": [ - 0.19328681637615497, - 0.764148720644108, - 0.5027233091445495, - 0.747268719191965, - 0.1272911786651758, - 0.9814570812621772, - 0.40833537430941536, - 0.6715201860178791, - 0.6158775895212911, - 0.5266707599544562, - 0.4299277225712451, - 0.7356858844517172, - 0.5126394205596085, - 0.6351982313583882, - 0.3673195037102893, - 0.5913986457304702, - 0.2061277578817874, - 0.31431510049306177, - 0.9021077960925692, - 0.16779195126797697, - 0.8727408977833987, - 0.4523660678807372, - 0.3986861820976375, - 0.4558051974905566, - 0.872169581545074, - 0.4675422944992995, - 0.5849287584452418, - 0.853031855701855, - 0.34320384123198766, - 0.6935928225156014, - 0.9494925632767494, - 0.17192900093029906, - 0.07708138529252084, - 0.2793372063277926, - 0.06261737883365814, - 0.7279970196688743, - 0.599413572028994, - 0.7686891805200798, - 0.5964497465548837, - 0.3199044189112633, - 0.7179172407368081, - 0.5064752968521982, - 0.5954631420699431, - 0.07463774459006112, - 0.2825062571576492, - 0.3949181417874059, - 0.4268080205825211, - 0.1485890644898954, - 0.8814858344237959, - 0.011423522801351726, - 0.935637813572339, - 0.3735674994902406, - 0.2254187492286115, - 0.8533736661105958, - 0.8110891320744837, - 0.5868219357012205, - 0.946561008563655, - 0.5991850733919789, - 0.9101560242995849, - 0.5433940163927223, - 0.8693262416817318, - 0.9137696687268801, - 0.7414137583164417, - 0.9565854245622416, - 0.5423060971904223, - 0.06264883917562736, - 0.8289395153901028, - 0.6364649579727536, - 0.4653655534193263, - 0.8608833347300989, - 0.0860411353119177, - 0.4314306505780725, - 0.4985397070936475, - 0.8948959540969287, - 0.10409078787364123, - 0.4973674747084177, - 0.4300959077360432, - 0.8654745475014322, - 0.674841391669454, - 0.5636612771503748, - 0.7464576180019072, - 0.3698946463053234, - 0.9698638127878407, - 0.3631732576748635, - 0.6209672284515486, - 0.8523979957253495, - 0.03884541322121082, - 0.6612691432237141, - 0.39114599585263776, - 0.5946411384806214, - 0.8331216864916002, - 0.27505718126976997, - 0.1067949344327449, - 0.09594470995820081, - 0.48081738604597923, - 0.24536892878438032, - 0.8055127042097596, - 0.595229066890228, - 0.29400513362794334, - 0.029402984604707805, - 0.21159620773834864, - 0.1432055945314371, - 0.009646439889969272, - 0.5483196277549325, - 0.2593880986756053, - 0.14205090339550397, - 0.2424463058940569, - 0.6843529572257308, - 0.9216106852323458, - 0.528760428154444, - 0.762161583716552, - 0.7956463370190099, - 0.9308754666339161, - 0.9818805937392251, - 0.8782138914916652, - 0.6552955419008134, - 0.3799090389982601, - 0.9432886891740151, - 0.48056011857726744, - 0.46844437159229557, - 0.43624674079936443, - 0.7191790426478263, - 0.4463087967140318, - 0.5836971133690348, - 0.2835263596931963, - 0.6369688407554265, - 0.29866968838722674, - 0.08023639944128846, - 0.28868983735407083, - 0.06437319452614132, - 0.41322011559793637, - 0.9698046651978037, - 0.24496308516077214, - 0.777832232744172, - 0.15101504254458742, - 0.9353961228035104, - 0.4388260186555353, - 0.7084017431339577, - 0.9340440480873168, - 0.3057413629800637, - 0.8393938842103821, - 0.03290041893275819, - 0.5333269849846705, - 0.9635546782334414, - 0.7253143645076425, - 0.03872050678725614, - 0.8083074601200635, - 0.5518649914314354, - 0.23206133319993805, - 0.15820733180742164, - 0.31761319459687987, - 0.7325633384201133, - 0.028752059981826728, - 0.569358720103759, - 0.22850273262634735, - 0.7842205017921996, - 0.9186416155781427, - 0.5733541926109306, - 0.5446518911227827, - 0.2156050544422875, - 0.009823780857327491, - 0.6998467019463908, - 0.04800700477844022, - 0.2689817861873778, - 0.5253934802519499, - 0.5743733293843668, - 0.9596727669781757, - 0.009438652085568267, - 0.8829472551002127, - 0.13888173724779895, - 0.055290287716083575, - 0.22223565276472224, - 0.3850191430856972, - 0.8599510143698181, - 0.5466763201495628, - 0.38276967168285014, - 0.4804081904991918, - 0.9652271244475278, - 0.21517098325097028, - 0.3316177445559857, - 0.6009224116654509, - 0.5214606444685769, - 0.5222229106699232, - 0.9354473772745995, - 0.020126153729779994, - 0.229587375083794, - 0.05726309779474059, - 0.978877539050146, - 0.006365325004036748, - 0.5909848475557127, - 0.5447361355420456, - 0.5474370276151047, - 0.13809174148012127, - 0.3474410235689148, - 0.7361203284886212, - 0.1577062818748428, - 0.9852281744520681, - 0.46917466833593535, - 0.634483927170884, - 0.049017287737305515 - ], - "yaxis": "y17" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 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, - 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, - 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, - 0, - 0, - 0, - 1, - 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, - 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, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "Deck_G", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_G=0
shap=0.0", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_G=0
shap=0.0", - "index=Palsson, Master. Gosta Leonard
Deck_G=0
shap=0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_G=0
shap=0.0", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_G=0
shap=0.0", - "index=Saundercock, Mr. William Henry
Deck_G=0
shap=0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_G=0
shap=0.0", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_G=0
shap=0.0", - "index=Glynn, Miss. Mary Agatha
Deck_G=0
shap=0.0", - "index=Meyer, Mr. Edgar Joseph
Deck_G=0
shap=0.0", - "index=Kraeff, Mr. Theodor
Deck_G=0
shap=0.0", - "index=Devaney, Miss. Margaret Delia
Deck_G=0
shap=0.0", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_G=0
shap=0.0", - "index=Rugg, Miss. Emily
Deck_G=0
shap=0.0", - "index=Harris, Mr. Henry Birkhardt
Deck_G=0
shap=0.0", - "index=Skoog, Master. Harald
Deck_G=0
shap=0.0", - "index=Kink, Mr. Vincenz
Deck_G=0
shap=0.0", - "index=Hood, Mr. Ambrose Jr
Deck_G=0
shap=0.0", - "index=Ilett, Miss. Bertha
Deck_G=0
shap=0.0", - "index=Ford, Mr. William Neal
Deck_G=0
shap=0.0", - "index=Christmann, Mr. Emil
Deck_G=0
shap=0.0", - "index=Andreasson, Mr. Paul Edvin
Deck_G=0
shap=0.0", - "index=Chaffee, Mr. Herbert Fuller
Deck_G=0
shap=0.0", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_G=0
shap=0.0", - "index=White, Mr. Richard Frasar
Deck_G=0
shap=0.0", - "index=Rekic, Mr. Tido
Deck_G=0
shap=0.0", - "index=Moran, Miss. Bertha
Deck_G=0
shap=0.0", - "index=Barton, Mr. David John
Deck_G=0
shap=0.0", - "index=Jussila, Miss. Katriina
Deck_G=0
shap=0.0", - "index=Pekoniemi, Mr. Edvard
Deck_G=0
shap=0.0", - "index=Turpin, Mr. William John Robert
Deck_G=0
shap=0.0", - "index=Moore, Mr. Leonard Charles
Deck_G=0
shap=0.0", - "index=Osen, Mr. Olaf Elon
Deck_G=0
shap=0.0", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_G=0
shap=0.0", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_G=0
shap=0.0", - "index=Bateman, Rev. Robert James
Deck_G=0
shap=0.0", - "index=Meo, Mr. Alfonzo
Deck_G=0
shap=0.0", - "index=Cribb, Mr. John Hatfield
Deck_G=0
shap=0.0", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_G=0
shap=0.0", - "index=Van der hoef, Mr. Wyckoff
Deck_G=0
shap=0.0", - "index=Sivola, Mr. Antti Wilhelm
Deck_G=0
shap=0.0", - "index=Klasen, Mr. Klas Albin
Deck_G=0
shap=0.0", - "index=Rood, Mr. Hugh Roscoe
Deck_G=0
shap=0.0", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_G=0
shap=0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_G=0
shap=0.0", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_G=0
shap=0.0", - "index=Backstrom, Mr. Karl Alfred
Deck_G=0
shap=0.0", - "index=Blank, Mr. Henry
Deck_G=0
shap=0.0", - "index=Ali, Mr. Ahmed
Deck_G=0
shap=0.0", - "index=Green, Mr. George Henry
Deck_G=0
shap=0.0", - "index=Nenkoff, Mr. Christo
Deck_G=0
shap=0.0", - "index=Asplund, Miss. Lillian Gertrud
Deck_G=0
shap=0.0", - "index=Harknett, Miss. Alice Phoebe
Deck_G=0
shap=0.0", - "index=Hunt, Mr. George Henry
Deck_G=0
shap=0.0", - "index=Reed, Mr. James George
Deck_G=0
shap=0.0", - "index=Stead, Mr. William Thomas
Deck_G=0
shap=0.0", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_G=0
shap=0.0", - "index=Parrish, Mrs. (Lutie Davis)
Deck_G=0
shap=0.0", - "index=Smith, Mr. Thomas
Deck_G=0
shap=0.0", - "index=Asplund, Master. Edvin Rojj Felix
Deck_G=0
shap=0.0", - "index=Healy, Miss. Hanora \"Nora\"
Deck_G=0
shap=0.0", - "index=Andrews, Miss. Kornelia Theodosia
Deck_G=0
shap=0.0", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_G=0
shap=0.0", - "index=Smith, Mr. Richard William
Deck_G=0
shap=0.0", - "index=Connolly, Miss. Kate
Deck_G=0
shap=0.0", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_G=0
shap=0.0", - "index=Levy, Mr. Rene Jacques
Deck_G=0
shap=0.0", - "index=Lewy, Mr. Ervin G
Deck_G=0
shap=0.0", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_G=0
shap=0.0", - "index=Sage, Mr. George John Jr
Deck_G=0
shap=0.0", - "index=Nysveen, Mr. Johan Hansen
Deck_G=0
shap=0.0", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_G=0
shap=0.0", - "index=Denkoff, Mr. Mitto
Deck_G=0
shap=0.0", - "index=Burns, Miss. Elizabeth Margaret
Deck_G=0
shap=0.0", - "index=Dimic, Mr. Jovan
Deck_G=0
shap=0.0", - "index=del Carlo, Mr. Sebastiano
Deck_G=0
shap=0.0", - "index=Beavan, Mr. William Thomas
Deck_G=0
shap=0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_G=0
shap=0.0", - "index=Widener, Mr. Harry Elkins
Deck_G=0
shap=0.0", - "index=Gustafsson, Mr. Karl Gideon
Deck_G=0
shap=0.0", - "index=Plotcharsky, Mr. Vasil
Deck_G=0
shap=0.0", - "index=Goodwin, Master. Sidney Leonard
Deck_G=0
shap=0.0", - "index=Sadlier, Mr. Matthew
Deck_G=0
shap=0.0", - "index=Gustafsson, Mr. Johan Birger
Deck_G=0
shap=0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_G=1
shap=0.0", - "index=Niskanen, Mr. Juha
Deck_G=0
shap=0.0", - "index=Minahan, Miss. Daisy E
Deck_G=0
shap=0.0", - "index=Matthews, Mr. William John
Deck_G=0
shap=0.0", - "index=Charters, Mr. David
Deck_G=0
shap=0.0", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_G=0
shap=0.0", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_G=0
shap=0.0", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_G=0
shap=0.0", - "index=Peuchen, Major. Arthur Godfrey
Deck_G=0
shap=0.0", - "index=Anderson, Mr. Harry
Deck_G=0
shap=0.0", - "index=Milling, Mr. Jacob Christian
Deck_G=0
shap=0.0", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_G=0
shap=0.0", - "index=Karlsson, Mr. Nils August
Deck_G=0
shap=0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_G=0
shap=0.0", - "index=Bishop, Mr. Dickinson H
Deck_G=0
shap=0.0", - "index=Windelov, Mr. Einar
Deck_G=0
shap=0.0", - "index=Shellard, Mr. Frederick William
Deck_G=0
shap=0.0", - "index=Svensson, Mr. Olof
Deck_G=0
shap=0.0", - "index=O'Sullivan, Miss. Bridget Mary
Deck_G=0
shap=0.0", - "index=Laitinen, Miss. Kristina Sofia
Deck_G=0
shap=0.0", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_G=0
shap=0.0", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_G=0
shap=0.0", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_G=0
shap=0.0", - "index=Kassem, Mr. Fared
Deck_G=0
shap=0.0", - "index=Cacic, Miss. Marija
Deck_G=0
shap=0.0", - "index=Hart, Miss. Eva Miriam
Deck_G=0
shap=0.0", - "index=Butt, Major. Archibald Willingham
Deck_G=0
shap=0.0", - "index=Beane, Mr. Edward
Deck_G=0
shap=0.0", - "index=Goldsmith, Mr. Frank John
Deck_G=0
shap=0.0", - "index=Ohman, Miss. Velin
Deck_G=0
shap=0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_G=0
shap=0.0", - "index=Morrow, Mr. Thomas Rowan
Deck_G=0
shap=0.0", - "index=Harris, Mr. George
Deck_G=0
shap=0.0", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_G=0
shap=0.0", - "index=Patchett, Mr. George
Deck_G=0
shap=0.0", - "index=Ross, Mr. John Hugo
Deck_G=0
shap=0.0", - "index=Murdlin, Mr. Joseph
Deck_G=0
shap=0.0", - "index=Bourke, Miss. Mary
Deck_G=0
shap=0.0", - "index=Boulos, Mr. Hanna
Deck_G=0
shap=0.0", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_G=0
shap=0.0", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_G=0
shap=0.0", - "index=Lindell, Mr. Edvard Bengtsson
Deck_G=0
shap=0.0", - "index=Daniel, Mr. Robert Williams
Deck_G=0
shap=0.0", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_G=0
shap=0.0", - "index=Shutes, Miss. Elizabeth W
Deck_G=0
shap=0.0", - "index=Jardin, Mr. Jose Neto
Deck_G=0
shap=0.0", - "index=Horgan, Mr. John
Deck_G=0
shap=0.0", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_G=0
shap=0.0", - "index=Yasbeck, Mr. Antoni
Deck_G=0
shap=0.0", - "index=Bostandyeff, Mr. Guentcho
Deck_G=0
shap=0.0", - "index=Lundahl, Mr. Johan Svensson
Deck_G=0
shap=0.0", - "index=Stahelin-Maeglin, Dr. Max
Deck_G=0
shap=0.0", - "index=Willey, Mr. Edward
Deck_G=0
shap=0.0", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_G=0
shap=0.0", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_G=0
shap=0.0", - "index=Eitemiller, Mr. George Floyd
Deck_G=0
shap=0.0", - "index=Colley, Mr. Edward Pomeroy
Deck_G=0
shap=0.0", - "index=Coleff, Mr. Peju
Deck_G=0
shap=0.0", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_G=0
shap=0.0", - "index=Davidson, Mr. Thornton
Deck_G=0
shap=0.0", - "index=Turja, Miss. Anna Sofia
Deck_G=0
shap=0.0", - "index=Hassab, Mr. Hammad
Deck_G=0
shap=0.0", - "index=Goodwin, Mr. Charles Edward
Deck_G=0
shap=0.0", - "index=Panula, Mr. Jaako Arnold
Deck_G=0
shap=0.0", - "index=Fischer, Mr. Eberhard Thelander
Deck_G=0
shap=0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_G=0
shap=0.0", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_G=0
shap=0.0", - "index=Hansen, Mr. Henrik Juul
Deck_G=0
shap=0.0", - "index=Calderhead, Mr. Edward Pennington
Deck_G=0
shap=0.0", - "index=Klaber, Mr. Herman
Deck_G=0
shap=0.0", - "index=Taylor, Mr. Elmer Zebley
Deck_G=0
shap=0.0", - "index=Larsson, Mr. August Viktor
Deck_G=0
shap=0.0", - "index=Greenberg, Mr. Samuel
Deck_G=0
shap=0.0", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_G=0
shap=0.0", - "index=McEvoy, Mr. Michael
Deck_G=0
shap=0.0", - "index=Johnson, Mr. Malkolm Joackim
Deck_G=0
shap=0.0", - "index=Gillespie, Mr. William Henry
Deck_G=0
shap=0.0", - "index=Allen, Miss. Elisabeth Walton
Deck_G=0
shap=0.0", - "index=Berriman, Mr. William John
Deck_G=0
shap=0.0", - "index=Troupiansky, Mr. Moses Aaron
Deck_G=0
shap=0.0", - "index=Williams, Mr. Leslie
Deck_G=0
shap=0.0", - "index=Ivanoff, Mr. Kanio
Deck_G=0
shap=0.0", - "index=McNamee, Mr. Neal
Deck_G=0
shap=0.0", - "index=Connaghton, Mr. Michael
Deck_G=0
shap=0.0", - "index=Carlsson, Mr. August Sigfrid
Deck_G=0
shap=0.0", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_G=0
shap=0.0", - "index=Eklund, Mr. Hans Linus
Deck_G=0
shap=0.0", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_G=0
shap=0.0", - "index=Moran, Mr. Daniel J
Deck_G=0
shap=0.0", - "index=Lievens, Mr. Rene Aime
Deck_G=0
shap=0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_G=0
shap=0.0", - "index=Ayoub, Miss. Banoura
Deck_G=0
shap=0.0", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_G=0
shap=0.0", - "index=Johnston, Mr. Andrew G
Deck_G=0
shap=0.0", - "index=Ali, Mr. William
Deck_G=0
shap=0.0", - "index=Sjoblom, Miss. Anna Sofia
Deck_G=0
shap=0.0", - "index=Guggenheim, Mr. Benjamin
Deck_G=0
shap=0.0", - "index=Leader, Dr. Alice (Farnham)
Deck_G=0
shap=0.0", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_G=0
shap=0.0", - "index=Carter, Master. William Thornton II
Deck_G=0
shap=0.0", - "index=Thomas, Master. Assad Alexander
Deck_G=0
shap=0.0", - "index=Johansson, Mr. Karl Johan
Deck_G=0
shap=0.0", - "index=Slemen, Mr. Richard James
Deck_G=0
shap=0.0", - "index=Tomlin, Mr. Ernest Portage
Deck_G=0
shap=0.0", - "index=McCormack, Mr. Thomas Joseph
Deck_G=0
shap=0.0", - "index=Richards, Master. George Sibley
Deck_G=0
shap=0.0", - "index=Mudd, Mr. Thomas Charles
Deck_G=0
shap=0.0", - "index=Lemberopolous, Mr. Peter L
Deck_G=0
shap=0.0", - "index=Sage, Mr. Douglas Bullen
Deck_G=0
shap=0.0", - "index=Boulos, Miss. Nourelain
Deck_G=0
shap=0.0", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_G=0
shap=0.0", - "index=Razi, Mr. Raihed
Deck_G=0
shap=0.0", - "index=Johnson, Master. Harold Theodor
Deck_G=0
shap=0.0", - "index=Carlsson, Mr. Frans Olof
Deck_G=0
shap=0.0", - "index=Gustafsson, Mr. Alfred Ossian
Deck_G=0
shap=0.0", - "index=Montvila, Rev. Juozas
Deck_G=0
shap=0.0" - ], - "type": "scatter", - "x": [ - 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, - 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, - 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, - 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, - 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, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "xaxis": "x18", - "y": [ - 0.5570492410895092, - 0.6642056327560335, - 0.4203332297754848, - 0.8537999783917661, - 0.7461497570126299, - 0.8468098728776108, - 0.6676334460427574, - 0.1880707939904691, - 0.6286415862314984, - 0.41194049669238786, - 0.2251804171636388, - 0.4851214456899775, - 0.4139262396405703, - 0.9796867160712839, - 0.6362197829585854, - 0.7719638814946531, - 0.8648414462594033, - 0.4926455319446994, - 0.43774897046979255, - 0.41874143372477435, - 0.4717882903645556, - 0.6765118134041122, - 0.2409148981916025, - 0.08469801469021776, - 0.31992639143134893, - 0.7910584715510977, - 0.40026302029544525, - 0.04455550579997947, - 0.7535750373782133, - 0.6046943198074721, - 0.3719453397650627, - 0.15914179268222983, - 0.7842240226124113, - 0.43802484876148984, - 0.440128564447982, - 0.10848137060433938, - 0.6073627660847342, - 0.8153221155622551, - 0.5778797859609783, - 0.25437290144573543, - 0.6357387685300214, - 0.04919244195717121, - 0.40292384400077663, - 0.6096937604182056, - 0.5079842334788657, - 0.6065407512332911, - 0.8847311098588744, - 0.17282335476170474, - 0.2916861140449196, - 0.8056369719626791, - 0.4890320789292101, - 0.7074964533983873, - 0.9364050166815889, - 0.20870122586784867, - 0.95555158697531, - 0.22644413257618556, - 0.1113103169034193, - 0.8464652079121409, - 0.610929613014777, - 0.7959083910867936, - 0.2535089724519721, - 0.7468996135989898, - 0.4966388115275344, - 0.8596088931828639, - 0.81713208957361, - 0.6652385919202409, - 0.6454477500168454, - 0.2738574409745973, - 0.2461550552979972, - 0.08384813703748162, - 0.3772031103970187, - 0.31264897803679104, - 0.21456930825049925, - 0.895656647791723, - 0.34403693644361755, - 0.5833571645791891, - 0.8425007805357073, - 0.8939025240952186, - 0.9792480078370124, - 0.9934394404746606, - 0.9677065971160174, - 0.3969165319921367, - 0.8078237030062922, - 0.06599173034638073, - 0.9382728714540606, - 0.4673612587100697, - 0.38035332167571734, - 0.6876655393780496, - 0.9392059929272192, - 0.7401698194550644, - 0.8951216642543782, - 0.7703144735253893, - 0.8800594092960192, - 0.37944280169131583, - 0.129268040800393, - 0.038552221112214013, - 0.12699330765145356, - 0.7112120851889401, - 0.3805256231539059, - 0.7600115262553057, - 0.45514690482995523, - 0.37455300848673334, - 0.07278993166275005, - 0.07025545578401526, - 0.21148036099489198, - 0.3113605213372649, - 0.09906444486445465, - 0.14946534264974876, - 0.01898840832225901, - 0.21833040109999813, - 0.8589194396909045, - 0.13136644833548872, - 0.8267882832063784, - 0.02515610622296527, - 0.8002343643277632, - 0.01731982473378435, - 0.7891557056620497, - 0.20182107666310434, - 0.3866513399813827, - 0.13385660876361893, - 0.6391554429953558, - 0.22349404844556664, - 0.5903932660396948, - 0.10770313957646704, - 0.828915310045289, - 0.03131906451280919, - 0.5738790123606348, - 0.7027718360760931, - 0.11362158013832702, - 0.5841587608751156, - 0.10127290755650131, - 0.38241570659763735, - 0.5075817809305193, - 0.6828685781935735, - 0.1548989449673247, - 0.14789671565405493, - 0.6352770105339663, - 0.45237263210596923, - 0.1415024495415328, - 0.888923228232013, - 0.12471474195141075, - 0.6131503093287239, - 0.9758607441848491, - 0.13617749816256197, - 0.8724171002722235, - 0.7273170157032239, - 0.2395181952785954, - 0.07930314169698438, - 0.055801107635787384, - 0.4602400752052903, - 0.6669056939260898, - 0.2958594478930283, - 0.24537520131789103, - 0.539969290538777, - 0.574945268768617, - 0.4216916936428581, - 0.5931983575178609, - 0.3679893978966675, - 0.6947465537590434, - 0.695007286453207, - 0.2957297342357773, - 0.2978804494499896, - 0.5409884673713028, - 0.2960237092462603, - 0.9758046721605245, - 0.23727640366539937, - 0.7207523013099528, - 0.26751804631592446, - 0.5825224945970758, - 0.24175815422962654, - 0.8312681692134574, - 0.436600606680969, - 0.6921451211196324, - 0.39780841467722117, - 0.1556093647278517, - 0.6886179307469015, - 0.5383324632404326, - 0.21818157375354585, - 0.24885839486754346, - 0.313185035465094, - 0.969878368347749, - 0.5536109728322807, - 0.2860332387121157, - 0.6444780306978737, - 0.8479994334343636, - 0.5595529502628884, - 0.5886689227887025, - 0.3414450471665972, - 0.9065562707949202, - 0.06369729428799642, - 0.9371268595227558, - 0.18956170853440857, - 0.29428693606732537, - 0.4207946033234047, - 0.9008860465060685, - 0.2075522538703498, - 0.7831350630332523, - 0.30793185136382906, - 0.6071063315006417, - 0.297543146537388 - ], - "yaxis": "y18" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 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, - 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, - 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, - 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, - 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, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "Deck_T", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck_T=0
shap=0.0", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck_T=0
shap=0.0", - "index=Palsson, Master. Gosta Leonard
Deck_T=0
shap=0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck_T=0
shap=0.0", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Deck_T=0
shap=0.0", - "index=Saundercock, Mr. William Henry
Deck_T=0
shap=0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Deck_T=0
shap=0.0", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck_T=0
shap=0.0", - "index=Glynn, Miss. Mary Agatha
Deck_T=0
shap=0.0", - "index=Meyer, Mr. Edgar Joseph
Deck_T=0
shap=0.0", - "index=Kraeff, Mr. Theodor
Deck_T=0
shap=0.0", - "index=Devaney, Miss. Margaret Delia
Deck_T=0
shap=0.0", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck_T=0
shap=0.0", - "index=Rugg, Miss. Emily
Deck_T=0
shap=0.0", - "index=Harris, Mr. Henry Birkhardt
Deck_T=0
shap=0.0", - "index=Skoog, Master. Harald
Deck_T=0
shap=0.0", - "index=Kink, Mr. Vincenz
Deck_T=0
shap=0.0", - "index=Hood, Mr. Ambrose Jr
Deck_T=0
shap=0.0", - "index=Ilett, Miss. Bertha
Deck_T=0
shap=0.0", - "index=Ford, Mr. William Neal
Deck_T=0
shap=0.0", - "index=Christmann, Mr. Emil
Deck_T=0
shap=0.0", - "index=Andreasson, Mr. Paul Edvin
Deck_T=0
shap=0.0", - "index=Chaffee, Mr. Herbert Fuller
Deck_T=0
shap=0.0", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Deck_T=0
shap=0.0", - "index=White, Mr. Richard Frasar
Deck_T=0
shap=0.0", - "index=Rekic, Mr. Tido
Deck_T=0
shap=0.0", - "index=Moran, Miss. Bertha
Deck_T=0
shap=0.0", - "index=Barton, Mr. David John
Deck_T=0
shap=0.0", - "index=Jussila, Miss. Katriina
Deck_T=0
shap=0.0", - "index=Pekoniemi, Mr. Edvard
Deck_T=0
shap=0.0", - "index=Turpin, Mr. William John Robert
Deck_T=0
shap=0.0", - "index=Moore, Mr. Leonard Charles
Deck_T=0
shap=0.0", - "index=Osen, Mr. Olaf Elon
Deck_T=0
shap=0.0", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Deck_T=0
shap=0.0", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck_T=0
shap=0.0", - "index=Bateman, Rev. Robert James
Deck_T=0
shap=0.0", - "index=Meo, Mr. Alfonzo
Deck_T=0
shap=0.0", - "index=Cribb, Mr. John Hatfield
Deck_T=0
shap=0.0", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Deck_T=0
shap=0.0", - "index=Van der hoef, Mr. Wyckoff
Deck_T=0
shap=0.0", - "index=Sivola, Mr. Antti Wilhelm
Deck_T=0
shap=0.0", - "index=Klasen, Mr. Klas Albin
Deck_T=0
shap=0.0", - "index=Rood, Mr. Hugh Roscoe
Deck_T=0
shap=0.0", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck_T=0
shap=0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Deck_T=0
shap=0.0", - "index=Vande Walle, Mr. Nestor Cyriel
Deck_T=0
shap=0.0", - "index=Backstrom, Mr. Karl Alfred
Deck_T=0
shap=0.0", - "index=Blank, Mr. Henry
Deck_T=0
shap=0.0", - "index=Ali, Mr. Ahmed
Deck_T=0
shap=0.0", - "index=Green, Mr. George Henry
Deck_T=0
shap=0.0", - "index=Nenkoff, Mr. Christo
Deck_T=0
shap=0.0", - "index=Asplund, Miss. Lillian Gertrud
Deck_T=0
shap=0.0", - "index=Harknett, Miss. Alice Phoebe
Deck_T=0
shap=0.0", - "index=Hunt, Mr. George Henry
Deck_T=0
shap=0.0", - "index=Reed, Mr. James George
Deck_T=0
shap=0.0", - "index=Stead, Mr. William Thomas
Deck_T=0
shap=0.0", - "index=Thorne, Mrs. Gertrude Maybelle
Deck_T=0
shap=0.0", - "index=Parrish, Mrs. (Lutie Davis)
Deck_T=0
shap=0.0", - "index=Smith, Mr. Thomas
Deck_T=0
shap=0.0", - "index=Asplund, Master. Edvin Rojj Felix
Deck_T=0
shap=0.0", - "index=Healy, Miss. Hanora \"Nora\"
Deck_T=0
shap=0.0", - "index=Andrews, Miss. Kornelia Theodosia
Deck_T=0
shap=0.0", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Deck_T=0
shap=0.0", - "index=Smith, Mr. Richard William
Deck_T=0
shap=0.0", - "index=Connolly, Miss. Kate
Deck_T=0
shap=0.0", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Deck_T=0
shap=0.0", - "index=Levy, Mr. Rene Jacques
Deck_T=0
shap=0.0", - "index=Lewy, Mr. Ervin G
Deck_T=0
shap=0.0", - "index=Williams, Mr. Howard Hugh \"Harry\"
Deck_T=0
shap=0.0", - "index=Sage, Mr. George John Jr
Deck_T=0
shap=0.0", - "index=Nysveen, Mr. Johan Hansen
Deck_T=0
shap=0.0", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck_T=0
shap=0.0", - "index=Denkoff, Mr. Mitto
Deck_T=0
shap=0.0", - "index=Burns, Miss. Elizabeth Margaret
Deck_T=0
shap=0.0", - "index=Dimic, Mr. Jovan
Deck_T=0
shap=0.0", - "index=del Carlo, Mr. Sebastiano
Deck_T=0
shap=0.0", - "index=Beavan, Mr. William Thomas
Deck_T=0
shap=0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck_T=0
shap=0.0", - "index=Widener, Mr. Harry Elkins
Deck_T=0
shap=0.0", - "index=Gustafsson, Mr. Karl Gideon
Deck_T=0
shap=0.0", - "index=Plotcharsky, Mr. Vasil
Deck_T=0
shap=0.0", - "index=Goodwin, Master. Sidney Leonard
Deck_T=0
shap=0.0", - "index=Sadlier, Mr. Matthew
Deck_T=0
shap=0.0", - "index=Gustafsson, Mr. Johan Birger
Deck_T=0
shap=0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck_T=0
shap=0.0", - "index=Niskanen, Mr. Juha
Deck_T=0
shap=0.0", - "index=Minahan, Miss. Daisy E
Deck_T=0
shap=0.0", - "index=Matthews, Mr. William John
Deck_T=0
shap=0.0", - "index=Charters, Mr. David
Deck_T=0
shap=0.0", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck_T=0
shap=0.0", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck_T=0
shap=0.0", - "index=Johannesen-Bratthammer, Mr. Bernt
Deck_T=0
shap=0.0", - "index=Peuchen, Major. Arthur Godfrey
Deck_T=0
shap=0.0", - "index=Anderson, Mr. Harry
Deck_T=0
shap=0.0", - "index=Milling, Mr. Jacob Christian
Deck_T=0
shap=0.0", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck_T=0
shap=0.0", - "index=Karlsson, Mr. Nils August
Deck_T=0
shap=0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Deck_T=0
shap=0.0", - "index=Bishop, Mr. Dickinson H
Deck_T=0
shap=0.0", - "index=Windelov, Mr. Einar
Deck_T=0
shap=0.0", - "index=Shellard, Mr. Frederick William
Deck_T=0
shap=0.0", - "index=Svensson, Mr. Olof
Deck_T=0
shap=0.0", - "index=O'Sullivan, Miss. Bridget Mary
Deck_T=0
shap=0.0", - "index=Laitinen, Miss. Kristina Sofia
Deck_T=0
shap=0.0", - "index=Penasco y Castellana, Mr. Victor de Satode
Deck_T=0
shap=0.0", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Deck_T=0
shap=0.0", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck_T=0
shap=0.0", - "index=Kassem, Mr. Fared
Deck_T=0
shap=0.0", - "index=Cacic, Miss. Marija
Deck_T=0
shap=0.0", - "index=Hart, Miss. Eva Miriam
Deck_T=0
shap=0.0", - "index=Butt, Major. Archibald Willingham
Deck_T=0
shap=0.0", - "index=Beane, Mr. Edward
Deck_T=0
shap=0.0", - "index=Goldsmith, Mr. Frank John
Deck_T=0
shap=0.0", - "index=Ohman, Miss. Velin
Deck_T=0
shap=0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck_T=0
shap=0.0", - "index=Morrow, Mr. Thomas Rowan
Deck_T=0
shap=0.0", - "index=Harris, Mr. George
Deck_T=0
shap=0.0", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck_T=0
shap=0.0", - "index=Patchett, Mr. George
Deck_T=0
shap=0.0", - "index=Ross, Mr. John Hugo
Deck_T=0
shap=0.0", - "index=Murdlin, Mr. Joseph
Deck_T=0
shap=0.0", - "index=Bourke, Miss. Mary
Deck_T=0
shap=0.0", - "index=Boulos, Mr. Hanna
Deck_T=0
shap=0.0", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck_T=0
shap=0.0", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Deck_T=0
shap=0.0", - "index=Lindell, Mr. Edvard Bengtsson
Deck_T=0
shap=0.0", - "index=Daniel, Mr. Robert Williams
Deck_T=0
shap=0.0", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck_T=0
shap=0.0", - "index=Shutes, Miss. Elizabeth W
Deck_T=0
shap=0.0", - "index=Jardin, Mr. Jose Neto
Deck_T=0
shap=0.0", - "index=Horgan, Mr. John
Deck_T=0
shap=0.0", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck_T=0
shap=0.0", - "index=Yasbeck, Mr. Antoni
Deck_T=0
shap=0.0", - "index=Bostandyeff, Mr. Guentcho
Deck_T=0
shap=0.0", - "index=Lundahl, Mr. Johan Svensson
Deck_T=0
shap=0.0", - "index=Stahelin-Maeglin, Dr. Max
Deck_T=0
shap=0.0", - "index=Willey, Mr. Edward
Deck_T=0
shap=0.0", - "index=Stanley, Miss. Amy Zillah Elsie
Deck_T=0
shap=0.0", - "index=Hegarty, Miss. Hanora \"Nora\"
Deck_T=0
shap=0.0", - "index=Eitemiller, Mr. George Floyd
Deck_T=0
shap=0.0", - "index=Colley, Mr. Edward Pomeroy
Deck_T=0
shap=0.0", - "index=Coleff, Mr. Peju
Deck_T=0
shap=0.0", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck_T=0
shap=0.0", - "index=Davidson, Mr. Thornton
Deck_T=0
shap=0.0", - "index=Turja, Miss. Anna Sofia
Deck_T=0
shap=0.0", - "index=Hassab, Mr. Hammad
Deck_T=0
shap=0.0", - "index=Goodwin, Mr. Charles Edward
Deck_T=0
shap=0.0", - "index=Panula, Mr. Jaako Arnold
Deck_T=0
shap=0.0", - "index=Fischer, Mr. Eberhard Thelander
Deck_T=0
shap=0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck_T=0
shap=0.0", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck_T=0
shap=0.0", - "index=Hansen, Mr. Henrik Juul
Deck_T=0
shap=0.0", - "index=Calderhead, Mr. Edward Pennington
Deck_T=0
shap=0.0", - "index=Klaber, Mr. Herman
Deck_T=0
shap=0.0", - "index=Taylor, Mr. Elmer Zebley
Deck_T=0
shap=0.0", - "index=Larsson, Mr. August Viktor
Deck_T=0
shap=0.0", - "index=Greenberg, Mr. Samuel
Deck_T=0
shap=0.0", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Deck_T=0
shap=0.0", - "index=McEvoy, Mr. Michael
Deck_T=0
shap=0.0", - "index=Johnson, Mr. Malkolm Joackim
Deck_T=0
shap=0.0", - "index=Gillespie, Mr. William Henry
Deck_T=0
shap=0.0", - "index=Allen, Miss. Elisabeth Walton
Deck_T=0
shap=0.0", - "index=Berriman, Mr. William John
Deck_T=0
shap=0.0", - "index=Troupiansky, Mr. Moses Aaron
Deck_T=0
shap=0.0", - "index=Williams, Mr. Leslie
Deck_T=0
shap=0.0", - "index=Ivanoff, Mr. Kanio
Deck_T=0
shap=0.0", - "index=McNamee, Mr. Neal
Deck_T=0
shap=0.0", - "index=Connaghton, Mr. Michael
Deck_T=0
shap=0.0", - "index=Carlsson, Mr. August Sigfrid
Deck_T=0
shap=0.0", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck_T=0
shap=0.0", - "index=Eklund, Mr. Hans Linus
Deck_T=0
shap=0.0", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Deck_T=0
shap=0.0", - "index=Moran, Mr. Daniel J
Deck_T=0
shap=0.0", - "index=Lievens, Mr. Rene Aime
Deck_T=0
shap=0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck_T=0
shap=0.0", - "index=Ayoub, Miss. Banoura
Deck_T=0
shap=0.0", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck_T=0
shap=0.0", - "index=Johnston, Mr. Andrew G
Deck_T=0
shap=0.0", - "index=Ali, Mr. William
Deck_T=0
shap=0.0", - "index=Sjoblom, Miss. Anna Sofia
Deck_T=0
shap=0.0", - "index=Guggenheim, Mr. Benjamin
Deck_T=0
shap=0.0", - "index=Leader, Dr. Alice (Farnham)
Deck_T=0
shap=0.0", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck_T=0
shap=0.0", - "index=Carter, Master. William Thornton II
Deck_T=0
shap=0.0", - "index=Thomas, Master. Assad Alexander
Deck_T=0
shap=0.0", - "index=Johansson, Mr. Karl Johan
Deck_T=0
shap=0.0", - "index=Slemen, Mr. Richard James
Deck_T=0
shap=0.0", - "index=Tomlin, Mr. Ernest Portage
Deck_T=0
shap=0.0", - "index=McCormack, Mr. Thomas Joseph
Deck_T=0
shap=0.0", - "index=Richards, Master. George Sibley
Deck_T=0
shap=0.0", - "index=Mudd, Mr. Thomas Charles
Deck_T=0
shap=0.0", - "index=Lemberopolous, Mr. Peter L
Deck_T=0
shap=0.0", - "index=Sage, Mr. Douglas Bullen
Deck_T=0
shap=0.0", - "index=Boulos, Miss. Nourelain
Deck_T=0
shap=0.0", - "index=Aks, Mrs. Sam (Leah Rosen)
Deck_T=0
shap=0.0", - "index=Razi, Mr. Raihed
Deck_T=0
shap=0.0", - "index=Johnson, Master. Harold Theodor
Deck_T=0
shap=0.0", - "index=Carlsson, Mr. Frans Olof
Deck_T=0
shap=0.0", - "index=Gustafsson, Mr. Alfred Ossian
Deck_T=0
shap=0.0", - "index=Montvila, Rev. Juozas
Deck_T=0
shap=0.0" - ], - "type": "scatter", - "x": [ - 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, - 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, - 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, - 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, - 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, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 + 1, + 3, + 2, + 1, + 3, + 1, + 3, + 3, + 3, + 1, + 1, + 3, + 1, + 2, + 1, + 3, + 3, + 3, + 3, + 3, + 3, + 1, + 3, + 3, + 3, + 2, + 1, + 3, + 2, + 1, + 3, + 1, + 3, + 3, + 3, + 3, + 1, + 3, + 1, + 1, + 1, + 3, + 2, + 2, + 3, + 3, + 2, + 1, + 2, + 2, + 3, + 3, + 3, + 3, + 3, + 1, + 3, + 1, + 3, + 3, + 1, + 3, + 1, + 3, + 3, + 3, + 1, + 1, + 2, + 1, + 3, + 3, + 2, + 3, + 3, + 2, + 2, + 3, + 3, + 3, + 3, + 3, + 3, + 1, + 3, + 2 + ], + "colorbar": { + "showticklabels": false, + "title": { + "text": "feature value
(red is high)" + } + }, + "colorscale": [ + [ + 0, + "rgb(0,0,255)" + ], + [ + 1, + "rgb(255,0,0)" + ] + ], + "opacity": 0.3, + "showscale": true, + "size": 5 + }, + "mode": "markers", + "name": "PassengerClass", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
PassengerClass=1
shap=62.751", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
PassengerClass=1
shap=53.566", + "None=Palsson, Master. Gosta Leonard
PassengerClass=3
shap=-32.254", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
PassengerClass=3
shap=-21.854", + "None=Nasser, Mrs. Nicholas (Adele Achem)
PassengerClass=2
shap=-13.847", + "None=Saundercock, Mr. William Henry
PassengerClass=3
shap=-14.069", + "None=Vestrom, Miss. Hulda Amanda Adolfina
PassengerClass=3
shap=-18.641", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
PassengerClass=3
shap=-25.667", + "None=Glynn, Miss. Mary Agatha
PassengerClass=3
shap=-20.004", + "None=Meyer, Mr. Edgar Joseph
PassengerClass=1
shap=48.078", + "None=Kraeff, Mr. Theodor
PassengerClass=3
shap=-16.879", + "None=Devaney, Miss. Margaret Delia
PassengerClass=3
shap=-20.050", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
PassengerClass=3
shap=-18.421", + "None=Rugg, Miss. Emily
PassengerClass=2
shap=-13.979", + "None=Harris, Mr. Henry Birkhardt
PassengerClass=1
shap=42.568", + "None=Skoog, Master. Harald
PassengerClass=3
shap=-34.360", + "None=Kink, Mr. Vincenz
PassengerClass=3
shap=-24.628", + "None=Hood, Mr. Ambrose Jr
PassengerClass=2
shap=-8.209", + "None=Ilett, Miss. Bertha
PassengerClass=2
shap=-13.396", + "None=Ford, Mr. William Neal
PassengerClass=3
shap=-21.345", + "None=Christmann, Mr. Emil
PassengerClass=3
shap=-13.682", + "None=Andreasson, Mr. Paul Edvin
PassengerClass=3
shap=-14.069", + "None=Chaffee, Mr. Herbert Fuller
PassengerClass=1
shap=38.823", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
PassengerClass=3
shap=-13.869", + "None=White, Mr. Richard Frasar
PassengerClass=1
shap=52.299", + "None=Rekic, Mr. Tido
PassengerClass=3
shap=-14.044", + "None=Moran, Miss. Bertha
PassengerClass=3
shap=-20.058", + "None=Barton, Mr. David John
PassengerClass=3
shap=-14.060", + "None=Jussila, Miss. Katriina
PassengerClass=3
shap=-18.381", + "None=Pekoniemi, Mr. Edvard
PassengerClass=3
shap=-14.059", + "None=Turpin, Mr. William John Robert
PassengerClass=2
shap=-6.306", + "None=Moore, Mr. Leonard Charles
PassengerClass=3
shap=-13.869", + "None=Osen, Mr. Olaf Elon
PassengerClass=3
shap=-14.218", + "None=Ford, Miss. Robina Maggie \"Ruby\"
PassengerClass=3
shap=-32.719", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
PassengerClass=2
shap=-14.084", + "None=Bateman, Rev. Robert James
PassengerClass=2
shap=-7.628", + "None=Meo, Mr. Alfonzo
PassengerClass=3
shap=-13.478", + "None=Cribb, Mr. John Hatfield
PassengerClass=3
shap=-18.524", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
PassengerClass=1
shap=60.047", + "None=Van der hoef, Mr. Wyckoff
PassengerClass=1
shap=39.894", + "None=Sivola, Mr. Antti Wilhelm
PassengerClass=3
shap=-14.059", + "None=Klasen, Mr. Klas Albin
PassengerClass=3
shap=-20.266", + "None=Rood, Mr. Hugh Roscoe
PassengerClass=1
shap=38.621", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
PassengerClass=3
shap=-18.718", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
PassengerClass=1
shap=71.193", + "None=Vande Walle, Mr. Nestor Cyriel
PassengerClass=3
shap=-13.591", + "None=Backstrom, Mr. Karl Alfred
PassengerClass=3
shap=-15.172", + "None=Blank, Mr. Henry
PassengerClass=1
shap=50.910", + "None=Ali, Mr. Ahmed
PassengerClass=3
shap=-14.043", + "None=Green, Mr. George Henry
PassengerClass=3
shap=-13.519", + "None=Nenkoff, Mr. Christo
PassengerClass=3
shap=-13.869", + "None=Asplund, Miss. Lillian Gertrud
PassengerClass=3
shap=-34.483", + "None=Harknett, Miss. Alice Phoebe
PassengerClass=3
shap=-18.371", + "None=Hunt, Mr. George Henry
PassengerClass=2
shap=-8.218", + "None=Reed, Mr. James George
PassengerClass=3
shap=-13.869", + "None=Stead, Mr. William Thomas
PassengerClass=1
shap=39.859", + "None=Thorne, Mrs. Gertrude Maybelle
PassengerClass=1
shap=65.380", + "None=Parrish, Mrs. (Lutie Davis)
PassengerClass=2
shap=-14.877", + "None=Smith, Mr. Thomas
PassengerClass=3
shap=-15.908", + "None=Asplund, Master. Edvin Rojj Felix
PassengerClass=3
shap=-33.750", + "None=Healy, Miss. Hanora \"Nora\"
PassengerClass=3
shap=-20.004", + "None=Andrews, Miss. Kornelia Theodosia
PassengerClass=1
shap=43.778", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
PassengerClass=3
shap=-21.875", + "None=Smith, Mr. Richard William
PassengerClass=1
shap=38.621", + "None=Connolly, Miss. Kate
PassengerClass=3
shap=-20.040", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
PassengerClass=1
shap=62.990", + "None=Levy, Mr. Rene Jacques
PassengerClass=2
shap=-12.638", + "None=Lewy, Mr. Ervin G
PassengerClass=1
shap=49.458", + "None=Williams, Mr. Howard Hugh \"Harry\"
PassengerClass=3
shap=-13.869", + "None=Sage, Mr. George John Jr
PassengerClass=3
shap=-28.318", + "None=Nysveen, Mr. Johan Hansen
PassengerClass=3
shap=-13.488", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
PassengerClass=1
shap=52.516", + "None=Denkoff, Mr. Mitto
PassengerClass=3
shap=-13.869", + "None=Burns, Miss. Elizabeth Margaret
PassengerClass=1
shap=59.993", + "None=Dimic, Mr. Jovan
PassengerClass=3
shap=-13.793", + "None=del Carlo, Mr. Sebastiano
PassengerClass=2
shap=-8.850", + "None=Beavan, Mr. William Thomas
PassengerClass=3
shap=-14.069", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
PassengerClass=1
shap=62.114", + "None=Widener, Mr. Harry Elkins
PassengerClass=1
shap=65.422", + "None=Gustafsson, Mr. Karl Gideon
PassengerClass=3
shap=-14.069", + "None=Plotcharsky, Mr. Vasil
PassengerClass=3
shap=-13.869", + "None=Goodwin, Master. Sidney Leonard
PassengerClass=3
shap=-31.498", + "None=Sadlier, Mr. Matthew
PassengerClass=3
shap=-15.908", + "None=Gustafsson, Mr. Johan Birger
PassengerClass=3
shap=-24.553", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
PassengerClass=3
shap=-20.439", + "None=Niskanen, Mr. Juha
PassengerClass=3
shap=-14.281", + "None=Minahan, Miss. Daisy E
PassengerClass=1
shap=57.359", + "None=Matthews, Mr. William John
PassengerClass=2
shap=-7.864", + "None=Charters, Mr. David
PassengerClass=3
shap=-16.035", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
PassengerClass=2
shap=-13.982", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
PassengerClass=2
shap=-13.851", + "None=Johannesen-Bratthammer, Mr. Bernt
PassengerClass=3
shap=-14.110", + "None=Peuchen, Major. Arthur Godfrey
PassengerClass=1
shap=39.858", + "None=Anderson, Mr. Harry
PassengerClass=1
shap=37.251", + "None=Milling, Mr. Jacob Christian
PassengerClass=2
shap=-7.673", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
PassengerClass=2
shap=-14.914", + "None=Karlsson, Mr. Nils August
PassengerClass=3
shap=-14.060", + "None=Frost, Mr. Anthony Wood \"Archie\"
PassengerClass=2
shap=-8.599", + "None=Bishop, Mr. Dickinson H
PassengerClass=1
shap=68.612", + "None=Windelov, Mr. Einar
PassengerClass=3
shap=-14.059", + "None=Shellard, Mr. Frederick William
PassengerClass=3
shap=-13.869", + "None=Svensson, Mr. Olof
PassengerClass=3
shap=-14.043", + "None=O'Sullivan, Miss. Bridget Mary
PassengerClass=3
shap=-19.554", + "None=Laitinen, Miss. Kristina Sofia
PassengerClass=3
shap=-19.784", + "None=Penasco y Castellana, Mr. Victor de Satode
PassengerClass=1
shap=50.264", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
PassengerClass=1
shap=41.467", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
PassengerClass=2
shap=-12.394", + "None=Kassem, Mr. Fared
PassengerClass=3
shap=-16.879", + "None=Cacic, Miss. Marija
PassengerClass=3
shap=-18.263", + "None=Hart, Miss. Eva Miriam
PassengerClass=2
shap=-16.341", + "None=Butt, Major. Archibald Willingham
PassengerClass=1
shap=41.406", + "None=Beane, Mr. Edward
PassengerClass=2
shap=-7.553", + "None=Goldsmith, Mr. Frank John
PassengerClass=3
shap=-19.935", + "None=Ohman, Miss. Velin
PassengerClass=3
shap=-18.594", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
PassengerClass=1
shap=56.879", + "None=Morrow, Mr. Thomas Rowan
PassengerClass=3
shap=-15.908", + "None=Harris, Mr. George
PassengerClass=2
shap=-9.206", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
PassengerClass=1
shap=63.660", + "None=Patchett, Mr. George
PassengerClass=3
shap=-14.069", + "None=Ross, Mr. John Hugo
PassengerClass=1
shap=54.283", + "None=Murdlin, Mr. Joseph
PassengerClass=3
shap=-13.869", + "None=Bourke, Miss. Mary
PassengerClass=3
shap=-22.538", + "None=Boulos, Mr. Hanna
PassengerClass=3
shap=-16.879", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
PassengerClass=1
shap=48.192", + "None=Homer, Mr. Harry (\"Mr E Haven\")
PassengerClass=1
shap=68.282", + "None=Lindell, Mr. Edvard Bengtsson
PassengerClass=3
shap=-15.797", + "None=Daniel, Mr. Robert Williams
PassengerClass=1
shap=40.395", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
PassengerClass=2
shap=-16.300", + "None=Shutes, Miss. Elizabeth W
PassengerClass=1
shap=52.014", + "None=Jardin, Mr. Jose Neto
PassengerClass=3
shap=-13.869", + "None=Horgan, Mr. John
PassengerClass=3
shap=-15.908", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
PassengerClass=3
shap=-18.260", + "None=Yasbeck, Mr. Antoni
PassengerClass=3
shap=-17.784", + "None=Bostandyeff, Mr. Guentcho
PassengerClass=3
shap=-13.699", + "None=Lundahl, Mr. Johan Svensson
PassengerClass=3
shap=-13.519", + "None=Stahelin-Maeglin, Dr. Max
PassengerClass=1
shap=74.262", + "None=Willey, Mr. Edward
PassengerClass=3
shap=-13.869", + "None=Stanley, Miss. Amy Zillah Elsie
PassengerClass=3
shap=-18.598", + "None=Hegarty, Miss. Hanora \"Nora\"
PassengerClass=3
shap=-19.726", + "None=Eitemiller, Mr. George Floyd
PassengerClass=2
shap=-8.200", + "None=Colley, Mr. Edward Pomeroy
PassengerClass=1
shap=36.492", + "None=Coleff, Mr. Peju
PassengerClass=3
shap=-14.298", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
PassengerClass=2
shap=-14.116", + "None=Davidson, Mr. Thornton
PassengerClass=1
shap=42.684", + "None=Turja, Miss. Anna Sofia
PassengerClass=3
shap=-18.722", + "None=Hassab, Mr. Hammad
PassengerClass=1
shap=46.640", + "None=Goodwin, Mr. Charles Edward
PassengerClass=3
shap=-31.534", + "None=Panula, Mr. Jaako Arnold
PassengerClass=3
shap=-31.770", + "None=Fischer, Mr. Eberhard Thelander
PassengerClass=3
shap=-14.192", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
PassengerClass=3
shap=-13.231", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
PassengerClass=1
shap=56.547", + "None=Hansen, Mr. Henrik Juul
PassengerClass=3
shap=-15.186", + "None=Calderhead, Mr. Edward Pennington
PassengerClass=1
shap=37.997", + "None=Klaber, Mr. Herman
PassengerClass=1
shap=44.293", + "None=Taylor, Mr. Elmer Zebley
PassengerClass=1
shap=42.089", + "None=Larsson, Mr. August Viktor
PassengerClass=3
shap=-13.682", + "None=Greenberg, Mr. Samuel
PassengerClass=2
shap=-7.599", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
PassengerClass=2
shap=-11.827", + "None=McEvoy, Mr. Michael
PassengerClass=3
shap=-15.908", + "None=Johnson, Mr. Malkolm Joackim
PassengerClass=3
shap=-14.013", + "None=Gillespie, Mr. William Henry
PassengerClass=2
shap=-8.657", + "None=Allen, Miss. Elisabeth Walton
PassengerClass=1
shap=52.235", + "None=Berriman, Mr. William John
PassengerClass=2
shap=-8.200", + "None=Troupiansky, Mr. Moses Aaron
PassengerClass=2
shap=-8.200", + "None=Williams, Mr. Leslie
PassengerClass=3
shap=-13.591", + "None=Ivanoff, Mr. Kanio
PassengerClass=3
shap=-13.869", + "None=McNamee, Mr. Neal
PassengerClass=3
shap=-15.487", + "None=Connaghton, Mr. Michael
PassengerClass=3
shap=-15.685", + "None=Carlsson, Mr. August Sigfrid
PassengerClass=3
shap=-13.591", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
PassengerClass=1
shap=53.504", + "None=Eklund, Mr. Hans Linus
PassengerClass=3
shap=-14.218", + "None=Hogeboom, Mrs. John C (Anna Andrews)
PassengerClass=1
shap=43.700", + "None=Moran, Mr. Daniel J
PassengerClass=3
shap=-17.042", + "None=Lievens, Mr. Rene Aime
PassengerClass=3
shap=-14.043", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
PassengerClass=1
shap=61.955", + "None=Ayoub, Miss. Banoura
PassengerClass=3
shap=-21.913", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
PassengerClass=1
shap=50.976", + "None=Johnston, Mr. Andrew G
PassengerClass=3
shap=-21.466", + "None=Ali, Mr. William
PassengerClass=3
shap=-13.877", + "None=Sjoblom, Miss. Anna Sofia
PassengerClass=3
shap=-18.722", + "None=Guggenheim, Mr. Benjamin
PassengerClass=1
shap=64.117", + "None=Leader, Dr. Alice (Farnham)
PassengerClass=1
shap=44.909", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
PassengerClass=2
shap=-13.912", + "None=Carter, Master. William Thornton II
PassengerClass=1
shap=71.258", + "None=Thomas, Master. Assad Alexander
PassengerClass=3
shap=-21.845", + "None=Johansson, Mr. Karl Johan
PassengerClass=3
shap=-13.688", + "None=Slemen, Mr. Richard James
PassengerClass=2
shap=-8.632", + "None=Tomlin, Mr. Ernest Portage
PassengerClass=3
shap=-13.699", + "None=McCormack, Mr. Thomas Joseph
PassengerClass=3
shap=-16.335", + "None=Richards, Master. George Sibley
PassengerClass=2
shap=-13.434", + "None=Mudd, Mr. Thomas Charles
PassengerClass=2
shap=-7.655", + "None=Lemberopolous, Mr. Peter L
PassengerClass=3
shap=-21.107", + "None=Sage, Mr. Douglas Bullen
PassengerClass=3
shap=-28.318", + "None=Boulos, Miss. Nourelain
PassengerClass=3
shap=-22.867", + "None=Aks, Mrs. Sam (Leah Rosen)
PassengerClass=3
shap=-21.404", + "None=Razi, Mr. Raihed
PassengerClass=3
shap=-16.879", + "None=Johnson, Master. Harold Theodor
PassengerClass=3
shap=-20.806", + "None=Carlsson, Mr. Frans Olof
PassengerClass=1
shap=42.609", + "None=Gustafsson, Mr. Alfred Ossian
PassengerClass=3
shap=-14.069", + "None=Montvila, Rev. Juozas
PassengerClass=2
shap=-7.881" + ], + "type": "scattergl", + "x": [ + 62.7513748817345, + 53.56596125914765, + -32.25370938950738, + -21.85422279704911, + -13.847088471270517, + -14.068575184262569, + -18.64083384750954, + -25.667235599424846, + -20.003563284362485, + 48.07753841962308, + -16.878752418298134, + -20.04977968500935, + -18.42130639078344, + -13.978758540773661, + 42.567990422233535, + -34.35973036941346, + -24.627620874456923, + -8.209484117874297, + -13.39621677552949, + -21.34534871306569, + -13.681930856200287, + -14.068575184262569, + 38.822723106664505, + -13.869098778813608, + 52.29925897033852, + -14.04422771712837, + -20.05776741673568, + -14.060139610572564, + -18.381006259047155, + -14.059166361363154, + -6.305557135509564, + -13.869098778813608, + -14.218135779773894, + -32.719084058135145, + -14.084402099804775, + -7.627931731025866, + -13.477963191070355, + -18.523617976830778, + 60.047407471252946, + 39.894470431266306, + -14.059166361363154, + -20.26619087808025, + 38.62119155220827, + -18.717872270195024, + 71.19335401469438, + -13.590939003589046, + -15.171792122198307, + 50.91042353235996, + -14.043479292741532, + -13.518619107041571, + -13.869098778813608, + -34.48320401189659, + -18.370843589882345, + -8.217725219869777, + -13.869098778813608, + 39.85922197556919, + 65.37987432045408, + -14.87670888126299, + -15.907549871080702, + -33.750032607382614, + -20.003563284362485, + 43.77787336313519, + -21.875105379425737, + 38.62119155220827, + -20.04025469560274, + 62.98977539336663, + -12.638229536207595, + 49.4584085184997, + -13.869098778813608, + -28.317770009624667, + -13.488357057509145, + 52.5155117132035, + -13.869098778813608, + 59.99316065561808, + -13.793154044263435, + -8.850174011778176, + -14.068575184262569, + 62.11430197825256, + 65.42197601962356, + -14.068575184262569, + -13.869098778813608, + -31.497881248995782, + -15.907549871080702, + -24.55295191310893, + -20.438584659031275, + -14.281200917725503, + 57.35882512497174, + -7.8639622749862435, + -16.03535990442177, + -13.981722347029004, + -13.850850696174973, + -14.110078020977115, + 39.85810266293514, + 37.25134774908706, + -7.6729168698203125, + -14.913936036970462, + -14.060139610572564, + -8.59921947919864, + 68.6115673741855, + -14.059166361363154, + -13.869098778813608, + -14.043479292741532, + -19.553815565868483, + -19.783934823902307, + 50.26375502653782, + 41.467237310177275, + -12.394093693556755, + -16.878752418298134, + -18.263021106314913, + -16.340917849947193, + 41.406388179847454, + -7.553103574707471, + -19.934514603367145, + -18.594350152965454, + 56.87898364140949, + -15.907549871080702, + -9.205761021888437, + 63.66002892869328, + -14.068575184262569, + 54.282550086205745, + -13.869098778813608, + -22.538281995526376, + -16.878752418298134, + 48.192142627010156, + 68.28236722329527, + -15.796645380428147, + 40.39504917351839, + -16.299875609500287, + 52.014385909229446, + -13.869098778813608, + -15.907549871080702, + -18.259726647415746, + -17.784160210555232, + -13.69865694531307, + -13.518619107041571, + 74.26188395412113, + -13.869098778813608, + -18.597744035395802, + -19.725978796515676, + -8.200149921195113, + 36.49151474007848, + -14.29781288600242, + -14.116066815186475, + 42.68412435185361, + -18.721857393957535, + 46.64028551145873, + -31.534060135990572, + -31.77008648111536, + -14.192100059640962, + -13.23092887302451, + 56.546873816810034, + -15.185533663748984, + 37.996542138647555, + 44.292931120253485, + 42.08907454461206, + -13.681930856200287, + -7.599374037954092, + -11.827414754373457, + -15.907549871080702, + -14.013480247354163, + -8.656883080357753, + 52.23451788608622, + -8.200149921195113, + -8.200149921195113, + -13.590939003589046, + -13.869098778813608, + -15.486718524487914, + -15.68519662441222, + -13.590939003589046, + 53.50382232050411, + -14.218135779773894, + 43.6995020978433, + -17.042109446830633, + -14.043479292741532, + 61.955095911281106, + -21.91265494996966, + 50.97564153206328, + -21.466073173576508, + -13.87653718567656, + -18.721857393957535, + 64.11655848003609, + 44.909375909339204, + -13.911702048220528, + 71.25780401449886, + -21.84547762065188, + -13.688342673759598, + -8.632250312730596, + -13.69948268935322, + -16.334543829411178, + -13.433767708269558, + -7.654918321561491, + -21.106655213178698, + -28.317770009624667, + -22.86733065067817, + -21.40421439246648, + -16.878752418298134, + -20.80578535004739, + 42.60852973628937, + -14.068575184262569, + -7.881298079145458 ], - "xaxis": "x19", - "y": [ - 0.8219991161645369, - 0.4197740443287228, - 0.269024949413985, - 0.8071358760277338, - 0.913782825811154, - 0.0011992550242285738, - 0.14324315683197986, - 0.9948263573107816, - 0.3033166124580229, - 0.8203036684372079, - 0.7900073328640848, - 0.46653625490110784, - 0.30352481585650437, - 0.9891827780819872, - 0.9621942867103462, - 0.3434664913205764, - 0.798630706810119, - 0.9266449902612055, - 0.3024601111807601, - 0.6704246408574442, - 0.5083284260405333, - 0.8290757573140903, - 0.8556335749844834, - 0.02677739262908785, - 0.4803895429118291, - 0.5006493828371036, - 0.24557079521847525, - 0.7615097158210069, - 0.6727521979364904, - 0.2058224292180817, - 0.47110482639505247, - 0.654194282188609, - 0.7097992390638943, - 0.8742008241700092, - 0.9475893966853097, - 0.9189874072862161, - 0.04712204057036029, - 0.18832419264819988, - 0.9096657699061933, - 0.6699206842177765, - 0.11663513538514592, - 0.8583212213812498, - 0.2947785072095963, - 0.36734579318265015, - 0.6698764406491188, - 0.23080119656769593, - 0.6325146842710756, - 0.9008566286316676, - 0.5148653872033107, - 0.9619703680242551, - 0.44155432422728236, - 0.7488895470887015, - 0.8486116578982121, - 0.5997374239228258, - 0.7184202412346115, - 0.14059626247735235, - 0.4382822517540744, - 0.28137259765644584, - 0.8323737608752361, - 0.7335126559490558, - 0.24386011813137787, - 0.5989777418329804, - 0.8321891072181937, - 0.6539996295771671, - 0.5210295559310402, - 0.6705796987917096, - 0.3532423049713094, - 0.7405877641648825, - 0.916576039902918, - 0.12382232426475304, - 0.02775940263497323, - 0.2549967431751142, - 0.8735941359995868, - 0.17011823659334657, - 0.29456142684626674, - 0.7791070954599288, - 0.15788744990728454, - 0.8846105769431195, - 0.28711196814738804, - 0.2592690072970436, - 0.42454383532660445, - 0.7772338502609208, - 0.7655725434437254, - 0.9122780067930589, - 0.35129964087652843, - 0.24904902629238623, - 0.01460121875949072, - 0.06709214969014499, - 0.023529907456824817, - 0.1315936394666024, - 0.45197242038201835, - 0.36668061075255587, - 0.16446996501997224, - 0.709742658469815, - 0.6982072747275138, - 0.983749612443408, - 0.4960108722298613, - 0.7237952047594106, - 0.7465199128136448, - 0.37585459170628943, - 0.6086754602966062, - 0.6891714279846202, - 0.25971743822128157, - 0.15925972132872224, - 0.8637029307753263, - 0.7747915382604498, - 0.9215602225094016, - 0.25172399478212837, - 0.9527902005474059, - 0.5343063517860573, - 0.8680275416533462, - 0.9237108129657134, - 0.7676726649889607, - 0.35626713331059157, - 0.999702254145733, - 0.9676586563866794, - 0.9334410166682147, - 0.5491013813472458, - 0.39082361798605625, - 0.13726558789841836, - 0.8659022366802277, - 0.5471157062607446, - 0.9720395747606099, - 0.7696898719047075, - 0.37164347419422794, - 0.5486068216732423, - 0.7808565458421943, - 0.06362893938201464, - 0.8030288104476988, - 0.7108572611023591, - 0.6132599236502456, - 0.19337977573249032, - 0.9306879947971131, - 0.36568940542444295, - 0.3078399730423602, - 0.27813930333723846, - 0.5036278604598777, - 0.2314234545132291, - 0.9247172491249226, - 0.2802683528784793, - 0.6862869013779828, - 0.053597099901973366, - 0.19123064461200556, - 0.7623922871564972, - 0.7940177151330212, - 0.3805152054705957, - 0.43992151446075356, - 0.4149222113730925, - 0.6592899638312886, - 0.9442716324664818, - 0.1239861545941664, - 0.9696674302215552, - 0.5850478237343485, - 0.7044442228711473, - 0.17625363447321762, - 0.12657915882363258, - 0.7490427356101531, - 0.0928812621770142, - 0.4533771492205493, - 0.2897974340465109, - 0.4302675750935344, - 0.019334560322117667, - 0.7811990235414765, - 0.4431035641894602, - 0.26032090333952607, - 0.4215684802439733, - 0.4012911835937618, - 0.6295518503384296, - 0.6653621172793692, - 0.1730773829377612, - 0.1959388647554282, - 0.15366241072133846, - 0.8312927668699476, - 0.8221076175935608, - 0.43734875295268927, - 0.8850870595376903, - 0.21625026915822454, - 0.9069919753930592, - 0.9070076509356254, - 0.35295173089155363, - 0.23927566025565838, - 0.177783015922784, - 0.9998638688851229, - 0.6149591434122181, - 0.6166274421010968, - 0.6333194403826032, - 0.9484087968453083, - 0.2031045320311058, - 0.7415589479957098, - 0.9635398330548203, - 0.1481578570070119, - 0.45240838961027474, - 0.17719814167786918, - 0.6894073987180422, - 0.8866556121220397, - 0.030142263100192856, - 0.32167089117513314, - 0.5230160066890945, - 0.7876968277330065, - 0.8402487241694071 - ], - "yaxis": "y19" + "xaxis": "x", + "y": [ + 0.2734737632332539, + 0.9332983551586657, + 0.27699279746703576, + 0.12290077843634328, + 0.29505697692234145, + 0.6409412266602151, + 0.7072976638415381, + 0.07335293745618965, + 0.514453019776293, + 0.22910931009627944, + 0.30633934421539477, + 0.8711268330836665, + 0.36035625698323415, + 0.13142381319981822, + 0.12322803551207595, + 0.46026518408146366, + 0.4938665047854669, + 0.42632305391587544, + 0.11640353488837285, + 0.763441739707719, + 0.21312807084403707, + 0.5650059072719181, + 0.760713563155677, + 0.2435901662936486, + 0.9225858066621284, + 0.1507180322723196, + 0.8911597023866908, + 0.4259899765062426, + 0.6809019199954149, + 0.612129727912614, + 0.801778606731047, + 0.6905838548263086, + 0.41929357970072756, + 0.2880108368895834, + 0.14914445651958808, + 0.057714800914685394, + 0.2757879405194822, + 0.5099583049784051, + 0.1522010339893467, + 0.11158227474039872, + 0.4817180691980836, + 0.4025981645459282, + 0.3467853131116845, + 0.7190840783944524, + 0.09524838619140852, + 0.35243553117409454, + 0.585372743651908, + 0.42622101689736525, + 0.47747136711558724, + 0.25025752186602035, + 0.9330493559300549, + 0.18507330179599657, + 0.8126385451843278, + 0.593976878272623, + 0.10786695505052846, + 0.004473188752619595, + 0.07510536389720168, + 0.8201918619929192, + 0.24229263584883498, + 0.4581688420148615, + 0.025969577648948694, + 0.399767165609034, + 0.6666929653710802, + 0.8412786010903489, + 0.7839146818743539, + 0.3618038802404099, + 0.981301306322017, + 0.5483798464845531, + 0.5918214236693944, + 0.7452170045651131, + 0.28712664336286364, + 0.4415196632646684, + 0.8756144338155506, + 0.6208145525353761, + 0.5895261090516594, + 0.40628783472928065, + 0.8777769503038851, + 0.8296758729592204, + 0.9233077328469942, + 0.6267728673898388, + 0.8269376308646971, + 0.06421791965081969, + 0.23412786148073628, + 0.2460470125808103, + 0.6959572837045794, + 0.09386762733665277, + 0.4997396094202351, + 0.09003142028417721, + 0.437582602356979, + 0.409577174064892, + 0.9079031950450865, + 0.02170440179435862, + 0.08730308020268562, + 0.5381585108934095, + 0.6090248737956155, + 0.49421340773937905, + 0.9068280301446, + 0.9577427638797583, + 0.5545943971207259, + 0.012646373110432485, + 0.8112544153158394, + 0.039723205176209864, + 0.6302788353419274, + 0.21519960555770612, + 0.49574112227661116, + 0.373997411880607, + 0.010312237350249664, + 0.9117822576000575, + 0.030827867430949007, + 0.5572086277190986, + 0.03286585288202981, + 0.4224815634394311, + 0.8311548170210433, + 0.10791359212693652, + 0.8982005530291138, + 0.23555542022489118, + 0.3160333021068079, + 0.8248606917193552, + 0.9697456916235253, + 0.3014980075688527, + 0.4093322312189901, + 0.8348291634525566, + 0.26046071831667994, + 0.4808856508020448, + 0.3451918934170125, + 0.6569361788887985, + 0.6881339203564707, + 0.04306385827139636, + 0.2190501987680784, + 0.26407930027279525, + 0.39002476310929923, + 0.42922293948615975, + 0.9860720886888118, + 0.5803529213781483, + 0.6704809394332162, + 0.8851543276889379, + 0.38146231042268597, + 0.6969786675695342, + 0.045128085021951425, + 0.7408992553675715, + 0.10388067551837288, + 0.9518488862898821, + 0.6680250275291002, + 0.7968065376243937, + 0.8475238069729424, + 0.6177681863144895, + 0.3953189318553131, + 0.37442472199311017, + 0.6771232831479448, + 0.7700154031958445, + 0.07651665775206351, + 0.3558228428304778, + 0.8275844652291403, + 0.3285335404400054, + 0.09437185118686586, + 0.09204950228149267, + 0.15982498519118782, + 0.83962195637307, + 0.5695975047192477, + 0.3414933586683274, + 0.3011251754543025, + 0.2729745609679197, + 0.9770375576703687, + 0.23271888113630235, + 0.2727143943474277, + 0.2920355125689663, + 0.8863027576331649, + 0.7624334978977207, + 0.5770314326796605, + 0.5889679035311894, + 0.2817593755688135, + 0.9286373212816991, + 0.058386734934155804, + 0.5383182391175472, + 0.7915518568376693, + 0.6963526445306867, + 0.9948387800077194, + 0.5815853805103061, + 0.8323740738810619, + 0.3254593277621646, + 0.44270837244155814, + 0.5381144679438745, + 0.5774050952299395, + 0.9839839678053437, + 0.23177615449098676, + 0.39346477669830926, + 0.7656602058630848, + 0.32497834720332175, + 0.8449883417705211, + 0.5613655221831838, + 0.9750707289068512, + 0.6799017808529411, + 0.3583069546494566, + 0.530159004290082, + 0.08341980543169336, + 0.5042864973504497, + 0.4374971769287618, + 0.7530961815111018, + 0.8392812536970882, + 0.3899520496022373 + ], + "yaxis": "y" }, { "hoverinfo": "text", @@ -88268,9 +49317,12 @@ "color": [ 0, 0, + 1, + 2, 0, 0, 0, + 5, 0, 0, 0, @@ -88278,13 +49330,16 @@ 0, 0, 0, + 2, 0, 0, 0, + 3, 0, 0, 0, 0, + 1, 0, 0, 0, @@ -88293,10 +49348,15 @@ 0, 0, 0, + 2, + 2, 0, 0, + 1, + 1, 0, 0, + 1, 0, 0, 0, @@ -88306,20 +49366,25 @@ 0, 0, 0, + 2, 0, 0, 0, 0, 0, + 1, 0, + 2, 0, 0, + 1, 0, 0, 0, 0, 0, 0, + 2, 0, 0, 0, @@ -88328,799 +49393,25 @@ 0, 0, 0, + 2, + 0, + 0, + 2, + 0, + 0, + 2, + 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, - 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, - 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, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "colorbar": { - "showticklabels": false, - "title": { - "text": "feature value
(red is high)" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.3, - "showscale": true, - "size": 5 - }, - "mode": "markers", - "name": "Sex_nan", - "opacity": 0.8, - "showlegend": false, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Sex_nan=0
shap=0.0", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Sex_nan=0
shap=0.0", - "index=Palsson, Master. Gosta Leonard
Sex_nan=0
shap=0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Sex_nan=0
shap=0.0", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Sex_nan=0
shap=0.0", - "index=Saundercock, Mr. William Henry
Sex_nan=0
shap=0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Sex_nan=0
shap=0.0", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Sex_nan=0
shap=0.0", - "index=Glynn, Miss. Mary Agatha
Sex_nan=0
shap=0.0", - "index=Meyer, Mr. Edgar Joseph
Sex_nan=0
shap=0.0", - "index=Kraeff, Mr. Theodor
Sex_nan=0
shap=0.0", - "index=Devaney, Miss. Margaret Delia
Sex_nan=0
shap=0.0", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Sex_nan=0
shap=0.0", - "index=Rugg, Miss. Emily
Sex_nan=0
shap=0.0", - "index=Harris, Mr. Henry Birkhardt
Sex_nan=0
shap=0.0", - "index=Skoog, Master. Harald
Sex_nan=0
shap=0.0", - "index=Kink, Mr. Vincenz
Sex_nan=0
shap=0.0", - "index=Hood, Mr. Ambrose Jr
Sex_nan=0
shap=0.0", - "index=Ilett, Miss. Bertha
Sex_nan=0
shap=0.0", - "index=Ford, Mr. William Neal
Sex_nan=0
shap=0.0", - "index=Christmann, Mr. Emil
Sex_nan=0
shap=0.0", - "index=Andreasson, Mr. Paul Edvin
Sex_nan=0
shap=0.0", - "index=Chaffee, Mr. Herbert Fuller
Sex_nan=0
shap=0.0", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Sex_nan=0
shap=0.0", - "index=White, Mr. Richard Frasar
Sex_nan=0
shap=0.0", - "index=Rekic, Mr. Tido
Sex_nan=0
shap=0.0", - "index=Moran, Miss. Bertha
Sex_nan=0
shap=0.0", - "index=Barton, Mr. David John
Sex_nan=0
shap=0.0", - "index=Jussila, Miss. Katriina
Sex_nan=0
shap=0.0", - "index=Pekoniemi, Mr. Edvard
Sex_nan=0
shap=0.0", - "index=Turpin, Mr. William John Robert
Sex_nan=0
shap=0.0", - "index=Moore, Mr. Leonard Charles
Sex_nan=0
shap=0.0", - "index=Osen, Mr. Olaf Elon
Sex_nan=0
shap=0.0", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Sex_nan=0
shap=0.0", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Sex_nan=0
shap=0.0", - "index=Bateman, Rev. Robert James
Sex_nan=0
shap=0.0", - "index=Meo, Mr. Alfonzo
Sex_nan=0
shap=0.0", - "index=Cribb, Mr. John Hatfield
Sex_nan=0
shap=0.0", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Sex_nan=0
shap=0.0", - "index=Van der hoef, Mr. Wyckoff
Sex_nan=0
shap=0.0", - "index=Sivola, Mr. Antti Wilhelm
Sex_nan=0
shap=0.0", - "index=Klasen, Mr. Klas Albin
Sex_nan=0
shap=0.0", - "index=Rood, Mr. Hugh Roscoe
Sex_nan=0
shap=0.0", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Sex_nan=0
shap=0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Sex_nan=0
shap=0.0", - "index=Vande Walle, Mr. Nestor Cyriel
Sex_nan=0
shap=0.0", - "index=Backstrom, Mr. Karl Alfred
Sex_nan=0
shap=0.0", - "index=Blank, Mr. Henry
Sex_nan=0
shap=0.0", - "index=Ali, Mr. Ahmed
Sex_nan=0
shap=0.0", - "index=Green, Mr. George Henry
Sex_nan=0
shap=0.0", - "index=Nenkoff, Mr. Christo
Sex_nan=0
shap=0.0", - "index=Asplund, Miss. Lillian Gertrud
Sex_nan=0
shap=0.0", - "index=Harknett, Miss. Alice Phoebe
Sex_nan=0
shap=0.0", - "index=Hunt, Mr. George Henry
Sex_nan=0
shap=0.0", - "index=Reed, Mr. James George
Sex_nan=0
shap=0.0", - "index=Stead, Mr. William Thomas
Sex_nan=0
shap=0.0", - "index=Thorne, Mrs. Gertrude Maybelle
Sex_nan=0
shap=0.0", - "index=Parrish, Mrs. (Lutie Davis)
Sex_nan=0
shap=0.0", - "index=Smith, Mr. Thomas
Sex_nan=0
shap=0.0", - "index=Asplund, Master. Edvin Rojj Felix
Sex_nan=0
shap=0.0", - "index=Healy, Miss. Hanora \"Nora\"
Sex_nan=0
shap=0.0", - "index=Andrews, Miss. Kornelia Theodosia
Sex_nan=0
shap=0.0", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Sex_nan=0
shap=0.0", - "index=Smith, Mr. Richard William
Sex_nan=0
shap=0.0", - "index=Connolly, Miss. Kate
Sex_nan=0
shap=0.0", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Sex_nan=0
shap=0.0", - "index=Levy, Mr. Rene Jacques
Sex_nan=0
shap=0.0", - "index=Lewy, Mr. Ervin G
Sex_nan=0
shap=0.0", - "index=Williams, Mr. Howard Hugh \"Harry\"
Sex_nan=0
shap=0.0", - "index=Sage, Mr. George John Jr
Sex_nan=0
shap=0.0", - "index=Nysveen, Mr. Johan Hansen
Sex_nan=0
shap=0.0", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Sex_nan=0
shap=0.0", - "index=Denkoff, Mr. Mitto
Sex_nan=0
shap=0.0", - "index=Burns, Miss. Elizabeth Margaret
Sex_nan=0
shap=0.0", - "index=Dimic, Mr. Jovan
Sex_nan=0
shap=0.0", - "index=del Carlo, Mr. Sebastiano
Sex_nan=0
shap=0.0", - "index=Beavan, Mr. William Thomas
Sex_nan=0
shap=0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Sex_nan=0
shap=0.0", - "index=Widener, Mr. Harry Elkins
Sex_nan=0
shap=0.0", - "index=Gustafsson, Mr. Karl Gideon
Sex_nan=0
shap=0.0", - "index=Plotcharsky, Mr. Vasil
Sex_nan=0
shap=0.0", - "index=Goodwin, Master. Sidney Leonard
Sex_nan=0
shap=0.0", - "index=Sadlier, Mr. Matthew
Sex_nan=0
shap=0.0", - "index=Gustafsson, Mr. Johan Birger
Sex_nan=0
shap=0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Sex_nan=0
shap=0.0", - "index=Niskanen, Mr. Juha
Sex_nan=0
shap=0.0", - "index=Minahan, Miss. Daisy E
Sex_nan=0
shap=0.0", - "index=Matthews, Mr. William John
Sex_nan=0
shap=0.0", - "index=Charters, Mr. David
Sex_nan=0
shap=0.0", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Sex_nan=0
shap=0.0", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Sex_nan=0
shap=0.0", - "index=Johannesen-Bratthammer, Mr. Bernt
Sex_nan=0
shap=0.0", - "index=Peuchen, Major. Arthur Godfrey
Sex_nan=0
shap=0.0", - "index=Anderson, Mr. Harry
Sex_nan=0
shap=0.0", - "index=Milling, Mr. Jacob Christian
Sex_nan=0
shap=0.0", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Sex_nan=0
shap=0.0", - "index=Karlsson, Mr. Nils August
Sex_nan=0
shap=0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Sex_nan=0
shap=0.0", - "index=Bishop, Mr. Dickinson H
Sex_nan=0
shap=0.0", - "index=Windelov, Mr. Einar
Sex_nan=0
shap=0.0", - "index=Shellard, Mr. Frederick William
Sex_nan=0
shap=0.0", - "index=Svensson, Mr. Olof
Sex_nan=0
shap=0.0", - "index=O'Sullivan, Miss. Bridget Mary
Sex_nan=0
shap=0.0", - "index=Laitinen, Miss. Kristina Sofia
Sex_nan=0
shap=0.0", - "index=Penasco y Castellana, Mr. Victor de Satode
Sex_nan=0
shap=0.0", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Sex_nan=0
shap=0.0", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Sex_nan=0
shap=0.0", - "index=Kassem, Mr. Fared
Sex_nan=0
shap=0.0", - "index=Cacic, Miss. Marija
Sex_nan=0
shap=0.0", - "index=Hart, Miss. Eva Miriam
Sex_nan=0
shap=0.0", - "index=Butt, Major. Archibald Willingham
Sex_nan=0
shap=0.0", - "index=Beane, Mr. Edward
Sex_nan=0
shap=0.0", - "index=Goldsmith, Mr. Frank John
Sex_nan=0
shap=0.0", - "index=Ohman, Miss. Velin
Sex_nan=0
shap=0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Sex_nan=0
shap=0.0", - "index=Morrow, Mr. Thomas Rowan
Sex_nan=0
shap=0.0", - "index=Harris, Mr. George
Sex_nan=0
shap=0.0", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Sex_nan=0
shap=0.0", - "index=Patchett, Mr. George
Sex_nan=0
shap=0.0", - "index=Ross, Mr. John Hugo
Sex_nan=0
shap=0.0", - "index=Murdlin, Mr. Joseph
Sex_nan=0
shap=0.0", - "index=Bourke, Miss. Mary
Sex_nan=0
shap=0.0", - "index=Boulos, Mr. Hanna
Sex_nan=0
shap=0.0", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Sex_nan=0
shap=0.0", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Sex_nan=0
shap=0.0", - "index=Lindell, Mr. Edvard Bengtsson
Sex_nan=0
shap=0.0", - "index=Daniel, Mr. Robert Williams
Sex_nan=0
shap=0.0", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Sex_nan=0
shap=0.0", - "index=Shutes, Miss. Elizabeth W
Sex_nan=0
shap=0.0", - "index=Jardin, Mr. Jose Neto
Sex_nan=0
shap=0.0", - "index=Horgan, Mr. John
Sex_nan=0
shap=0.0", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Sex_nan=0
shap=0.0", - "index=Yasbeck, Mr. Antoni
Sex_nan=0
shap=0.0", - "index=Bostandyeff, Mr. Guentcho
Sex_nan=0
shap=0.0", - "index=Lundahl, Mr. Johan Svensson
Sex_nan=0
shap=0.0", - "index=Stahelin-Maeglin, Dr. Max
Sex_nan=0
shap=0.0", - "index=Willey, Mr. Edward
Sex_nan=0
shap=0.0", - "index=Stanley, Miss. Amy Zillah Elsie
Sex_nan=0
shap=0.0", - "index=Hegarty, Miss. Hanora \"Nora\"
Sex_nan=0
shap=0.0", - "index=Eitemiller, Mr. George Floyd
Sex_nan=0
shap=0.0", - "index=Colley, Mr. Edward Pomeroy
Sex_nan=0
shap=0.0", - "index=Coleff, Mr. Peju
Sex_nan=0
shap=0.0", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Sex_nan=0
shap=0.0", - "index=Davidson, Mr. Thornton
Sex_nan=0
shap=0.0", - "index=Turja, Miss. Anna Sofia
Sex_nan=0
shap=0.0", - "index=Hassab, Mr. Hammad
Sex_nan=0
shap=0.0", - "index=Goodwin, Mr. Charles Edward
Sex_nan=0
shap=0.0", - "index=Panula, Mr. Jaako Arnold
Sex_nan=0
shap=0.0", - "index=Fischer, Mr. Eberhard Thelander
Sex_nan=0
shap=0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Sex_nan=0
shap=0.0", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Sex_nan=0
shap=0.0", - "index=Hansen, Mr. Henrik Juul
Sex_nan=0
shap=0.0", - "index=Calderhead, Mr. Edward Pennington
Sex_nan=0
shap=0.0", - "index=Klaber, Mr. Herman
Sex_nan=0
shap=0.0", - "index=Taylor, Mr. Elmer Zebley
Sex_nan=0
shap=0.0", - "index=Larsson, Mr. August Viktor
Sex_nan=0
shap=0.0", - "index=Greenberg, Mr. Samuel
Sex_nan=0
shap=0.0", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Sex_nan=0
shap=0.0", - "index=McEvoy, Mr. Michael
Sex_nan=0
shap=0.0", - "index=Johnson, Mr. Malkolm Joackim
Sex_nan=0
shap=0.0", - "index=Gillespie, Mr. William Henry
Sex_nan=0
shap=0.0", - "index=Allen, Miss. Elisabeth Walton
Sex_nan=0
shap=0.0", - "index=Berriman, Mr. William John
Sex_nan=0
shap=0.0", - "index=Troupiansky, Mr. Moses Aaron
Sex_nan=0
shap=0.0", - "index=Williams, Mr. Leslie
Sex_nan=0
shap=0.0", - "index=Ivanoff, Mr. Kanio
Sex_nan=0
shap=0.0", - "index=McNamee, Mr. Neal
Sex_nan=0
shap=0.0", - "index=Connaghton, Mr. Michael
Sex_nan=0
shap=0.0", - "index=Carlsson, Mr. August Sigfrid
Sex_nan=0
shap=0.0", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Sex_nan=0
shap=0.0", - "index=Eklund, Mr. Hans Linus
Sex_nan=0
shap=0.0", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Sex_nan=0
shap=0.0", - "index=Moran, Mr. Daniel J
Sex_nan=0
shap=0.0", - "index=Lievens, Mr. Rene Aime
Sex_nan=0
shap=0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Sex_nan=0
shap=0.0", - "index=Ayoub, Miss. Banoura
Sex_nan=0
shap=0.0", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Sex_nan=0
shap=0.0", - "index=Johnston, Mr. Andrew G
Sex_nan=0
shap=0.0", - "index=Ali, Mr. William
Sex_nan=0
shap=0.0", - "index=Sjoblom, Miss. Anna Sofia
Sex_nan=0
shap=0.0", - "index=Guggenheim, Mr. Benjamin
Sex_nan=0
shap=0.0", - "index=Leader, Dr. Alice (Farnham)
Sex_nan=0
shap=0.0", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Sex_nan=0
shap=0.0", - "index=Carter, Master. William Thornton II
Sex_nan=0
shap=0.0", - "index=Thomas, Master. Assad Alexander
Sex_nan=0
shap=0.0", - "index=Johansson, Mr. Karl Johan
Sex_nan=0
shap=0.0", - "index=Slemen, Mr. Richard James
Sex_nan=0
shap=0.0", - "index=Tomlin, Mr. Ernest Portage
Sex_nan=0
shap=0.0", - "index=McCormack, Mr. Thomas Joseph
Sex_nan=0
shap=0.0", - "index=Richards, Master. George Sibley
Sex_nan=0
shap=0.0", - "index=Mudd, Mr. Thomas Charles
Sex_nan=0
shap=0.0", - "index=Lemberopolous, Mr. Peter L
Sex_nan=0
shap=0.0", - "index=Sage, Mr. Douglas Bullen
Sex_nan=0
shap=0.0", - "index=Boulos, Miss. Nourelain
Sex_nan=0
shap=0.0", - "index=Aks, Mrs. Sam (Leah Rosen)
Sex_nan=0
shap=0.0", - "index=Razi, Mr. Raihed
Sex_nan=0
shap=0.0", - "index=Johnson, Master. Harold Theodor
Sex_nan=0
shap=0.0", - "index=Carlsson, Mr. Frans Olof
Sex_nan=0
shap=0.0", - "index=Gustafsson, Mr. Alfred Ossian
Sex_nan=0
shap=0.0", - "index=Montvila, Rev. Juozas
Sex_nan=0
shap=0.0" - ], - "type": "scatter", - "x": [ - 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, - 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, - 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, - 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, - 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, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 - ], - "xaxis": "x20", - "y": [ - 0.7109209146955721, - 0.19571094263716926, - 0.39695792641496763, - 0.5620728045141203, - 0.9577248352412523, - 0.15145220222688227, - 0.33892973920888525, - 0.1614560398085344, - 0.9769800279587297, - 0.3367415819266759, - 0.9958439676809344, - 0.2311922098030268, - 0.46604078054179776, - 0.37859362996473134, - 0.05696660407416776, - 0.9393407023483089, - 0.7010411288794188, - 0.8658072738266955, - 0.3730750293796731, - 0.8791768556897155, - 0.1062897274621043, - 0.07515101534991375, - 0.7504743446576925, - 0.09884480991587308, - 0.24448075640580114, - 0.555207697391388, - 0.6175601603717493, - 0.8101245347488827, - 0.5440690681948249, - 0.16091833247031295, - 0.9380587477736916, - 0.00611922734870074, - 0.28034549884523974, - 0.6734700354387431, - 0.5864997180995182, - 0.7781920119059907, - 0.7690986102170544, - 0.7366004200624628, - 0.7540660157723006, - 0.25611861084451193, - 0.28250216559290053, - 0.3385972525636186, - 0.17344640277591072, - 0.947439839718584, - 0.7048889222980369, - 0.9335080963419288, - 0.350871512011543, - 0.27071448569418133, - 0.21650737660398123, - 0.4068804874190344, - 0.8427561715434659, - 0.6300874025682416, - 0.06832412284975842, - 0.5193709977204828, - 0.9410168626148381, - 0.9620826564008137, - 0.43463429658671027, - 0.3848217063096768, - 0.5045514411387128, - 0.8063957864123078, - 0.924558230532206, - 0.32155926464805895, - 0.36788511970191806, - 0.28185575003517715, - 0.45742168225162794, - 0.6393360780180405, - 0.9011109732020309, - 0.49638084278007377, - 0.11677288113596318, - 0.2852605324991342, - 0.5899251190962352, - 0.14002530358826537, - 0.09202497387950426, - 0.4947127168844382, - 0.03972989072697686, - 0.17977947917633186, - 0.19748119404346698, - 0.7406768538615306, - 0.4197872951495669, - 0.572237884284179, - 0.15166221517076606, - 0.4889863585454908, - 0.8393075902263255, - 0.8137534797971523, - 0.7091997616995229, - 0.006936116636393819, - 0.5049262494910077, - 0.4462467503646117, - 0.5309963576624425, - 0.11355119741785114, - 0.517877569420778, - 0.12110587182549681, - 0.4111870249090651, - 0.8778117142163361, - 0.7698248279154468, - 0.11365192009843972, - 0.07700653503262245, - 0.8294638816083914, - 0.9608422512937447, - 0.327870111682966, - 0.11059094861751295, - 0.07921054683081585, - 0.5281533944801878, - 0.8950653260875397, - 0.9796837562562198, - 0.898547369798067, - 0.9155346849036354, - 0.5381185122282935, - 0.12354072279039863, - 0.4499785288731646, - 0.30887682279712825, - 0.9696079604615084, - 0.8043410985097528, - 0.07941045404213098, - 0.33900273840305584, - 0.5625512919431619, - 0.711671178087757, - 0.7372776544228384, - 0.5470346423160617, - 0.7057693067696744, - 0.2360491023674519, - 0.2846941711800508, - 0.2589807831873301, - 0.13015911940070435, - 0.39225479584082756, - 0.02687836180265868, - 0.1089086555297365, - 0.41845458431055504, - 0.541570337656794, - 0.22100645494945748, - 0.8888203063681155, - 0.13024026280473422, - 0.6133855892992853, - 0.5372211907507628, - 0.5677425409554908, - 0.4810983480181037, - 0.3213235099756737, - 0.2968797125697362, - 0.4092975960389843, - 0.7537590963764128, - 0.6608686015194685, - 0.44093305964003116, - 0.7280016106772048, - 0.9574672712900498, - 0.7443273476714429, - 0.30177074246145275, - 0.3030510548581755, - 0.6710183576594451, - 0.576665012780273, - 0.8510727818846768, - 0.6711754031897552, - 0.8501376993442566, - 0.6451617830232105, - 0.5023236605933751, - 0.9855653543527855, - 0.30480365681639476, - 0.29709761655077294, - 0.6931867657333194, - 0.43878690057175784, - 0.14112879773700704, - 0.28963338168318564, - 0.4124629067983965, - 0.08777063164462562, - 0.5734276224134274, - 0.37764881383551163, - 0.7711190468282201, - 0.938548886235161, - 0.3245436725103269, - 0.9043929840624038, - 0.8076669327600055, - 0.9921284778547763, - 0.20820698504922608, - 0.42406408650338423, - 0.8668938633757634, - 0.29940587857354617, - 0.13316774516027452, - 0.5717359687720179, - 0.914729792074052, - 0.042917016516130446, - 0.563270080673605, - 0.8163634080253132, - 0.8146748243049909, - 0.43019241263162955, - 0.18708927860854074, - 0.633703510860276, - 0.6618609164202002, - 0.8495172187765768, - 0.2476012251194466, - 0.15022423171500932, - 0.9596134490995445, - 0.22893178276314818, - 0.42151775327972296, - 0.8671056984485432, - 0.11036258743916116, - 0.6918314998303097, - 0.9501697064380455, - 0.15086691995794244, - 0.7725611363398346, - 0.039870986996819235, - 0.8821498376990696 - ], - "yaxis": "y20" - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 1, - 0, - 0, 1, 0, 0, 0, 0, + 2, + 0, 0, 0, 0, @@ -89131,21 +49422,27 @@ 0, 0, 0, - 1, 0, 0, + 2, + 0, + 0, + 1, 0, + 1, 0, 0, 0, 0, 0, 0, + 2, 0, 0, 0, 0, 0, + 2, 0, 0, 0, @@ -89160,31 +49457,723 @@ 0, 0, 0, + 1, 0, 0, 0, + 2, 1, 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, 1, 0, 0, + 2, + 0, + 0, + 0, 0, 1, + 2, + 1, 0, 0, 0, 0, + 1, + 0, + 0, + 2, + 1, + 1, + 0, + 1, 0, 0, + 0 + ], + "colorbar": { + "showticklabels": false, + "title": { + "text": "feature value
(red is high)" + } + }, + "colorscale": [ + [ + 0, + "rgb(0,0,255)" + ], + [ + 1, + "rgb(255,0,0)" + ] + ], + "opacity": 0.3, + "showscale": true, + "size": 5 + }, + "mode": "markers", + "name": "No_of_parents_plus_children_on_board", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
No_of_parents_plus_children_on_board=0
shap=-4.751", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
No_of_parents_plus_children_on_board=0
shap=-7.831", + "None=Palsson, Master. Gosta Leonard
No_of_parents_plus_children_on_board=1
shap=8.145", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
No_of_parents_plus_children_on_board=2
shap=10.602", + "None=Nasser, Mrs. Nicholas (Adele Achem)
No_of_parents_plus_children_on_board=0
shap=-2.586", + "None=Saundercock, Mr. William Henry
No_of_parents_plus_children_on_board=0
shap=-3.653", + "None=Vestrom, Miss. Hulda Amanda Adolfina
No_of_parents_plus_children_on_board=0
shap=-3.304", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
No_of_parents_plus_children_on_board=5
shap=18.023", + "None=Glynn, Miss. Mary Agatha
No_of_parents_plus_children_on_board=0
shap=-2.927", + "None=Meyer, Mr. Edgar Joseph
No_of_parents_plus_children_on_board=0
shap=-8.403", + "None=Kraeff, Mr. Theodor
No_of_parents_plus_children_on_board=0
shap=-3.439", + "None=Devaney, Miss. Margaret Delia
No_of_parents_plus_children_on_board=0
shap=-2.911", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
No_of_parents_plus_children_on_board=0
shap=-3.359", + "None=Rugg, Miss. Emily
No_of_parents_plus_children_on_board=0
shap=-3.078", + "None=Harris, Mr. Henry Birkhardt
No_of_parents_plus_children_on_board=0
shap=-9.889", + "None=Skoog, Master. Harald
No_of_parents_plus_children_on_board=2
shap=11.568", + "None=Kink, Mr. Vincenz
No_of_parents_plus_children_on_board=0
shap=-3.950", + "None=Hood, Mr. Ambrose Jr
No_of_parents_plus_children_on_board=0
shap=-3.604", + "None=Ilett, Miss. Bertha
No_of_parents_plus_children_on_board=0
shap=-3.025", + "None=Ford, Mr. William Neal
No_of_parents_plus_children_on_board=3
shap=12.512", + "None=Christmann, Mr. Emil
No_of_parents_plus_children_on_board=0
shap=-3.667", + "None=Andreasson, Mr. Paul Edvin
No_of_parents_plus_children_on_board=0
shap=-3.653", + "None=Chaffee, Mr. Herbert Fuller
No_of_parents_plus_children_on_board=0
shap=-9.071", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
No_of_parents_plus_children_on_board=0
shap=-3.663", + "None=White, Mr. Richard Frasar
No_of_parents_plus_children_on_board=1
shap=23.309", + "None=Rekic, Mr. Tido
No_of_parents_plus_children_on_board=0
shap=-3.519", + "None=Moran, Miss. Bertha
No_of_parents_plus_children_on_board=0
shap=-3.000", + "None=Barton, Mr. David John
No_of_parents_plus_children_on_board=0
shap=-3.654", + "None=Jussila, Miss. Katriina
No_of_parents_plus_children_on_board=0
shap=-3.369", + "None=Pekoniemi, Mr. Edvard
No_of_parents_plus_children_on_board=0
shap=-3.653", + "None=Turpin, Mr. William John Robert
No_of_parents_plus_children_on_board=0
shap=-3.176", + "None=Moore, Mr. Leonard Charles
No_of_parents_plus_children_on_board=0
shap=-3.663", + "None=Osen, Mr. Olaf Elon
No_of_parents_plus_children_on_board=0
shap=-3.651", + "None=Ford, Miss. Robina Maggie \"Ruby\"
No_of_parents_plus_children_on_board=2
shap=10.364", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
No_of_parents_plus_children_on_board=2
shap=13.751", + "None=Bateman, Rev. Robert James
No_of_parents_plus_children_on_board=0
shap=-3.982", + "None=Meo, Mr. Alfonzo
No_of_parents_plus_children_on_board=0
shap=-3.866", + "None=Cribb, Mr. John Hatfield
No_of_parents_plus_children_on_board=1
shap=10.224", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
No_of_parents_plus_children_on_board=1
shap=18.714", + "None=Van der hoef, Mr. Wyckoff
No_of_parents_plus_children_on_board=0
shap=-11.636", + "None=Sivola, Mr. Antti Wilhelm
No_of_parents_plus_children_on_board=0
shap=-3.653", + "None=Klasen, Mr. Klas Albin
No_of_parents_plus_children_on_board=1
shap=8.641", + "None=Rood, Mr. Hugh Roscoe
No_of_parents_plus_children_on_board=0
shap=-11.038", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
No_of_parents_plus_children_on_board=0
shap=-3.116", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
No_of_parents_plus_children_on_board=0
shap=-3.106", + "None=Vande Walle, Mr. Nestor Cyriel
No_of_parents_plus_children_on_board=0
shap=-3.628", + "None=Backstrom, Mr. Karl Alfred
No_of_parents_plus_children_on_board=0
shap=-3.659", + "None=Blank, Mr. Henry
No_of_parents_plus_children_on_board=0
shap=-6.747", + "None=Ali, Mr. Ahmed
No_of_parents_plus_children_on_board=0
shap=-3.661", + "None=Green, Mr. George Henry
No_of_parents_plus_children_on_board=0
shap=-3.984", + "None=Nenkoff, Mr. Christo
No_of_parents_plus_children_on_board=0
shap=-3.663", + "None=Asplund, Miss. Lillian Gertrud
No_of_parents_plus_children_on_board=2
shap=10.609", + "None=Harknett, Miss. Alice Phoebe
No_of_parents_plus_children_on_board=0
shap=-3.313", + "None=Hunt, Mr. George Henry
No_of_parents_plus_children_on_board=0
shap=-3.578", + "None=Reed, Mr. James George
No_of_parents_plus_children_on_board=0
shap=-3.663", + "None=Stead, Mr. William Thomas
No_of_parents_plus_children_on_board=0
shap=-10.944", + "None=Thorne, Mrs. Gertrude Maybelle
No_of_parents_plus_children_on_board=0
shap=-5.265", + "None=Parrish, Mrs. (Lutie Davis)
No_of_parents_plus_children_on_board=1
shap=11.604", + "None=Smith, Mr. Thomas
No_of_parents_plus_children_on_board=0
shap=-3.507", + "None=Asplund, Master. Edvin Rojj Felix
No_of_parents_plus_children_on_board=2
shap=11.288", + "None=Healy, Miss. Hanora \"Nora\"
No_of_parents_plus_children_on_board=0
shap=-2.927", + "None=Andrews, Miss. Kornelia Theodosia
No_of_parents_plus_children_on_board=0
shap=-6.610", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
No_of_parents_plus_children_on_board=1
shap=6.615", + "None=Smith, Mr. Richard William
No_of_parents_plus_children_on_board=0
shap=-11.038", + "None=Connolly, Miss. Kate
No_of_parents_plus_children_on_board=0
shap=-2.912", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
No_of_parents_plus_children_on_board=0
shap=-5.288", + "None=Levy, Mr. Rene Jacques
No_of_parents_plus_children_on_board=0
shap=-3.372", + "None=Lewy, Mr. Ervin G
No_of_parents_plus_children_on_board=0
shap=-8.483", + "None=Williams, Mr. Howard Hugh \"Harry\"
No_of_parents_plus_children_on_board=0
shap=-3.663", + "None=Sage, Mr. George John Jr
No_of_parents_plus_children_on_board=2
shap=16.816", + "None=Nysveen, Mr. Johan Hansen
No_of_parents_plus_children_on_board=0
shap=-3.867", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
No_of_parents_plus_children_on_board=0
shap=-6.882", + "None=Denkoff, Mr. Mitto
No_of_parents_plus_children_on_board=0
shap=-3.663", + "None=Burns, Miss. Elizabeth Margaret
No_of_parents_plus_children_on_board=0
shap=-4.862", + "None=Dimic, Mr. Jovan
No_of_parents_plus_children_on_board=0
shap=-3.523", + "None=del Carlo, Mr. Sebastiano
No_of_parents_plus_children_on_board=0
shap=-3.055", + "None=Beavan, Mr. William Thomas
No_of_parents_plus_children_on_board=0
shap=-3.653", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
No_of_parents_plus_children_on_board=0
shap=-5.203", + "None=Widener, Mr. Harry Elkins
No_of_parents_plus_children_on_board=2
shap=30.245", + "None=Gustafsson, Mr. Karl Gideon
No_of_parents_plus_children_on_board=0
shap=-3.653", + "None=Plotcharsky, Mr. Vasil
No_of_parents_plus_children_on_board=0
shap=-3.663", + "None=Goodwin, Master. Sidney Leonard
No_of_parents_plus_children_on_board=2
shap=14.351", + "None=Sadlier, Mr. Matthew
No_of_parents_plus_children_on_board=0
shap=-3.507", + "None=Gustafsson, Mr. Johan Birger
No_of_parents_plus_children_on_board=0
shap=-3.918", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
No_of_parents_plus_children_on_board=2
shap=10.741", + "None=Niskanen, Mr. Juha
No_of_parents_plus_children_on_board=0
shap=-3.127", + "None=Minahan, Miss. Daisy E
No_of_parents_plus_children_on_board=0
shap=-6.205", + "None=Matthews, Mr. William John
No_of_parents_plus_children_on_board=0
shap=-3.659", + "None=Charters, Mr. David
No_of_parents_plus_children_on_board=0
shap=-3.502", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
No_of_parents_plus_children_on_board=0
shap=-3.078", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
No_of_parents_plus_children_on_board=1
shap=6.659", + "None=Johannesen-Bratthammer, Mr. Bernt
No_of_parents_plus_children_on_board=0
shap=-3.329", + "None=Peuchen, Major. Arthur Godfrey
No_of_parents_plus_children_on_board=0
shap=-10.127", + "None=Anderson, Mr. Harry
No_of_parents_plus_children_on_board=0
shap=-9.436", + "None=Milling, Mr. Jacob Christian
No_of_parents_plus_children_on_board=0
shap=-4.011", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
No_of_parents_plus_children_on_board=2
shap=9.737", + "None=Karlsson, Mr. Nils August
No_of_parents_plus_children_on_board=0
shap=-3.654", + "None=Frost, Mr. Anthony Wood \"Archie\"
No_of_parents_plus_children_on_board=0
shap=-3.725", + "None=Bishop, Mr. Dickinson H
No_of_parents_plus_children_on_board=0
shap=-6.993", + "None=Windelov, Mr. Einar
No_of_parents_plus_children_on_board=0
shap=-3.653", + "None=Shellard, Mr. Frederick William
No_of_parents_plus_children_on_board=0
shap=-3.663", + "None=Svensson, Mr. Olof
No_of_parents_plus_children_on_board=0
shap=-3.661", + "None=O'Sullivan, Miss. Bridget Mary
No_of_parents_plus_children_on_board=0
shap=-3.205", + "None=Laitinen, Miss. Kristina Sofia
No_of_parents_plus_children_on_board=0
shap=-3.174", + "None=Penasco y Castellana, Mr. Victor de Satode
No_of_parents_plus_children_on_board=0
shap=-8.632", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
No_of_parents_plus_children_on_board=0
shap=-10.281", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
No_of_parents_plus_children_on_board=0
shap=-2.606", + "None=Kassem, Mr. Fared
No_of_parents_plus_children_on_board=0
shap=-3.439", + "None=Cacic, Miss. Marija
No_of_parents_plus_children_on_board=0
shap=-3.316", + "None=Hart, Miss. Eva Miriam
No_of_parents_plus_children_on_board=2
shap=11.413", + "None=Butt, Major. Archibald Willingham
No_of_parents_plus_children_on_board=0
shap=-11.963", + "None=Beane, Mr. Edward
No_of_parents_plus_children_on_board=0
shap=-2.978", + "None=Goldsmith, Mr. Frank John
No_of_parents_plus_children_on_board=1
shap=8.467", + "None=Ohman, Miss. Velin
No_of_parents_plus_children_on_board=0
shap=-2.991", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
No_of_parents_plus_children_on_board=1
shap=14.712", + "None=Morrow, Mr. Thomas Rowan
No_of_parents_plus_children_on_board=0
shap=-3.507", + "None=Harris, Mr. George
No_of_parents_plus_children_on_board=0
shap=-3.849", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
No_of_parents_plus_children_on_board=0
shap=-15.701", + "None=Patchett, Mr. George
No_of_parents_plus_children_on_board=0
shap=-3.653", + "None=Ross, Mr. John Hugo
No_of_parents_plus_children_on_board=0
shap=-8.790", + "None=Murdlin, Mr. Joseph
No_of_parents_plus_children_on_board=0
shap=-3.663", + "None=Bourke, Miss. Mary
No_of_parents_plus_children_on_board=2
shap=11.807", + "None=Boulos, Mr. Hanna
No_of_parents_plus_children_on_board=0
shap=-3.439", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
No_of_parents_plus_children_on_board=0
shap=-7.040", + "None=Homer, Mr. Harry (\"Mr E Haven\")
No_of_parents_plus_children_on_board=0
shap=-5.834", + "None=Lindell, Mr. Edvard Bengtsson
No_of_parents_plus_children_on_board=0
shap=-3.635", + "None=Daniel, Mr. Robert Williams
No_of_parents_plus_children_on_board=0
shap=-9.988", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
No_of_parents_plus_children_on_board=2
shap=9.924", + "None=Shutes, Miss. Elizabeth W
No_of_parents_plus_children_on_board=0
shap=-7.780", + "None=Jardin, Mr. Jose Neto
No_of_parents_plus_children_on_board=0
shap=-3.663", + "None=Horgan, Mr. John
No_of_parents_plus_children_on_board=0
shap=-3.507", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
No_of_parents_plus_children_on_board=0
shap=-3.395", + "None=Yasbeck, Mr. Antoni
No_of_parents_plus_children_on_board=0
shap=-3.505", + "None=Bostandyeff, Mr. Guentcho
No_of_parents_plus_children_on_board=0
shap=-3.671", + "None=Lundahl, Mr. Johan Svensson
No_of_parents_plus_children_on_board=0
shap=-3.984", + "None=Stahelin-Maeglin, Dr. Max
No_of_parents_plus_children_on_board=0
shap=-7.519", + "None=Willey, Mr. Edward
No_of_parents_plus_children_on_board=0
shap=-3.663", + "None=Stanley, Miss. Amy Zillah Elsie
No_of_parents_plus_children_on_board=0
shap=-2.991", + "None=Hegarty, Miss. Hanora \"Nora\"
No_of_parents_plus_children_on_board=0
shap=-3.191", + "None=Eitemiller, Mr. George Floyd
No_of_parents_plus_children_on_board=0
shap=-3.603", + "None=Colley, Mr. Edward Pomeroy
No_of_parents_plus_children_on_board=0
shap=-9.897", + "None=Coleff, Mr. Peju
No_of_parents_plus_children_on_board=0
shap=-3.610", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
No_of_parents_plus_children_on_board=1
shap=6.275", + "None=Davidson, Mr. Thornton
No_of_parents_plus_children_on_board=0
shap=-12.340", + "None=Turja, Miss. Anna Sofia
No_of_parents_plus_children_on_board=0
shap=-2.985", + "None=Hassab, Mr. Hammad
No_of_parents_plus_children_on_board=0
shap=-6.976", + "None=Goodwin, Mr. Charles Edward
No_of_parents_plus_children_on_board=2
shap=14.361", + "None=Panula, Mr. Jaako Arnold
No_of_parents_plus_children_on_board=1
shap=8.682", + "None=Fischer, Mr. Eberhard Thelander
No_of_parents_plus_children_on_board=0
shap=-3.645", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
No_of_parents_plus_children_on_board=0
shap=-3.567", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
No_of_parents_plus_children_on_board=0
shap=-6.080", + "None=Hansen, Mr. Henrik Juul
No_of_parents_plus_children_on_board=0
shap=-3.695", + "None=Calderhead, Mr. Edward Pennington
No_of_parents_plus_children_on_board=0
shap=-9.303", + "None=Klaber, Mr. Herman
No_of_parents_plus_children_on_board=0
shap=-11.168", + "None=Taylor, Mr. Elmer Zebley
No_of_parents_plus_children_on_board=0
shap=-9.722", + "None=Larsson, Mr. August Viktor
No_of_parents_plus_children_on_board=0
shap=-3.667", + "None=Greenberg, Mr. Samuel
No_of_parents_plus_children_on_board=0
shap=-3.923", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
No_of_parents_plus_children_on_board=0
shap=-3.209", + "None=McEvoy, Mr. Michael
No_of_parents_plus_children_on_board=0
shap=-3.507", + "None=Johnson, Mr. Malkolm Joackim
No_of_parents_plus_children_on_board=0
shap=-3.584", + "None=Gillespie, Mr. William Henry
No_of_parents_plus_children_on_board=0
shap=-3.575", + "None=Allen, Miss. Elisabeth Walton
No_of_parents_plus_children_on_board=0
shap=-7.919", + "None=Berriman, Mr. William John
No_of_parents_plus_children_on_board=0
shap=-3.603", + "None=Troupiansky, Mr. Moses Aaron
No_of_parents_plus_children_on_board=0
shap=-3.603", + "None=Williams, Mr. Leslie
No_of_parents_plus_children_on_board=0
shap=-3.628", + "None=Ivanoff, Mr. Kanio
No_of_parents_plus_children_on_board=0
shap=-3.663", + "None=McNamee, Mr. Neal
No_of_parents_plus_children_on_board=0
shap=-3.677", + "None=Connaghton, Mr. Michael
No_of_parents_plus_children_on_board=0
shap=-3.498", + "None=Carlsson, Mr. August Sigfrid
No_of_parents_plus_children_on_board=0
shap=-3.628", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
No_of_parents_plus_children_on_board=0
shap=-7.741", + "None=Eklund, Mr. Hans Linus
No_of_parents_plus_children_on_board=0
shap=-3.651", + "None=Hogeboom, Mrs. John C (Anna Andrews)
No_of_parents_plus_children_on_board=0
shap=-6.002", + "None=Moran, Mr. Daniel J
No_of_parents_plus_children_on_board=0
shap=-3.478", + "None=Lievens, Mr. Rene Aime
No_of_parents_plus_children_on_board=0
shap=-3.661", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
No_of_parents_plus_children_on_board=1
shap=16.861", + "None=Ayoub, Miss. Banoura
No_of_parents_plus_children_on_board=0
shap=-2.855", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
No_of_parents_plus_children_on_board=0
shap=-8.080", + "None=Johnston, Mr. Andrew G
No_of_parents_plus_children_on_board=2
shap=12.097", + "None=Ali, Mr. William
No_of_parents_plus_children_on_board=0
shap=-3.674", + "None=Sjoblom, Miss. Anna Sofia
No_of_parents_plus_children_on_board=0
shap=-2.985", + "None=Guggenheim, Mr. Benjamin
No_of_parents_plus_children_on_board=0
shap=-7.520", + "None=Leader, Dr. Alice (Farnham)
No_of_parents_plus_children_on_board=0
shap=-6.232", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
No_of_parents_plus_children_on_board=1
shap=6.731", + "None=Carter, Master. William Thornton II
No_of_parents_plus_children_on_board=2
shap=32.785", + "None=Thomas, Master. Assad Alexander
No_of_parents_plus_children_on_board=1
shap=8.650", + "None=Johansson, Mr. Karl Johan
No_of_parents_plus_children_on_board=0
shap=-3.646", + "None=Slemen, Mr. Richard James
No_of_parents_plus_children_on_board=0
shap=-3.574", + "None=Tomlin, Mr. Ernest Portage
No_of_parents_plus_children_on_board=0
shap=-3.669", + "None=McCormack, Mr. Thomas Joseph
No_of_parents_plus_children_on_board=0
shap=-3.197", + "None=Richards, Master. George Sibley
No_of_parents_plus_children_on_board=1
shap=7.657", + "None=Mudd, Mr. Thomas Charles
No_of_parents_plus_children_on_board=0
shap=-3.556", + "None=Lemberopolous, Mr. Peter L
No_of_parents_plus_children_on_board=0
shap=-3.277", + "None=Sage, Mr. Douglas Bullen
No_of_parents_plus_children_on_board=2
shap=16.816", + "None=Boulos, Miss. Nourelain
No_of_parents_plus_children_on_board=1
shap=7.453", + "None=Aks, Mrs. Sam (Leah Rosen)
No_of_parents_plus_children_on_board=1
shap=8.221", + "None=Razi, Mr. Raihed
No_of_parents_plus_children_on_board=0
shap=-3.439", + "None=Johnson, Master. Harold Theodor
No_of_parents_plus_children_on_board=1
shap=7.857", + "None=Carlsson, Mr. Frans Olof
No_of_parents_plus_children_on_board=0
shap=-13.292", + "None=Gustafsson, Mr. Alfred Ossian
No_of_parents_plus_children_on_board=0
shap=-3.653", + "None=Montvila, Rev. Juozas
No_of_parents_plus_children_on_board=0
shap=-3.658" + ], + "type": "scattergl", + "x": [ + -4.750619760770761, + -7.831043236967466, + 8.144527226227682, + 10.602388276032944, + -2.5859351842210874, + -3.652771490606339, + -3.304322960909936, + 18.023321706941896, + -2.9266808126936654, + -8.402908859314412, + -3.4385585119683677, + -2.9105747492619853, + -3.358693059984867, + -3.0777959067914855, + -9.888564907733764, + 11.568109848043788, + -3.949734799891846, + -3.603938484749935, + -3.0250690389420676, + 12.511716150688223, + -3.6671031483035845, + -3.652771490606339, + -9.070845925064141, + -3.6629133003616707, + 23.309028513796246, + -3.5193510175818425, + -2.9995585689645883, + -3.653744739815752, + -3.368948501825074, + -3.652771490606339, + -3.175707390006371, + -3.6629133003616707, + -3.6514969715748653, + 10.364414170700368, + 13.750811565492615, + -3.9817985771068365, + -3.8662814799567404, + 10.223805285402364, + 18.714413923916343, + -11.63571329056695, + -3.652771490606339, + 8.641271725933867, + -11.038097809155845, + -3.1161585421782108, + -3.1056891360770096, + -3.628447214348951, + -3.6594379871550147, + -6.747118658962991, + -3.660534593468312, + -3.983978828169371, + -3.6629133003616707, + 10.608764622796814, + -3.313094764157014, + -3.5782217842824164, + -3.6629133003616707, + -10.944060364691653, + -5.265374192184652, + 11.60426575005228, + -3.507452713940897, + 11.287884310019315, + -2.9266808126936654, + -6.609896025711487, + 6.614640823749927, + -11.038097809155845, + -2.9115479984713977, + -5.28827859122085, + -3.372446844104577, + -8.482740296197965, + -3.6629133003616707, + 16.816274305858542, + -3.8672373802181093, + -6.881597698605961, + -3.6629133003616707, + -4.861692806284563, + -3.522696462814188, + -3.0554251011921845, + -3.652771490606339, + -5.203409701807159, + 30.244867988447613, + -3.652771490606339, + -3.6629133003616707, + 14.351235765942699, + -3.507452713940897, + -3.9177227700479755, + 10.741387023105487, + -3.1266117228336063, + -6.2049279035106135, + -3.659106257234789, + -3.502252487163177, + -3.0777959067914855, + 6.6585863094852185, + -3.3286362196022266, + -10.126681539417632, + -9.436402667710594, + -4.010815627975953, + 9.73656866077829, + -3.653744739815752, + -3.7253818529767955, + -6.993395552651049, + -3.652771490606339, + -3.6629133003616707, + -3.660534593468312, + -3.2048415200837277, + -3.174186624040646, + -8.63240860705791, + -10.281001798469749, + -2.605754922263257, + -3.4385585119683677, + -3.31643931925861, + 11.412638158437263, + -11.962678642829642, + -2.977603054338155, + 8.466765783701051, + -2.9913204189461964, + 14.712306049480357, + -3.507452713940897, + -3.849395068575275, + -15.701468389284793, + -3.652771490606339, + -8.790367433055668, + -3.6629133003616707, + 11.80721909500127, + -3.4385585119683677, + -7.0398899289454535, + -5.833792627136081, + -3.6348506660656152, + -9.988462326720608, + 9.924239561579844, + -7.780260584885913, + -3.6629133003616707, + -3.507452713940897, + -3.3954814780710456, + -3.5049212490044654, + -3.671077579087757, + -3.983978828169371, + -7.519213995292052, + -3.6629133003616707, + -2.9908785772005007, + -3.191115280365245, + -3.602632018473362, + -9.897195230732414, + -3.609650530895254, + 6.274575270470073, + -12.340208463810578, + -2.984629834399042, + -6.9755566195505025, + 14.360893432482984, + 8.681527093047347, + -3.6450623467008327, + -3.5674454052467603, + -6.080461280483965, + -3.69459010305497, + -9.302659061881787, + -11.167692113707638, + -9.721612142451402, + -3.6671031483035845, + -3.9226447793010366, + -3.2086871343531893, + -3.507452713940897, + -3.5839290906526657, + -3.57466275606472, + -7.9185450896290375, + -3.602632018473362, + -3.602632018473362, + -3.628447214348951, + -3.6629133003616707, + -3.6768526529290755, + -3.498273092188113, + -3.628447214348951, + -7.740966300783335, + -3.6514969715748653, + -6.0022659632733415, + -3.477601012281899, + -3.660534593468312, + 16.860906066711816, + -2.854569281443808, + -8.080076827378404, + 12.096916543438816, + -3.674162269236901, + -2.984629834399042, + -7.519622160451023, + -6.231820362931784, + 6.731151681170705, + 32.78503900941489, + 8.64981920361387, + -3.6464024555351675, + -3.5742079137673417, + -3.668527579402416, + -3.1967148738023305, + 7.657113193876343, + -3.556150436777057, + -3.277142105125654, + 16.816274305858542, + 7.453470704357611, + 8.221146811848204, + -3.4385585119683677, + 7.8565698286913666, + -13.292145594702026, + -3.652771490606339, + -3.658473803522466 + ], + "xaxis": "x2", + "y": [ + 0.5920453472909892, + 0.5411570017906961, + 0.2225088665245023, + 0.6099336221465983, + 0.6498192902241308, + 0.096404319309087, + 0.4457759961198785, + 0.8898636505441487, + 0.011886205664639715, + 0.9076531455419052, + 0.9234464866614874, + 0.11200341658691493, + 0.4803780200710249, + 0.21705733836933394, + 0.30289959777648434, + 0.47278977201118466, + 0.33514995090763744, + 0.36270557675361603, + 0.4812910971999105, + 0.8479957201149183, + 0.29163290408081755, + 0.5268659767215275, + 0.9383869376806758, + 0.9961245604931681, + 0.9451627321384156, + 0.5304584803882009, + 0.21584727827643424, + 0.06330926828949368, + 0.9046110626203979, + 0.4949846681745058, + 0.06186979366922396, + 0.4658903774152924, + 0.1516822303169063, + 0.7524314895222415, + 0.9918884458391257, + 0.21972145532130327, + 0.9190427248392803, + 0.15759968310070316, + 0.9531711580306976, + 0.7833737677751325, + 0.06890692515453667, + 0.5537443865227518, + 0.6579665146286213, + 0.6400758790848157, + 0.7689676578111603, + 0.7594382906888086, + 0.4306841223340746, + 0.9949981118577279, + 0.4022455924133328, + 0.08728150629491982, + 0.12829041225099858, + 0.5184587111202593, + 0.7967345291464306, + 0.2969159005619446, + 0.1838239090191851, + 0.7799335531011725, + 0.12087050234303709, + 0.8878489640396509, + 0.040063427092115744, + 0.3805833690963102, + 0.5954735932564138, + 0.1664987094372561, + 0.5550767539923728, + 0.058817331656113914, + 0.45108851510981196, + 0.9941560603955678, + 0.991409920012139, + 0.6135048151959082, + 0.4355516106792183, + 0.6123613544404577, + 0.8986876790629519, + 0.7161762919260083, + 0.5847192465542502, + 0.32096719930425344, + 0.5805600352132766, + 0.4727637908748513, + 0.38013484162332334, + 0.1574724708882207, + 0.020091068470602935, + 0.27457016748461294, + 0.5921854787845443, + 0.32996659635348713, + 0.7555592932921465, + 0.2189989068942918, + 0.25411054662316357, + 0.5257146140663423, + 0.13450128712832865, + 0.8724886120142215, + 0.019609829984691407, + 0.4589146237806384, + 0.5239728971027459, + 0.32530873201148636, + 0.44220035283942705, + 0.6559901209227756, + 0.7406147028245812, + 0.39050093364756044, + 0.6591570040387457, + 0.8584267119702174, + 0.4257428320301665, + 0.4494069316370036, + 0.6907445976141867, + 0.971428132675871, + 0.5084181860327596, + 0.898051370059783, + 0.36349346424404605, + 0.1750687619001854, + 0.6468993682052415, + 0.17727281442783382, + 0.7362566974200898, + 0.12181118295597981, + 0.7643411442684812, + 0.46286958580975945, + 0.21518634845145257, + 0.6785669218535152, + 0.99395528116688, + 0.8817024622723137, + 0.3505731502518975, + 0.7051717623102083, + 0.638330709070668, + 0.7164256685990246, + 0.28488742732739736, + 0.26852134075523015, + 0.10777052039726387, + 0.1886803450235781, + 0.46790304092855883, + 0.7756640058721612, + 0.6517869503674625, + 0.25313302270034044, + 0.70093264171122, + 0.09674092739473583, + 0.37698694713150016, + 0.7915240126266196, + 0.12510165066012136, + 0.39113438901041, + 0.7669335397777219, + 0.45540585546729295, + 0.8754710397843426, + 0.38691330744145214, + 0.42134332229156324, + 0.9677066181041641, + 0.17200328494013584, + 0.21899434751840097, + 0.34849356341197923, + 0.25532953639108613, + 0.718626263771963, + 0.184462455728315, + 0.6982243978259715, + 0.8478140724900304, + 0.8498236016855644, + 0.6893692213305015, + 0.010455908656566315, + 0.36463868332043203, + 0.18097085523254586, + 0.4838040697124344, + 0.9686830777653758, + 0.9749478033698535, + 0.0367369822963719, + 0.2222859245784774, + 0.27566061134079767, + 0.8340791440646599, + 0.39517173940992234, + 0.18194554920057693, + 0.47133199433553663, + 0.876898402059607, + 0.6269339908997021, + 0.5512339263235698, + 0.17854436313049304, + 0.062315490898858794, + 0.815061358758642, + 0.4925425989586303, + 0.5606780244336819, + 0.488803740621651, + 0.2573475817239347, + 0.2497410555277444, + 0.2519766689575874, + 0.3333806651440142, + 0.6737822279739885, + 0.7715752039964945, + 0.3904081405072174, + 0.8205637091727918, + 0.2918226383947513, + 0.6272476634165367, + 0.28035732480067843, + 0.2982214633239698, + 0.4001455037606062, + 0.9929385698423983, + 0.4251859664680925, + 0.21220679696079936, + 0.664217218990065, + 0.29347206394672043, + 0.07938504153761206, + 0.031137418875341938, + 0.5724257333538418, + 0.3387623477254824, + 0.40687986983178215, + 0.4283763494006355, + 0.21153065439147634, + 0.14981894868095924, + 0.46000864145212117, + 0.5918989667505478 + ], + "yaxis": "y2" + }, + { + "hoverinfo": "text", + "marker": { + "color": [ + 1, + 1, + 3, 0, + 1, 0, 0, + 1, 0, + 1, 0, 0, + 1, 0, + 1, + 3, + 2, 0, 0, + 1, 0, 0, 1, @@ -89195,8 +50184,10 @@ 0, 1, 0, + 1, 0, 0, + 2, 0, 0, 0, @@ -89204,7 +50195,9 @@ 0, 0, 0, + 1, 0, + 1, 0, 0, 1, @@ -89212,6 +50205,7 @@ 0, 0, 0, + 4, 0, 0, 0, @@ -89219,29 +50213,44 @@ 0, 0, 0, + 4, 0, 1, + 1, + 0, 0, + 1, 0, 0, 0, + 8, 0, 1, 0, 0, 0, + 1, + 0, + 1, + 0, 0, 0, + 5, 0, + 2, 0, 0, 1, 0, 0, 0, + 1, + 0, 0, 0, 0, + 1, + 0, 0, 1, 0, @@ -89249,21 +50258,35 @@ 0, 0, 0, + 1, + 0, + 1, + 0, + 0, + 0, 0, + 1, + 1, 0, + 1, 0, 0, + 2, 0, 0, 0, 0, 0, + 1, 0, + 1, 0, + 1, 0, 0, 0, 1, + 1, 0, 0, 0, @@ -89272,9 +50295,17 @@ 0, 0, 0, + 0, + 1, 1, 0, 0, + 5, + 4, + 0, + 0, + 1, + 1, 0, 0, 1, @@ -89289,19 +50320,37 @@ 0, 0, 0, + 1, + 0, + 0, + 0, + 0, + 1, + 1, + 0, + 0, + 0, + 1, + 1, 0, 0, 0, 0, 1, + 1, + 0, 0, 0, 0, 0, + 1, 0, 0, + 8, + 1, 0, 0, + 1, 0, 0, 0 @@ -89327,633 +50376,2684 @@ "size": 5 }, "mode": "markers", + "name": "No_of_siblings_plus_spouses_on_board", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
No_of_siblings_plus_spouses_on_board=1
shap=-1.808", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
No_of_siblings_plus_spouses_on_board=1
shap=-0.085", + "None=Palsson, Master. Gosta Leonard
No_of_siblings_plus_spouses_on_board=3
shap=16.866", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
No_of_siblings_plus_spouses_on_board=0
shap=-3.531", + "None=Nasser, Mrs. Nicholas (Adele Achem)
No_of_siblings_plus_spouses_on_board=1
shap=3.473", + "None=Saundercock, Mr. William Henry
No_of_siblings_plus_spouses_on_board=0
shap=-2.841", + "None=Vestrom, Miss. Hulda Amanda Adolfina
No_of_siblings_plus_spouses_on_board=0
shap=-2.623", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
No_of_siblings_plus_spouses_on_board=1
shap=-0.738", + "None=Glynn, Miss. Mary Agatha
No_of_siblings_plus_spouses_on_board=0
shap=-2.473", + "None=Meyer, Mr. Edgar Joseph
No_of_siblings_plus_spouses_on_board=1
shap=2.233", + "None=Kraeff, Mr. Theodor
No_of_siblings_plus_spouses_on_board=0
shap=-2.848", + "None=Devaney, Miss. Margaret Delia
No_of_siblings_plus_spouses_on_board=0
shap=-2.440", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
No_of_siblings_plus_spouses_on_board=1
shap=1.980", + "None=Rugg, Miss. Emily
No_of_siblings_plus_spouses_on_board=0
shap=-3.499", + "None=Harris, Mr. Henry Birkhardt
No_of_siblings_plus_spouses_on_board=1
shap=4.042", + "None=Skoog, Master. Harald
No_of_siblings_plus_spouses_on_board=3
shap=17.125", + "None=Kink, Mr. Vincenz
No_of_siblings_plus_spouses_on_board=2
shap=16.817", + "None=Hood, Mr. Ambrose Jr
No_of_siblings_plus_spouses_on_board=0
shap=-3.979", + "None=Ilett, Miss. Bertha
No_of_siblings_plus_spouses_on_board=0
shap=-3.324", + "None=Ford, Mr. William Neal
No_of_siblings_plus_spouses_on_board=1
shap=0.764", + "None=Christmann, Mr. Emil
No_of_siblings_plus_spouses_on_board=0
shap=-2.874", + "None=Andreasson, Mr. Paul Edvin
No_of_siblings_plus_spouses_on_board=0
shap=-2.841", + "None=Chaffee, Mr. Herbert Fuller
No_of_siblings_plus_spouses_on_board=1
shap=3.872", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
No_of_siblings_plus_spouses_on_board=0
shap=-2.904", + "None=White, Mr. Richard Frasar
No_of_siblings_plus_spouses_on_board=0
shap=-6.207", + "None=Rekic, Mr. Tido
No_of_siblings_plus_spouses_on_board=0
shap=-2.807", + "None=Moran, Miss. Bertha
No_of_siblings_plus_spouses_on_board=1
shap=1.678", + "None=Barton, Mr. David John
No_of_siblings_plus_spouses_on_board=0
shap=-2.841", + "None=Jussila, Miss. Katriina
No_of_siblings_plus_spouses_on_board=1
shap=2.007", + "None=Pekoniemi, Mr. Edvard
No_of_siblings_plus_spouses_on_board=0
shap=-2.841", + "None=Turpin, Mr. William John Robert
No_of_siblings_plus_spouses_on_board=1
shap=4.217", + "None=Moore, Mr. Leonard Charles
No_of_siblings_plus_spouses_on_board=0
shap=-2.904", + "None=Osen, Mr. Olaf Elon
No_of_siblings_plus_spouses_on_board=0
shap=-2.825", + "None=Ford, Miss. Robina Maggie \"Ruby\"
No_of_siblings_plus_spouses_on_board=2
shap=13.731", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
No_of_siblings_plus_spouses_on_board=0
shap=-4.103", + "None=Bateman, Rev. Robert James
No_of_siblings_plus_spouses_on_board=0
shap=-4.171", + "None=Meo, Mr. Alfonzo
No_of_siblings_plus_spouses_on_board=0
shap=-2.969", + "None=Cribb, Mr. John Hatfield
No_of_siblings_plus_spouses_on_board=0
shap=-3.264", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
No_of_siblings_plus_spouses_on_board=0
shap=-5.574", + "None=Van der hoef, Mr. Wyckoff
No_of_siblings_plus_spouses_on_board=0
shap=-4.735", + "None=Sivola, Mr. Antti Wilhelm
No_of_siblings_plus_spouses_on_board=0
shap=-2.841", + "None=Klasen, Mr. Klas Albin
No_of_siblings_plus_spouses_on_board=1
shap=0.390", + "None=Rood, Mr. Hugh Roscoe
No_of_siblings_plus_spouses_on_board=0
shap=-5.189", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
No_of_siblings_plus_spouses_on_board=1
shap=1.622", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
No_of_siblings_plus_spouses_on_board=0
shap=-3.578", + "None=Vande Walle, Mr. Nestor Cyriel
No_of_siblings_plus_spouses_on_board=0
shap=-2.860", + "None=Backstrom, Mr. Karl Alfred
No_of_siblings_plus_spouses_on_board=1
shap=2.291", + "None=Blank, Mr. Henry
No_of_siblings_plus_spouses_on_board=0
shap=-4.156", + "None=Ali, Mr. Ahmed
No_of_siblings_plus_spouses_on_board=0
shap=-2.873", + "None=Green, Mr. George Henry
No_of_siblings_plus_spouses_on_board=0
shap=-2.965", + "None=Nenkoff, Mr. Christo
No_of_siblings_plus_spouses_on_board=0
shap=-2.904", + "None=Asplund, Miss. Lillian Gertrud
No_of_siblings_plus_spouses_on_board=4
shap=18.420", + "None=Harknett, Miss. Alice Phoebe
No_of_siblings_plus_spouses_on_board=0
shap=-2.706", + "None=Hunt, Mr. George Henry
No_of_siblings_plus_spouses_on_board=0
shap=-4.005", + "None=Reed, Mr. James George
No_of_siblings_plus_spouses_on_board=0
shap=-2.904", + "None=Stead, Mr. William Thomas
No_of_siblings_plus_spouses_on_board=0
shap=-5.182", + "None=Thorne, Mrs. Gertrude Maybelle
No_of_siblings_plus_spouses_on_board=0
shap=-2.477", + "None=Parrish, Mrs. (Lutie Davis)
No_of_siblings_plus_spouses_on_board=0
shap=-3.253", + "None=Smith, Mr. Thomas
No_of_siblings_plus_spouses_on_board=0
shap=-2.844", + "None=Asplund, Master. Edvin Rojj Felix
No_of_siblings_plus_spouses_on_board=4
shap=18.733", + "None=Healy, Miss. Hanora \"Nora\"
No_of_siblings_plus_spouses_on_board=0
shap=-2.473", + "None=Andrews, Miss. Kornelia Theodosia
No_of_siblings_plus_spouses_on_board=1
shap=0.367", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
No_of_siblings_plus_spouses_on_board=1
shap=-0.064", + "None=Smith, Mr. Richard William
No_of_siblings_plus_spouses_on_board=0
shap=-5.189", + "None=Connolly, Miss. Kate
No_of_siblings_plus_spouses_on_board=0
shap=-2.440", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
No_of_siblings_plus_spouses_on_board=1
shap=-0.670", + "None=Levy, Mr. Rene Jacques
No_of_siblings_plus_spouses_on_board=0
shap=-3.910", + "None=Lewy, Mr. Ervin G
No_of_siblings_plus_spouses_on_board=0
shap=-4.306", + "None=Williams, Mr. Howard Hugh \"Harry\"
No_of_siblings_plus_spouses_on_board=0
shap=-2.904", + "None=Sage, Mr. George John Jr
No_of_siblings_plus_spouses_on_board=8
shap=47.929", + "None=Nysveen, Mr. Johan Hansen
No_of_siblings_plus_spouses_on_board=0
shap=-2.969", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
No_of_siblings_plus_spouses_on_board=1
shap=-1.800", + "None=Denkoff, Mr. Mitto
No_of_siblings_plus_spouses_on_board=0
shap=-2.904", + "None=Burns, Miss. Elizabeth Margaret
No_of_siblings_plus_spouses_on_board=0
shap=-3.374", + "None=Dimic, Mr. Jovan
No_of_siblings_plus_spouses_on_board=0
shap=-2.826", + "None=del Carlo, Mr. Sebastiano
No_of_siblings_plus_spouses_on_board=1
shap=4.158", + "None=Beavan, Mr. William Thomas
No_of_siblings_plus_spouses_on_board=0
shap=-2.841", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
No_of_siblings_plus_spouses_on_board=1
shap=-1.471", + "None=Widener, Mr. Harry Elkins
No_of_siblings_plus_spouses_on_board=0
shap=-7.422", + "None=Gustafsson, Mr. Karl Gideon
No_of_siblings_plus_spouses_on_board=0
shap=-2.841", + "None=Plotcharsky, Mr. Vasil
No_of_siblings_plus_spouses_on_board=0
shap=-2.904", + "None=Goodwin, Master. Sidney Leonard
No_of_siblings_plus_spouses_on_board=5
shap=30.033", + "None=Sadlier, Mr. Matthew
No_of_siblings_plus_spouses_on_board=0
shap=-2.844", + "None=Gustafsson, Mr. Johan Birger
No_of_siblings_plus_spouses_on_board=2
shap=16.779", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
No_of_siblings_plus_spouses_on_board=0
shap=-3.666", + "None=Niskanen, Mr. Juha
No_of_siblings_plus_spouses_on_board=0
shap=-2.573", + "None=Minahan, Miss. Daisy E
No_of_siblings_plus_spouses_on_board=1
shap=-0.080", + "None=Matthews, Mr. William John
No_of_siblings_plus_spouses_on_board=0
shap=-4.031", + "None=Charters, Mr. David
No_of_siblings_plus_spouses_on_board=0
shap=-2.780", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
No_of_siblings_plus_spouses_on_board=0
shap=-3.499", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
No_of_siblings_plus_spouses_on_board=1
shap=1.249", + "None=Johannesen-Bratthammer, Mr. Bernt
No_of_siblings_plus_spouses_on_board=0
shap=-2.661", + "None=Peuchen, Major. Arthur Godfrey
No_of_siblings_plus_spouses_on_board=0
shap=-5.170", + "None=Anderson, Mr. Harry
No_of_siblings_plus_spouses_on_board=0
shap=-5.187", + "None=Milling, Mr. Jacob Christian
No_of_siblings_plus_spouses_on_board=0
shap=-4.164", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
No_of_siblings_plus_spouses_on_board=1
shap=1.584", + "None=Karlsson, Mr. Nils August
No_of_siblings_plus_spouses_on_board=0
shap=-2.841", + "None=Frost, Mr. Anthony Wood \"Archie\"
No_of_siblings_plus_spouses_on_board=0
shap=-4.054", + "None=Bishop, Mr. Dickinson H
No_of_siblings_plus_spouses_on_board=1
shap=0.137", + "None=Windelov, Mr. Einar
No_of_siblings_plus_spouses_on_board=0
shap=-2.841", + "None=Shellard, Mr. Frederick William
No_of_siblings_plus_spouses_on_board=0
shap=-2.904", + "None=Svensson, Mr. Olof
No_of_siblings_plus_spouses_on_board=0
shap=-2.873", + "None=O'Sullivan, Miss. Bridget Mary
No_of_siblings_plus_spouses_on_board=0
shap=-2.669", + "None=Laitinen, Miss. Kristina Sofia
No_of_siblings_plus_spouses_on_board=0
shap=-2.577", + "None=Penasco y Castellana, Mr. Victor de Satode
No_of_siblings_plus_spouses_on_board=1
shap=2.357", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
No_of_siblings_plus_spouses_on_board=0
shap=-4.853", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
No_of_siblings_plus_spouses_on_board=1
shap=3.870", + "None=Kassem, Mr. Fared
No_of_siblings_plus_spouses_on_board=0
shap=-2.848", + "None=Cacic, Miss. Marija
No_of_siblings_plus_spouses_on_board=0
shap=-2.649", + "None=Hart, Miss. Eva Miriam
No_of_siblings_plus_spouses_on_board=0
shap=-3.558", + "None=Butt, Major. Archibald Willingham
No_of_siblings_plus_spouses_on_board=0
shap=-4.578", + "None=Beane, Mr. Edward
No_of_siblings_plus_spouses_on_board=1
shap=4.084", + "None=Goldsmith, Mr. Frank John
No_of_siblings_plus_spouses_on_board=1
shap=0.395", + "None=Ohman, Miss. Velin
No_of_siblings_plus_spouses_on_board=0
shap=-2.461", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
No_of_siblings_plus_spouses_on_board=1
shap=-2.906", + "None=Morrow, Mr. Thomas Rowan
No_of_siblings_plus_spouses_on_board=0
shap=-2.844", + "None=Harris, Mr. George
No_of_siblings_plus_spouses_on_board=0
shap=-3.949", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
No_of_siblings_plus_spouses_on_board=2
shap=35.224", + "None=Patchett, Mr. George
No_of_siblings_plus_spouses_on_board=0
shap=-2.841", + "None=Ross, Mr. John Hugo
No_of_siblings_plus_spouses_on_board=0
shap=-3.709", + "None=Murdlin, Mr. Joseph
No_of_siblings_plus_spouses_on_board=0
shap=-2.904", + "None=Bourke, Miss. Mary
No_of_siblings_plus_spouses_on_board=0
shap=-3.529", + "None=Boulos, Mr. Hanna
No_of_siblings_plus_spouses_on_board=0
shap=-2.848", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
No_of_siblings_plus_spouses_on_board=1
shap=2.880", + "None=Homer, Mr. Harry (\"Mr E Haven\")
No_of_siblings_plus_spouses_on_board=0
shap=-3.164", + "None=Lindell, Mr. Edvard Bengtsson
No_of_siblings_plus_spouses_on_board=1
shap=2.372", + "None=Daniel, Mr. Robert Williams
No_of_siblings_plus_spouses_on_board=0
shap=-4.956", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
No_of_siblings_plus_spouses_on_board=1
shap=1.520", + "None=Shutes, Miss. Elizabeth W
No_of_siblings_plus_spouses_on_board=0
shap=-3.722", + "None=Jardin, Mr. Jose Neto
No_of_siblings_plus_spouses_on_board=0
shap=-2.904", + "None=Horgan, Mr. John
No_of_siblings_plus_spouses_on_board=0
shap=-2.844", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
No_of_siblings_plus_spouses_on_board=1
shap=1.982", + "None=Yasbeck, Mr. Antoni
No_of_siblings_plus_spouses_on_board=1
shap=2.295", + "None=Bostandyeff, Mr. Guentcho
No_of_siblings_plus_spouses_on_board=0
shap=-2.869", + "None=Lundahl, Mr. Johan Svensson
No_of_siblings_plus_spouses_on_board=0
shap=-2.965", + "None=Stahelin-Maeglin, Dr. Max
No_of_siblings_plus_spouses_on_board=0
shap=-2.914", + "None=Willey, Mr. Edward
No_of_siblings_plus_spouses_on_board=0
shap=-2.904", + "None=Stanley, Miss. Amy Zillah Elsie
No_of_siblings_plus_spouses_on_board=0
shap=-2.465", + "None=Hegarty, Miss. Hanora \"Nora\"
No_of_siblings_plus_spouses_on_board=0
shap=-2.590", + "None=Eitemiller, Mr. George Floyd
No_of_siblings_plus_spouses_on_board=0
shap=-4.011", + "None=Colley, Mr. Edward Pomeroy
No_of_siblings_plus_spouses_on_board=0
shap=-5.187", + "None=Coleff, Mr. Peju
No_of_siblings_plus_spouses_on_board=0
shap=-2.810", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
No_of_siblings_plus_spouses_on_board=1
shap=1.160", + "None=Davidson, Mr. Thornton
No_of_siblings_plus_spouses_on_board=1
shap=2.248", + "None=Turja, Miss. Anna Sofia
No_of_siblings_plus_spouses_on_board=0
shap=-2.443", + "None=Hassab, Mr. Hammad
No_of_siblings_plus_spouses_on_board=0
shap=-4.634", + "None=Goodwin, Mr. Charles Edward
No_of_siblings_plus_spouses_on_board=5
shap=30.032", + "None=Panula, Mr. Jaako Arnold
No_of_siblings_plus_spouses_on_board=4
shap=18.928", + "None=Fischer, Mr. Eberhard Thelander
No_of_siblings_plus_spouses_on_board=0
shap=-2.823", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
No_of_siblings_plus_spouses_on_board=0
shap=-2.869", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
No_of_siblings_plus_spouses_on_board=1
shap=-0.076", + "None=Hansen, Mr. Henrik Juul
No_of_siblings_plus_spouses_on_board=1
shap=2.354", + "None=Calderhead, Mr. Edward Pennington
No_of_siblings_plus_spouses_on_board=0
shap=-5.017", + "None=Klaber, Mr. Herman
No_of_siblings_plus_spouses_on_board=0
shap=-5.087", + "None=Taylor, Mr. Elmer Zebley
No_of_siblings_plus_spouses_on_board=1
shap=3.859", + "None=Larsson, Mr. August Viktor
No_of_siblings_plus_spouses_on_board=0
shap=-2.874", + "None=Greenberg, Mr. Samuel
No_of_siblings_plus_spouses_on_board=0
shap=-4.173", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
No_of_siblings_plus_spouses_on_board=0
shap=-3.629", + "None=McEvoy, Mr. Michael
No_of_siblings_plus_spouses_on_board=0
shap=-2.844", + "None=Johnson, Mr. Malkolm Joackim
No_of_siblings_plus_spouses_on_board=0
shap=-2.841", + "None=Gillespie, Mr. William Henry
No_of_siblings_plus_spouses_on_board=0
shap=-3.980", + "None=Allen, Miss. Elisabeth Walton
No_of_siblings_plus_spouses_on_board=0
shap=-4.003", + "None=Berriman, Mr. William John
No_of_siblings_plus_spouses_on_board=0
shap=-4.011", + "None=Troupiansky, Mr. Moses Aaron
No_of_siblings_plus_spouses_on_board=0
shap=-4.011", + "None=Williams, Mr. Leslie
No_of_siblings_plus_spouses_on_board=0
shap=-2.860", + "None=Ivanoff, Mr. Kanio
No_of_siblings_plus_spouses_on_board=0
shap=-2.904", + "None=McNamee, Mr. Neal
No_of_siblings_plus_spouses_on_board=1
shap=2.387", + "None=Connaghton, Mr. Michael
No_of_siblings_plus_spouses_on_board=0
shap=-2.813", + "None=Carlsson, Mr. August Sigfrid
No_of_siblings_plus_spouses_on_board=0
shap=-2.860", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
No_of_siblings_plus_spouses_on_board=0
shap=-3.925", + "None=Eklund, Mr. Hans Linus
No_of_siblings_plus_spouses_on_board=0
shap=-2.825", + "None=Hogeboom, Mrs. John C (Anna Andrews)
No_of_siblings_plus_spouses_on_board=1
shap=0.358", + "None=Moran, Mr. Daniel J
No_of_siblings_plus_spouses_on_board=1
shap=2.426", + "None=Lievens, Mr. Rene Aime
No_of_siblings_plus_spouses_on_board=0
shap=-2.873", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
No_of_siblings_plus_spouses_on_board=0
shap=-5.016", + "None=Ayoub, Miss. Banoura
No_of_siblings_plus_spouses_on_board=0
shap=-2.429", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
No_of_siblings_plus_spouses_on_board=1
shap=-0.537", + "None=Johnston, Mr. Andrew G
No_of_siblings_plus_spouses_on_board=1
shap=0.558", + "None=Ali, Mr. William
No_of_siblings_plus_spouses_on_board=0
shap=-2.875", + "None=Sjoblom, Miss. Anna Sofia
No_of_siblings_plus_spouses_on_board=0
shap=-2.443", + "None=Guggenheim, Mr. Benjamin
No_of_siblings_plus_spouses_on_board=0
shap=-3.870", + "None=Leader, Dr. Alice (Farnham)
No_of_siblings_plus_spouses_on_board=0
shap=-4.056", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
No_of_siblings_plus_spouses_on_board=1
shap=1.117", + "None=Carter, Master. William Thornton II
No_of_siblings_plus_spouses_on_board=1
shap=-4.552", + "None=Thomas, Master. Assad Alexander
No_of_siblings_plus_spouses_on_board=0
shap=-3.106", + "None=Johansson, Mr. Karl Johan
No_of_siblings_plus_spouses_on_board=0
shap=-2.875", + "None=Slemen, Mr. Richard James
No_of_siblings_plus_spouses_on_board=0
shap=-3.961", + "None=Tomlin, Mr. Ernest Portage
No_of_siblings_plus_spouses_on_board=0
shap=-2.875", + "None=McCormack, Mr. Thomas Joseph
No_of_siblings_plus_spouses_on_board=0
shap=-2.618", + "None=Richards, Master. George Sibley
No_of_siblings_plus_spouses_on_board=1
shap=0.951", + "None=Mudd, Mr. Thomas Charles
No_of_siblings_plus_spouses_on_board=0
shap=-3.800", + "None=Lemberopolous, Mr. Peter L
No_of_siblings_plus_spouses_on_board=0
shap=-2.704", + "None=Sage, Mr. Douglas Bullen
No_of_siblings_plus_spouses_on_board=8
shap=47.929", + "None=Boulos, Miss. Nourelain
No_of_siblings_plus_spouses_on_board=1
shap=0.110", + "None=Aks, Mrs. Sam (Leah Rosen)
No_of_siblings_plus_spouses_on_board=0
shap=-3.005", + "None=Razi, Mr. Raihed
No_of_siblings_plus_spouses_on_board=0
shap=-2.848", + "None=Johnson, Master. Harold Theodor
No_of_siblings_plus_spouses_on_board=1
shap=0.153", + "None=Carlsson, Mr. Frans Olof
No_of_siblings_plus_spouses_on_board=0
shap=-4.652", + "None=Gustafsson, Mr. Alfred Ossian
No_of_siblings_plus_spouses_on_board=0
shap=-2.841", + "None=Montvila, Rev. Juozas
No_of_siblings_plus_spouses_on_board=0
shap=-4.028" + ], + "type": "scattergl", + "x": [ + -1.808413869649006, + -0.08530600437433213, + 16.866052924835678, + -3.5309224318740577, + 3.4734417521115812, + -2.8410691724700303, + -2.6228542011325082, + -0.7383791903485721, + -2.47293530042607, + 2.2334633401906734, + -2.8476753378186266, + -2.440089695842949, + 1.9800041671809447, + -3.498825647130944, + 4.042085948414747, + 17.125393057223064, + 16.817359094804807, + -3.9787284957555342, + -3.323771794746436, + 0.7642517885643998, + -2.874024238412445, + -2.8410691724700303, + 3.8723257047082797, + -2.9042351552540464, + -6.206920853754145, + -2.8073384085717974, + 1.6782488801419604, + -2.841072187424203, + 2.0065889961487295, + -2.8410691724700303, + 4.216659101977533, + -2.9042351552540464, + -2.8254422009416187, + 13.731264643458495, + -4.102561845422582, + -4.171386516711202, + -2.9691259839632997, + -3.2642195863578807, + -5.574231887328292, + -4.734627486302089, + -2.8410691724700303, + 0.3903580927607767, + -5.189415323085938, + 1.6223515779562188, + -3.5782284616153133, + -2.8596302650272136, + 2.291326777103208, + -4.155798020750442, + -2.872983888332335, + -2.9654722053603635, + -2.9042351552540464, + 18.419940416907064, + -2.7064632456105238, + -4.005195377453412, + -2.9042351552540464, + -5.182019334161044, + -2.4772800297629916, + -3.2529682436144975, + -2.8436607049148956, + 18.73276612590955, + -2.47293530042607, + 0.36708192523690153, + -0.06407285707091179, + -5.189415323085938, + -2.4400927107971215, + -0.6701815881135591, + -3.9096519175723756, + -4.306029299063232, + -2.9042351552540464, + 47.928908344093884, + -2.9691259839632997, + -1.7997331983081606, + -2.9042351552540464, + -3.3738040947662515, + -2.8258862435133913, + 4.158499595371229, + -2.8410691724700303, + -1.47120035602085, + -7.42238463584039, + -2.8410691724700303, + -2.9042351552540464, + 30.03334238652916, + -2.8436607049148956, + 16.77904124744586, + -3.6662719213164796, + -2.573403709657897, + -0.0801997940091871, + -4.030650797495429, + -2.7804332804246625, + -3.498825647130944, + 1.2491165766768224, + -2.6607509396027935, + -5.1704995515717975, + -5.187166952212288, + -4.163597237096975, + 1.5842285536164507, + -2.841072187424203, + -4.053903288792773, + 0.13705987635399103, + -2.8410691724700303, + -2.9042351552540464, + -2.872983888332335, + -2.6691243955171684, + -2.5772902419313413, + 2.356588524913935, + -4.852590730298207, + 3.8700550848314634, + -2.8476753378186266, + -2.649321475319968, + -3.558086365296495, + -4.577972512046361, + 4.084236146242908, + 0.3951802083419492, + -2.461239385155628, + -2.906290504809998, + -2.8436607049148956, + -3.949408189711414, + 35.22439689544848, + -2.8410691724700303, + -3.7094478627358183, + -2.9042351552540464, + -3.529330459429214, + -2.8476753378186266, + 2.87996190930268, + -3.163976522895962, + 2.372146553786575, + -4.956474534513855, + 1.520368453223341, + -3.7219933935765726, + -2.9042351552540464, + -2.8436607049148956, + 1.9816925124048694, + 2.2947249062104738, + -2.868708617419562, + -2.9654722053603635, + -2.9138615688635645, + -2.9042351552540464, + -2.4646332675859783, + -2.5903514157000287, + -4.011365923518245, + -5.186829152305134, + -2.809599757578599, + 1.160427250780801, + 2.2475538509871216, + -2.4433748732395353, + -4.633623379211307, + 30.032242413720905, + 18.927660776602895, + -2.82320767550811, + -2.8686327666165803, + -0.07646091369478432, + 2.3540427656376526, + -5.016962897648014, + -5.087082531203123, + 3.859070184258746, + -2.874024238412445, + -4.173308432336997, + -3.6293113421673215, + -2.8436607049148956, + -2.8409452260244783, + -3.98049883224673, + -4.002598554242719, + -4.011365923518245, + -4.011365923518245, + -2.8596302650272136, + -2.9042351552540464, + 2.3868978953610736, + -2.813241565897956, + -2.8596302650272136, + -3.9251952105798202, + -2.8254422009416187, + 0.3580265101751312, + 2.4262147620931813, + -2.872983888332335, + -5.016440236337355, + -2.4292449316723843, + -0.5369876182933191, + 0.5583202350419489, + -2.8750726204003336, + -2.4433748732395353, + -3.8699939937838126, + -4.056374305288504, + 1.117078689865032, + -4.552147263412726, + -3.1057542616052065, + -2.8748207172916698, + -3.9612632104143186, + -2.8751795720705866, + -2.6176236084895605, + 0.9507584308961302, + -3.800499878332352, + -2.7039727071934934, + 47.928908344093884, + 0.1100537879097491, + -3.004627634453941, + -2.8476753378186266, + 0.15254876062810863, + -4.652106601105862, + -2.8410691724700303, + -4.027814871224817 + ], + "xaxis": "x3", + "y": [ + 0.29240164039273264, + 0.8778453208711753, + 0.24467233990306936, + 0.2968124476486911, + 0.26123182571398973, + 0.887558778908326, + 0.500650900377256, + 0.30304673552923933, + 0.755090576978254, + 0.28006074771889833, + 0.6020443704101726, + 0.3489676081557028, + 0.5100633235368556, + 0.4432834734401835, + 0.007281150444738649, + 0.21751272841731173, + 0.08847199964870234, + 0.6219276639712988, + 0.40975512960672233, + 0.24839125667996076, + 0.6499986282340862, + 0.08918074142332111, + 0.627092183176909, + 0.37280420723386054, + 0.2865348786056078, + 0.6641871521135249, + 0.8577320805217573, + 0.3442646758633011, + 0.18399784643942407, + 0.17047887824238706, + 0.339209035088888, + 0.10784694592847976, + 0.09615073386453499, + 0.29886454877271496, + 0.93074663169219, + 0.07460997355553645, + 0.06670783419872828, + 0.036686276587055366, + 0.7565814452469312, + 0.17336024169317765, + 0.6752609394834884, + 0.3895557694016468, + 0.09758795477389748, + 0.7411658290194474, + 0.5547686303085752, + 0.8771159416988138, + 0.945491824433625, + 0.02791935613975116, + 0.8225772838676859, + 0.7610772936967075, + 0.8799375256582512, + 0.06294121596034363, + 0.2757091466000243, + 0.6757466913791479, + 0.7718771748828429, + 0.11625586998511939, + 0.18579622734113221, + 0.9424797125762756, + 0.7403206096327616, + 0.6555290128606168, + 0.6508033815145102, + 0.14834883823224798, + 0.307762940303863, + 0.82731434317542, + 0.04949957488613088, + 0.11416291190428995, + 0.9827490111505602, + 0.15276128741374162, + 0.8824868649940297, + 0.3191690513373231, + 0.87656723912001, + 0.5879081788782085, + 0.24309194346633034, + 0.2676811661024835, + 0.6421843362950016, + 0.9541858410856361, + 0.3448287971321903, + 0.5775762140982658, + 0.6436097174470742, + 0.6797652857926754, + 0.45926025626082534, + 0.30479787228998445, + 0.07013214387238764, + 0.977307365578312, + 0.1824741547402534, + 0.815920317649662, + 0.4116899200548755, + 0.797288449899005, + 0.6711022518831004, + 0.734516268175434, + 0.3054333430581202, + 0.8733712925135152, + 0.2951699325982946, + 0.5159961101628112, + 0.9643032160946526, + 0.3686570670285233, + 0.24714609294128909, + 0.002792273278309665, + 0.34453244427511487, + 0.18884808135908737, + 0.8469940527983606, + 0.20667928369298538, + 0.4158043974760919, + 0.6451026928098134, + 0.7809955537343684, + 0.4111596803698653, + 0.49029859994552794, + 0.3157481956710575, + 0.5798951154639561, + 0.24397992054787154, + 0.31569084324395336, + 0.08923597113669324, + 0.16119888150153205, + 0.38126589919528076, + 0.24888904940878953, + 0.5542489227864402, + 0.7725350774443087, + 0.8780559788510526, + 0.011309759815164688, + 0.8548337755033335, + 0.018580232816785336, + 0.27619973728950886, + 0.968868374478799, + 0.5830124739791379, + 0.21230309628455668, + 0.5137383147319786, + 0.4102265225844207, + 0.9010429127072249, + 0.9146481528561279, + 0.6242128980915014, + 0.6292654671756236, + 0.7486075348069171, + 0.12038481100792087, + 0.8231822239142073, + 0.6790564118067303, + 0.09355832689159838, + 0.10232887507317179, + 0.02468246303431776, + 0.9861462416889643, + 0.35011284048326197, + 0.26027400170227843, + 0.5126861961257002, + 0.7808809814900113, + 0.5499086950246641, + 0.3374885737209915, + 0.9929954698489933, + 0.8161110033027428, + 0.23790304888355396, + 0.5331456012355767, + 0.7549270593520983, + 0.6326341029656273, + 0.6623537515484104, + 0.7518894992776411, + 0.22208399659277756, + 0.6442214874401481, + 0.9297890007007499, + 0.17075382973444708, + 0.10143876717468525, + 0.4981842214296057, + 0.8985717592871595, + 0.8877475822404264, + 0.0192097045211177, + 0.9978766376748265, + 0.8845003471630459, + 0.21554357110712674, + 0.5379840863144351, + 0.7455811407367858, + 0.3303718516674006, + 0.8605717619191722, + 0.11680791923849076, + 0.7985466265114151, + 0.2945719573133041, + 0.3090580369373056, + 0.8567780613942105, + 0.41297087590525505, + 0.5815030888242452, + 0.7059021625413956, + 0.7477767817272449, + 0.9734374964682257, + 0.8018436117974174, + 0.7150911877887273, + 0.19089994281246803, + 0.27803391254270127, + 0.5432542759715043, + 0.006831676133591036, + 0.83441338330457, + 0.5836762391706348, + 0.12553731151814818, + 0.9328874332815003, + 0.06389374645968171, + 0.2637170290497731, + 0.4145883857880823, + 0.9738347726934333, + 0.39761611262380203, + 0.4798104130018719, + 0.5090957401848644, + 0.15259095286168278, + 0.7152819107172211, + 0.15223034825972537, + 0.7365223726489653 + ], + "yaxis": "y3" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#636EFA", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Embarked_Southampton", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Embarked=Embarked_Southampton
shap=-9.892", + "None=Palsson, Master. Gosta Leonard
Embarked=Embarked_Southampton
shap=-0.573", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Embarked=Embarked_Southampton
shap=-0.943", + "None=Saundercock, Mr. William Henry
Embarked=Embarked_Southampton
shap=-1.151", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Embarked=Embarked_Southampton
shap=-1.031", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Embarked=Embarked_Southampton
shap=-1.167", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Embarked=Embarked_Southampton
shap=-1.071", + "None=Rugg, Miss. Emily
Embarked=Embarked_Southampton
shap=-1.137", + "None=Harris, Mr. Henry Birkhardt
Embarked=Embarked_Southampton
shap=-5.197", + "None=Skoog, Master. Harald
Embarked=Embarked_Southampton
shap=-0.559", + "None=Kink, Mr. Vincenz
Embarked=Embarked_Southampton
shap=-0.783", + "None=Hood, Mr. Ambrose Jr
Embarked=Embarked_Southampton
shap=-1.156", + "None=Ilett, Miss. Bertha
Embarked=Embarked_Southampton
shap=-1.139", + "None=Ford, Mr. William Neal
Embarked=Embarked_Southampton
shap=-0.793", + "None=Christmann, Mr. Emil
Embarked=Embarked_Southampton
shap=-1.123", + "None=Andreasson, Mr. Paul Edvin
Embarked=Embarked_Southampton
shap=-1.151", + "None=Chaffee, Mr. Herbert Fuller
Embarked=Embarked_Southampton
shap=-5.469", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Embarked=Embarked_Southampton
shap=-1.100", + "None=White, Mr. Richard Frasar
Embarked=Embarked_Southampton
shap=-3.005", + "None=Rekic, Mr. Tido
Embarked=Embarked_Southampton
shap=-1.581", + "None=Barton, Mr. David John
Embarked=Embarked_Southampton
shap=-1.142", + "None=Jussila, Miss. Katriina
Embarked=Embarked_Southampton
shap=-1.072", + "None=Pekoniemi, Mr. Edvard
Embarked=Embarked_Southampton
shap=-1.142", + "None=Turpin, Mr. William John Robert
Embarked=Embarked_Southampton
shap=-1.087", + "None=Moore, Mr. Leonard Charles
Embarked=Embarked_Southampton
shap=-1.100", + "None=Osen, Mr. Olaf Elon
Embarked=Embarked_Southampton
shap=-1.148", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Embarked=Embarked_Southampton
shap=-0.597", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Embarked=Embarked_Southampton
shap=-1.402", + "None=Bateman, Rev. Robert James
Embarked=Embarked_Southampton
shap=-1.256", + "None=Meo, Mr. Alfonzo
Embarked=Embarked_Southampton
shap=-1.192", + "None=Cribb, Mr. John Hatfield
Embarked=Embarked_Southampton
shap=-1.019", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Embarked=Embarked_Southampton
shap=-1.964", + "None=Van der hoef, Mr. Wyckoff
Embarked=Embarked_Southampton
shap=-9.957", + "None=Sivola, Mr. Antti Wilhelm
Embarked=Embarked_Southampton
shap=-1.142", + "None=Klasen, Mr. Klas Albin
Embarked=Embarked_Southampton
shap=-0.840", + "None=Rood, Mr. Hugh Roscoe
Embarked=Embarked_Southampton
shap=-5.140", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Embarked=Embarked_Southampton
shap=-1.086", + "None=Vande Walle, Mr. Nestor Cyriel
Embarked=Embarked_Southampton
shap=-1.123", + "None=Backstrom, Mr. Karl Alfred
Embarked=Embarked_Southampton
shap=-1.126", + "None=Ali, Mr. Ahmed
Embarked=Embarked_Southampton
shap=-1.142", + "None=Green, Mr. George Henry
Embarked=Embarked_Southampton
shap=-1.242", + "None=Nenkoff, Mr. Christo
Embarked=Embarked_Southampton
shap=-1.100", + "None=Asplund, Miss. Lillian Gertrud
Embarked=Embarked_Southampton
shap=-0.596", + "None=Harknett, Miss. Alice Phoebe
Embarked=Embarked_Southampton
shap=-1.031", + "None=Hunt, Mr. George Henry
Embarked=Embarked_Southampton
shap=-1.441", + "None=Reed, Mr. James George
Embarked=Embarked_Southampton
shap=-1.100", + "None=Stead, Mr. William Thomas
Embarked=Embarked_Southampton
shap=-4.124", + "None=Parrish, Mrs. (Lutie Davis)
Embarked=Embarked_Southampton
shap=-1.192", + "None=Asplund, Master. Edvin Rojj Felix
Embarked=Embarked_Southampton
shap=-0.575", + "None=Andrews, Miss. Kornelia Theodosia
Embarked=Embarked_Southampton
shap=-5.962", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Embarked=Embarked_Southampton
shap=-1.584", + "None=Smith, Mr. Richard William
Embarked=Embarked_Southampton
shap=-5.140", + "None=Williams, Mr. Howard Hugh \"Harry\"
Embarked=Embarked_Southampton
shap=-1.100", + "None=Sage, Mr. George John Jr
Embarked=Embarked_Southampton
shap=-0.557", + "None=Nysveen, Mr. Johan Hansen
Embarked=Embarked_Southampton
shap=-1.192", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Embarked=Embarked_Southampton
shap=-6.285", + "None=Denkoff, Mr. Mitto
Embarked=Embarked_Southampton
shap=-1.100", + "None=Dimic, Mr. Jovan
Embarked=Embarked_Southampton
shap=-1.409", + "None=Beavan, Mr. William Thomas
Embarked=Embarked_Southampton
shap=-1.151", + "None=Gustafsson, Mr. Karl Gideon
Embarked=Embarked_Southampton
shap=-1.151", + "None=Plotcharsky, Mr. Vasil
Embarked=Embarked_Southampton
shap=-1.100", + "None=Goodwin, Master. Sidney Leonard
Embarked=Embarked_Southampton
shap=-0.557", + "None=Gustafsson, Mr. Johan Birger
Embarked=Embarked_Southampton
shap=-0.783", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Embarked=Embarked_Southampton
shap=-0.772", + "None=Niskanen, Mr. Juha
Embarked=Embarked_Southampton
shap=-1.627", + "None=Matthews, Mr. William John
Embarked=Embarked_Southampton
shap=-1.179", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Embarked=Embarked_Southampton
shap=-1.140", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Embarked=Embarked_Southampton
shap=-1.187", + "None=Johannesen-Bratthammer, Mr. Bernt
Embarked=Embarked_Southampton
shap=-1.094", + "None=Peuchen, Major. Arthur Godfrey
Embarked=Embarked_Southampton
shap=-5.577", + "None=Anderson, Mr. Harry
Embarked=Embarked_Southampton
shap=-6.651", + "None=Milling, Mr. Jacob Christian
Embarked=Embarked_Southampton
shap=-1.273", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Embarked=Embarked_Southampton
shap=-1.194", + "None=Karlsson, Mr. Nils August
Embarked=Embarked_Southampton
shap=-1.142", + "None=Frost, Mr. Anthony Wood \"Archie\"
Embarked=Embarked_Southampton
shap=-1.142", + "None=Windelov, Mr. Einar
Embarked=Embarked_Southampton
shap=-1.142", + "None=Shellard, Mr. Frederick William
Embarked=Embarked_Southampton
shap=-1.100", + "None=Svensson, Mr. Olof
Embarked=Embarked_Southampton
shap=-1.142", + "None=Laitinen, Miss. Kristina Sofia
Embarked=Embarked_Southampton
shap=-1.717", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Embarked=Embarked_Southampton
shap=-6.842", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Embarked=Embarked_Southampton
shap=-1.792", + "None=Cacic, Miss. Marija
Embarked=Embarked_Southampton
shap=-1.103", + "None=Hart, Miss. Eva Miriam
Embarked=Embarked_Southampton
shap=-0.959", + "None=Butt, Major. Archibald Willingham
Embarked=Embarked_Southampton
shap=-14.649", + "None=Beane, Mr. Edward
Embarked=Embarked_Southampton
shap=-1.193", + "None=Goldsmith, Mr. Frank John
Embarked=Embarked_Southampton
shap=-1.008", + "None=Ohman, Miss. Velin
Embarked=Embarked_Southampton
shap=-1.080", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Embarked=Embarked_Southampton
shap=-4.449", + "None=Harris, Mr. George
Embarked=Embarked_Southampton
shap=-1.300", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Embarked=Embarked_Southampton
shap=-3.260", + "None=Patchett, Mr. George
Embarked=Embarked_Southampton
shap=-1.151", + "None=Murdlin, Mr. Joseph
Embarked=Embarked_Southampton
shap=-1.100", + "None=Lindell, Mr. Edvard Bengtsson
Embarked=Embarked_Southampton
shap=-1.636", + "None=Daniel, Mr. Robert Williams
Embarked=Embarked_Southampton
shap=-6.627", + "None=Shutes, Miss. Elizabeth W
Embarked=Embarked_Southampton
shap=-6.628", + "None=Jardin, Mr. Jose Neto
Embarked=Embarked_Southampton
shap=-1.100", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Embarked=Embarked_Southampton
shap=-1.049", + "None=Bostandyeff, Mr. Guentcho
Embarked=Embarked_Southampton
shap=-1.123", + "None=Lundahl, Mr. Johan Svensson
Embarked=Embarked_Southampton
shap=-1.242", + "None=Willey, Mr. Edward
Embarked=Embarked_Southampton
shap=-1.100", + "None=Stanley, Miss. Amy Zillah Elsie
Embarked=Embarked_Southampton
shap=-1.080", + "None=Eitemiller, Mr. George Floyd
Embarked=Embarked_Southampton
shap=-1.156", + "None=Colley, Mr. Edward Pomeroy
Embarked=Embarked_Southampton
shap=-5.456", + "None=Coleff, Mr. Peju
Embarked=Embarked_Southampton
shap=-1.759", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Embarked=Embarked_Southampton
shap=-1.215", + "None=Davidson, Mr. Thornton
Embarked=Embarked_Southampton
shap=-13.967", + "None=Turja, Miss. Anna Sofia
Embarked=Embarked_Southampton
shap=-1.082", + "None=Goodwin, Mr. Charles Edward
Embarked=Embarked_Southampton
shap=-0.557", + "None=Panula, Mr. Jaako Arnold
Embarked=Embarked_Southampton
shap=-0.573", + "None=Fischer, Mr. Eberhard Thelander
Embarked=Embarked_Southampton
shap=-1.151", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
Embarked=Embarked_Southampton
shap=-1.238", + "None=Hansen, Mr. Henrik Juul
Embarked=Embarked_Southampton
shap=-1.073", + "None=Calderhead, Mr. Edward Pennington
Embarked=Embarked_Southampton
shap=-8.014", + "None=Klaber, Mr. Herman
Embarked=Embarked_Southampton
shap=-4.168", + "None=Taylor, Mr. Elmer Zebley
Embarked=Embarked_Southampton
shap=-5.244", + "None=Larsson, Mr. August Viktor
Embarked=Embarked_Southampton
shap=-1.123", + "None=Greenberg, Mr. Samuel
Embarked=Embarked_Southampton
shap=-1.226", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
Embarked=Embarked_Southampton
shap=-0.935", + "None=Johnson, Mr. Malkolm Joackim
Embarked=Embarked_Southampton
shap=-1.427", + "None=Gillespie, Mr. William Henry
Embarked=Embarked_Southampton
shap=-1.883", + "None=Allen, Miss. Elisabeth Walton
Embarked=Embarked_Southampton
shap=-7.499", + "None=Berriman, Mr. William John
Embarked=Embarked_Southampton
shap=-1.156", + "None=Troupiansky, Mr. Moses Aaron
Embarked=Embarked_Southampton
shap=-1.156", + "None=Williams, Mr. Leslie
Embarked=Embarked_Southampton
shap=-1.123", + "None=Ivanoff, Mr. Kanio
Embarked=Embarked_Southampton
shap=-1.100", + "None=McNamee, Mr. Neal
Embarked=Embarked_Southampton
shap=-1.092", + "None=Carlsson, Mr. August Sigfrid
Embarked=Embarked_Southampton
shap=-1.123", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Embarked=Embarked_Southampton
shap=-12.758", + "None=Eklund, Mr. Hans Linus
Embarked=Embarked_Southampton
shap=-1.148", + "None=Hogeboom, Mrs. John C (Anna Andrews)
Embarked=Embarked_Southampton
shap=-6.339", + "None=Lievens, Mr. Rene Aime
Embarked=Embarked_Southampton
shap=-1.142", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Embarked=Embarked_Southampton
shap=-7.086", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
Embarked=Embarked_Southampton
shap=-7.593", + "None=Johnston, Mr. Andrew G
Embarked=Embarked_Southampton
shap=-0.747", + "None=Ali, Mr. William
Embarked=Embarked_Southampton
shap=-1.121", + "None=Sjoblom, Miss. Anna Sofia
Embarked=Embarked_Southampton
shap=-1.082", + "None=Leader, Dr. Alice (Farnham)
Embarked=Embarked_Southampton
shap=-6.447", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Embarked=Embarked_Southampton
shap=-1.023", + "None=Carter, Master. William Thornton II
Embarked=Embarked_Southampton
shap=-5.971", + "None=Johansson, Mr. Karl Johan
Embarked=Embarked_Southampton
shap=-1.176", + "None=Slemen, Mr. Richard James
Embarked=Embarked_Southampton
shap=-1.882", + "None=Tomlin, Mr. Ernest Portage
Embarked=Embarked_Southampton
shap=-1.165", + "None=Richards, Master. George Sibley
Embarked=Embarked_Southampton
shap=-0.892", + "None=Mudd, Mr. Thomas Charles
Embarked=Embarked_Southampton
shap=-1.163", + "None=Sage, Mr. Douglas Bullen
Embarked=Embarked_Southampton
shap=-0.557", + "None=Aks, Mrs. Sam (Leah Rosen)
Embarked=Embarked_Southampton
shap=-0.918", + "None=Johnson, Master. Harold Theodor
Embarked=Embarked_Southampton
shap=-0.825", + "None=Carlsson, Mr. Frans Olof
Embarked=Embarked_Southampton
shap=-16.042", + "None=Gustafsson, Mr. Alfred Ossian
Embarked=Embarked_Southampton
shap=-1.151", + "None=Montvila, Rev. Juozas
Embarked=Embarked_Southampton
shap=-1.137" + ], + "type": "scattergl", + "x": [ + -9.892288195738164, + -0.5731767350315472, + -0.9427948420251069, + -1.1514378849492954, + -1.031255323090022, + -1.167059582327267, + -1.0714961151579359, + -1.137127657303858, + -5.197078320117707, + -0.5586959457666372, + -0.7828877509956185, + -1.1564210150415164, + -1.1393031734000112, + -0.792885996639126, + -1.1226705729277606, + -1.1514378849492954, + -5.468936341722962, + -1.0995866018482525, + -3.0050648096767634, + -1.5814851722307581, + -1.1420290620498819, + -1.0717326022056928, + -1.1420290620498819, + -1.0869265537578023, + -1.0995866018482525, + -1.1482767041820645, + -0.5974417934354912, + -1.4016063632379119, + -1.256276413603674, + -1.1922669916125583, + -1.019185180166741, + -1.9640838384598813, + -9.956842034541673, + -1.1420290620498819, + -0.8397625197285441, + -5.139749920707035, + -1.0863349424495774, + -1.1226705729277606, + -1.1258407057663482, + -1.1420290620498819, + -1.2418844606120394, + -1.0995866018482525, + -0.5963259927370154, + -1.031255323090022, + -1.4414003754283617, + -1.0995866018482525, + -4.123812556307671, + -1.1923252840876033, + -0.5753249028783614, + -5.961516203894128, + -1.58444549295099, + -5.139749920707035, + -1.0995866018482525, + -0.5570397159869978, + -1.1922669916125583, + -6.284895972295869, + -1.0995866018482525, + -1.4088548809525099, + -1.1514378849492954, + -1.1514378849492954, + -1.0995866018482525, + -0.5570397159869978, + -0.7828877509956185, + -0.7719679136374473, + -1.6268593331466397, + -1.1789672215008473, + -1.1400914635592008, + -1.1871757601061488, + -1.0938313455259288, + -5.576598911383142, + -6.650659420864178, + -1.2730285595764539, + -1.1935440012417136, + -1.1420290620498819, + -1.1417947779795254, + -1.1420290620498819, + -1.0995866018482525, + -1.1420290620498819, + -1.7170205033861117, + -6.842016758894296, + -1.791853338436027, + -1.1026890063950532, + -0.9587369030680339, + -14.648528422934312, + -1.192529683338769, + -1.0075257191782012, + -1.0800721315836044, + -4.449398082332111, + -1.2997821416365976, + -3.2604529409223053, + -1.1514378849492954, + -1.0995866018482525, + -1.6362688904450144, + -6.627226359762931, + -6.628061754678786, + -1.0995866018482525, + -1.0494103068282286, + -1.1226705729277606, + -1.2418844606120394, + -1.0995866018482525, + -1.0800721315836044, + -1.1564210150415164, + -5.455608982690418, + -1.758505980063231, + -1.2153664081003774, + -13.966630803317042, + -1.082247647679758, + -0.5570397159869978, + -0.5731767350315472, + -1.1506495947901059, + -1.2381321894027477, + -1.072950901911268, + -8.013531312600492, + -4.167722298041393, + -5.243515970941081, + -1.1226705729277606, + -1.2255937340558734, + -0.9345303506131731, + -1.4270084224367272, + -1.8827719499603357, + -7.498690927254053, + -1.1564210150415164, + -1.1564210150415164, + -1.1226705729277606, + -1.0995866018482525, + -1.0923093910333892, + -1.1226705729277606, + -12.758432832215906, + -1.1482767041820645, + -6.338617863672677, + -1.1420290620498819, + -7.086162377146511, + -7.592856266206871, + -0.7467815208690233, + -1.1207660233619139, + -1.082247647679758, + -6.446899841011935, + -1.02268399645293, + -5.971069836963391, + -1.1755603767828406, + -1.8822511920008567, + -1.164575268509213, + -0.8916803742587731, + -1.162668657173699, + -0.5570397159869978, + -0.9177763757951436, + -0.8245739075585001, + -16.042258997341442, + -1.1514378849492954, + -1.1370625259193952 + ], + "xaxis": "x4", + "y": [ + 0.7696713742628549, + 0.5930256627176167, + 0.6165934756567388, + 0.6031864405963647, + 0.7908928037316972, + 0.7179442044081569, + 0.5119068359790273, + 0.62936234092142, + 0.10584799522243005, + 0.3962503581196086, + 0.1696459663459523, + 0.4334483519988621, + 0.4239606822405001, + 0.9411556887541944, + 0.25513447643215936, + 0.9511178115738551, + 0.2341045800504541, + 0.34367224792986384, + 0.2666979290533503, + 0.28315552532302135, + 0.3293476777910097, + 0.1661779247997558, + 0.21102689187294132, + 0.7292630573595944, + 0.3366354413382694, + 0.952239325975719, + 0.16436938519937616, + 0.1362748219689799, + 0.7520119597641324, + 0.9057801521979856, + 0.5070043305434888, + 0.5471516331080554, + 0.3975652110118443, + 0.948325847581659, + 0.15718718235261997, + 0.7390519753100044, + 0.6994108558695794, + 0.5855860990331824, + 0.5198432892831693, + 0.47097365132624713, + 0.46459919538325734, + 0.0567828081170928, + 0.4701817434302822, + 0.0028178455456353557, + 0.5664400294909356, + 0.872796193536223, + 0.25421338420482675, + 0.9682004550714826, + 0.8647265943784394, + 0.3688068973024009, + 0.6114504796172437, + 0.2954853579485244, + 0.5483402454336394, + 0.3853633687245346, + 0.5778319309671314, + 0.19424841820838856, + 0.4437042739168783, + 0.5609683187099881, + 0.3689083514780659, + 0.24397040888260613, + 0.6787549000868781, + 0.0934129054981937, + 0.006103609053339398, + 0.6363529335630439, + 0.6068353228680285, + 0.6452175024409209, + 0.4897071591175146, + 0.2949033159003016, + 0.941788442764221, + 0.8184861933354184, + 0.359063104648506, + 0.4404335466608983, + 0.8897145605866581, + 0.65174948611513, + 0.8957785278900635, + 0.9748021113882392, + 0.6865733313385102, + 0.6638954067871616, + 0.8279169671028664, + 0.6060734205069209, + 0.7263334971086579, + 0.6435666225608351, + 0.17029274264063532, + 0.4043613911789983, + 0.1429819945367946, + 0.551593126399227, + 0.21336890959129962, + 0.9233952975994274, + 0.07078929456523653, + 0.3031224819389372, + 0.8208158370031935, + 0.5485694707822192, + 0.9180265624883425, + 0.2685704655098611, + 0.07084362815986456, + 0.13606314175378809, + 0.3550981871818, + 0.5899200234298748, + 0.12924673810694798, + 0.5593045099297234, + 0.07572780163032133, + 0.8569424493369043, + 0.3293820332369185, + 0.49034756094406384, + 0.31443974097978067, + 0.32417436460298066, + 0.5550758807625722, + 0.8273341035913527, + 0.21431517836832747, + 0.668357770117377, + 0.06082533382773614, + 0.08055866157012215, + 0.7212620410331644, + 0.01567929182431893, + 0.6387074741441635, + 0.9587408200081718, + 0.9306973466333948, + 0.39376648492492183, + 0.21760327772534638, + 0.987896040246252, + 0.8006819464741465, + 0.4616980571844411, + 0.41168137020049067, + 0.5484175746396425, + 0.22467733279768365, + 0.16610607815340883, + 0.7809244900897409, + 0.8348800631973328, + 0.5980006874314578, + 0.4344424540171896, + 0.39251146436588, + 0.754979243722289, + 0.4985863042003046, + 0.4811299467868395, + 0.44043678410490905, + 0.8584276264612679, + 0.34792299433657825, + 0.6679024861540009, + 0.24646192630485753, + 0.15406399529605608, + 0.2437465577476755, + 0.8793196919439057, + 0.8201214135851486, + 0.7373077522272666, + 0.9015903140908542, + 0.9734060946011277, + 0.3111014133872917, + 0.2903166081562162, + 0.026923567002905324, + 0.4439783454656876 + ], + "yaxis": "y4" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#EF553B", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Embarked_Cherbourg", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Embarked=Embarked_Cherbourg
shap=10.353", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Embarked=Embarked_Cherbourg
shap=1.676", + "None=Meyer, Mr. Edgar Joseph
Embarked=Embarked_Cherbourg
shap=8.214", + "None=Kraeff, Mr. Theodor
Embarked=Embarked_Cherbourg
shap=1.713", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Embarked=Embarked_Cherbourg
shap=16.440", + "None=Blank, Mr. Henry
Embarked=Embarked_Cherbourg
shap=12.152", + "None=Thorne, Mrs. Gertrude Maybelle
Embarked=Embarked_Cherbourg
shap=9.021", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Embarked=Embarked_Cherbourg
shap=11.322", + "None=Levy, Mr. Rene Jacques
Embarked=Embarked_Cherbourg
shap=2.428", + "None=Lewy, Mr. Ervin G
Embarked=Embarked_Cherbourg
shap=9.308", + "None=Burns, Miss. Elizabeth Margaret
Embarked=Embarked_Cherbourg
shap=11.007", + "None=del Carlo, Mr. Sebastiano
Embarked=Embarked_Cherbourg
shap=1.684", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Embarked=Embarked_Cherbourg
shap=9.017", + "None=Widener, Mr. Harry Elkins
Embarked=Embarked_Cherbourg
shap=0.390", + "None=Bishop, Mr. Dickinson H
Embarked=Embarked_Cherbourg
shap=19.166", + "None=Penasco y Castellana, Mr. Victor de Satode
Embarked=Embarked_Cherbourg
shap=5.444", + "None=Kassem, Mr. Fared
Embarked=Embarked_Cherbourg
shap=1.713", + "None=Ross, Mr. John Hugo
Embarked=Embarked_Cherbourg
shap=14.352", + "None=Boulos, Mr. Hanna
Embarked=Embarked_Cherbourg
shap=1.713", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Embarked=Embarked_Cherbourg
shap=8.786", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Embarked=Embarked_Cherbourg
shap=22.988", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Embarked=Embarked_Cherbourg
shap=1.662", + "None=Yasbeck, Mr. Antoni
Embarked=Embarked_Cherbourg
shap=1.644", + "None=Stahelin-Maeglin, Dr. Max
Embarked=Embarked_Cherbourg
shap=22.773", + "None=Hassab, Mr. Hammad
Embarked=Embarked_Cherbourg
shap=8.890", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Embarked=Embarked_Cherbourg
shap=5.474", + "None=Ayoub, Miss. Banoura
Embarked=Embarked_Cherbourg
shap=1.550", + "None=Guggenheim, Mr. Benjamin
Embarked=Embarked_Cherbourg
shap=20.385", + "None=Thomas, Master. Assad Alexander
Embarked=Embarked_Cherbourg
shap=1.255", + "None=Lemberopolous, Mr. Peter L
Embarked=Embarked_Cherbourg
shap=2.814", + "None=Boulos, Miss. Nourelain
Embarked=Embarked_Cherbourg
shap=1.198", + "None=Razi, Mr. Raihed
Embarked=Embarked_Cherbourg
shap=1.713" + ], + "type": "scattergl", + "x": [ + 10.352504927785201, + 1.6761363626408126, + 8.214386593593765, + 1.712579959200117, + 16.440064334922354, + 12.151700735202574, + 9.021252211608292, + 11.321869825877343, + 2.4275795542660568, + 9.30792296243774, + 11.00654838905493, + 1.6838165949700339, + 9.016775309782897, + 0.38958315147042893, + 19.165728103276663, + 5.443540339246269, + 1.712579959200117, + 14.352108594230826, + 1.712579959200117, + 8.785604830531893, + 22.988001680836142, + 1.662056189131894, + 1.6437825762789218, + 22.77292742346272, + 8.890224112869314, + 5.47357473413809, + 1.5502629008094173, + 20.38528603424966, + 1.255124824426156, + 2.8136928874074587, + 1.1983536244386765, + 1.712579959200117 + ], + "xaxis": "x4", + "y": [ + 0.6501435983085541, + 0.5600187732026057, + 0.19922316549812524, + 0.4566687581949572, + 0.866223168955123, + 0.6959819902675011, + 0.7414003517177956, + 0.6323722242866271, + 0.45171079085131294, + 0.2509487845632108, + 0.404314112004742, + 0.6175472380926896, + 0.732318557580663, + 0.8528125164788859, + 0.23473057204474168, + 0.43417430832236914, + 0.22364490818364136, + 0.7839760650913309, + 0.4031769631251614, + 0.3241249163419423, + 0.7611505348045529, + 0.06866956256967816, + 0.14262759643831446, + 0.9817510468463783, + 0.30185890965581896, + 0.9533501007103014, + 0.8409202551382842, + 0.1423612449279883, + 0.7997773179843908, + 0.7865496125217253, + 0.8489509902187466, + 0.018792554231377268 + ], + "yaxis": "y4" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#00CC96", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", "name": "Embarked_Queenstown", "opacity": 0.8, "showlegend": false, "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Embarked_Queenstown=0
shap=0.0", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Embarked_Queenstown=0
shap=0.0", - "index=Palsson, Master. Gosta Leonard
Embarked_Queenstown=0
shap=0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Embarked_Queenstown=0
shap=0.0", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Embarked_Queenstown=0
shap=0.0", - "index=Saundercock, Mr. William Henry
Embarked_Queenstown=0
shap=0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Embarked_Queenstown=0
shap=0.0", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Embarked_Queenstown=0
shap=0.0", - "index=Glynn, Miss. Mary Agatha
Embarked_Queenstown=1
shap=0.0", - "index=Meyer, Mr. Edgar Joseph
Embarked_Queenstown=0
shap=0.0", - "index=Kraeff, Mr. Theodor
Embarked_Queenstown=0
shap=0.0", - "index=Devaney, Miss. Margaret Delia
Embarked_Queenstown=1
shap=0.0", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Embarked_Queenstown=0
shap=0.0", - "index=Rugg, Miss. Emily
Embarked_Queenstown=0
shap=0.0", - "index=Harris, Mr. Henry Birkhardt
Embarked_Queenstown=0
shap=0.0", - "index=Skoog, Master. Harald
Embarked_Queenstown=0
shap=0.0", - "index=Kink, Mr. Vincenz
Embarked_Queenstown=0
shap=0.0", - "index=Hood, Mr. Ambrose Jr
Embarked_Queenstown=0
shap=0.0", - "index=Ilett, Miss. Bertha
Embarked_Queenstown=0
shap=0.0", - "index=Ford, Mr. William Neal
Embarked_Queenstown=0
shap=0.0", - "index=Christmann, Mr. Emil
Embarked_Queenstown=0
shap=0.0", - "index=Andreasson, Mr. Paul Edvin
Embarked_Queenstown=0
shap=0.0", - "index=Chaffee, Mr. Herbert Fuller
Embarked_Queenstown=0
shap=0.0", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Embarked_Queenstown=0
shap=0.0", - "index=White, Mr. Richard Frasar
Embarked_Queenstown=0
shap=0.0", - "index=Rekic, Mr. Tido
Embarked_Queenstown=0
shap=0.0", - "index=Moran, Miss. Bertha
Embarked_Queenstown=1
shap=0.0", - "index=Barton, Mr. David John
Embarked_Queenstown=0
shap=0.0", - "index=Jussila, Miss. Katriina
Embarked_Queenstown=0
shap=0.0", - "index=Pekoniemi, Mr. Edvard
Embarked_Queenstown=0
shap=0.0", - "index=Turpin, Mr. William John Robert
Embarked_Queenstown=0
shap=0.0", - "index=Moore, Mr. Leonard Charles
Embarked_Queenstown=0
shap=0.0", - "index=Osen, Mr. Olaf Elon
Embarked_Queenstown=0
shap=0.0", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Embarked_Queenstown=0
shap=0.0", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Embarked_Queenstown=0
shap=0.0", - "index=Bateman, Rev. Robert James
Embarked_Queenstown=0
shap=0.0", - "index=Meo, Mr. Alfonzo
Embarked_Queenstown=0
shap=0.0", - "index=Cribb, Mr. John Hatfield
Embarked_Queenstown=0
shap=0.0", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Embarked_Queenstown=0
shap=0.0", - "index=Van der hoef, Mr. Wyckoff
Embarked_Queenstown=0
shap=0.0", - "index=Sivola, Mr. Antti Wilhelm
Embarked_Queenstown=0
shap=0.0", - "index=Klasen, Mr. Klas Albin
Embarked_Queenstown=0
shap=0.0", - "index=Rood, Mr. Hugh Roscoe
Embarked_Queenstown=0
shap=0.0", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Embarked_Queenstown=0
shap=0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Embarked_Queenstown=0
shap=0.0", - "index=Vande Walle, Mr. Nestor Cyriel
Embarked_Queenstown=0
shap=0.0", - "index=Backstrom, Mr. Karl Alfred
Embarked_Queenstown=0
shap=0.0", - "index=Blank, Mr. Henry
Embarked_Queenstown=0
shap=0.0", - "index=Ali, Mr. Ahmed
Embarked_Queenstown=0
shap=0.0", - "index=Green, Mr. George Henry
Embarked_Queenstown=0
shap=0.0", - "index=Nenkoff, Mr. Christo
Embarked_Queenstown=0
shap=0.0", - "index=Asplund, Miss. Lillian Gertrud
Embarked_Queenstown=0
shap=0.0", - "index=Harknett, Miss. Alice Phoebe
Embarked_Queenstown=0
shap=0.0", - "index=Hunt, Mr. George Henry
Embarked_Queenstown=0
shap=0.0", - "index=Reed, Mr. James George
Embarked_Queenstown=0
shap=0.0", - "index=Stead, Mr. William Thomas
Embarked_Queenstown=0
shap=0.0", - "index=Thorne, Mrs. Gertrude Maybelle
Embarked_Queenstown=0
shap=0.0", - "index=Parrish, Mrs. (Lutie Davis)
Embarked_Queenstown=0
shap=0.0", - "index=Smith, Mr. Thomas
Embarked_Queenstown=1
shap=0.0", - "index=Asplund, Master. Edvin Rojj Felix
Embarked_Queenstown=0
shap=0.0", - "index=Healy, Miss. Hanora \"Nora\"
Embarked_Queenstown=1
shap=0.0", - "index=Andrews, Miss. Kornelia Theodosia
Embarked_Queenstown=0
shap=0.0", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Embarked_Queenstown=0
shap=0.0", - "index=Smith, Mr. Richard William
Embarked_Queenstown=0
shap=0.0", - "index=Connolly, Miss. Kate
Embarked_Queenstown=1
shap=0.0", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Embarked_Queenstown=0
shap=0.0", - "index=Levy, Mr. Rene Jacques
Embarked_Queenstown=0
shap=0.0", - "index=Lewy, Mr. Ervin G
Embarked_Queenstown=0
shap=0.0", - "index=Williams, Mr. Howard Hugh \"Harry\"
Embarked_Queenstown=0
shap=0.0", - "index=Sage, Mr. George John Jr
Embarked_Queenstown=0
shap=0.0", - "index=Nysveen, Mr. Johan Hansen
Embarked_Queenstown=0
shap=0.0", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Embarked_Queenstown=0
shap=0.0", - "index=Denkoff, Mr. Mitto
Embarked_Queenstown=0
shap=0.0", - "index=Burns, Miss. Elizabeth Margaret
Embarked_Queenstown=0
shap=0.0", - "index=Dimic, Mr. Jovan
Embarked_Queenstown=0
shap=0.0", - "index=del Carlo, Mr. Sebastiano
Embarked_Queenstown=0
shap=0.0", - "index=Beavan, Mr. William Thomas
Embarked_Queenstown=0
shap=0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Embarked_Queenstown=0
shap=0.0", - "index=Widener, Mr. Harry Elkins
Embarked_Queenstown=0
shap=0.0", - "index=Gustafsson, Mr. Karl Gideon
Embarked_Queenstown=0
shap=0.0", - "index=Plotcharsky, Mr. Vasil
Embarked_Queenstown=0
shap=0.0", - "index=Goodwin, Master. Sidney Leonard
Embarked_Queenstown=0
shap=0.0", - "index=Sadlier, Mr. Matthew
Embarked_Queenstown=1
shap=0.0", - "index=Gustafsson, Mr. Johan Birger
Embarked_Queenstown=0
shap=0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Embarked_Queenstown=0
shap=0.0", - "index=Niskanen, Mr. Juha
Embarked_Queenstown=0
shap=0.0", - "index=Minahan, Miss. Daisy E
Embarked_Queenstown=1
shap=0.0", - "index=Matthews, Mr. William John
Embarked_Queenstown=0
shap=0.0", - "index=Charters, Mr. David
Embarked_Queenstown=1
shap=0.0", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Embarked_Queenstown=0
shap=0.0", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Embarked_Queenstown=0
shap=0.0", - "index=Johannesen-Bratthammer, Mr. Bernt
Embarked_Queenstown=0
shap=0.0", - "index=Peuchen, Major. Arthur Godfrey
Embarked_Queenstown=0
shap=0.0", - "index=Anderson, Mr. Harry
Embarked_Queenstown=0
shap=0.0", - "index=Milling, Mr. Jacob Christian
Embarked_Queenstown=0
shap=0.0", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Embarked_Queenstown=0
shap=0.0", - "index=Karlsson, Mr. Nils August
Embarked_Queenstown=0
shap=0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Embarked_Queenstown=0
shap=0.0", - "index=Bishop, Mr. Dickinson H
Embarked_Queenstown=0
shap=0.0", - "index=Windelov, Mr. Einar
Embarked_Queenstown=0
shap=0.0", - "index=Shellard, Mr. Frederick William
Embarked_Queenstown=0
shap=0.0", - "index=Svensson, Mr. Olof
Embarked_Queenstown=0
shap=0.0", - "index=O'Sullivan, Miss. Bridget Mary
Embarked_Queenstown=1
shap=0.0", - "index=Laitinen, Miss. Kristina Sofia
Embarked_Queenstown=0
shap=0.0", - "index=Penasco y Castellana, Mr. Victor de Satode
Embarked_Queenstown=0
shap=0.0", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Embarked_Queenstown=0
shap=0.0", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Embarked_Queenstown=0
shap=0.0", - "index=Kassem, Mr. Fared
Embarked_Queenstown=0
shap=0.0", - "index=Cacic, Miss. Marija
Embarked_Queenstown=0
shap=0.0", - "index=Hart, Miss. Eva Miriam
Embarked_Queenstown=0
shap=0.0", - "index=Butt, Major. Archibald Willingham
Embarked_Queenstown=0
shap=0.0", - "index=Beane, Mr. Edward
Embarked_Queenstown=0
shap=0.0", - "index=Goldsmith, Mr. Frank John
Embarked_Queenstown=0
shap=0.0", - "index=Ohman, Miss. Velin
Embarked_Queenstown=0
shap=0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Embarked_Queenstown=0
shap=0.0", - "index=Morrow, Mr. Thomas Rowan
Embarked_Queenstown=1
shap=0.0", - "index=Harris, Mr. George
Embarked_Queenstown=0
shap=0.0", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Embarked_Queenstown=0
shap=0.0", - "index=Patchett, Mr. George
Embarked_Queenstown=0
shap=0.0", - "index=Ross, Mr. John Hugo
Embarked_Queenstown=0
shap=0.0", - "index=Murdlin, Mr. Joseph
Embarked_Queenstown=0
shap=0.0", - "index=Bourke, Miss. Mary
Embarked_Queenstown=1
shap=0.0", - "index=Boulos, Mr. Hanna
Embarked_Queenstown=0
shap=0.0", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Embarked_Queenstown=0
shap=0.0", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Embarked_Queenstown=0
shap=0.0", - "index=Lindell, Mr. Edvard Bengtsson
Embarked_Queenstown=0
shap=0.0", - "index=Daniel, Mr. Robert Williams
Embarked_Queenstown=0
shap=0.0", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Embarked_Queenstown=0
shap=0.0", - "index=Shutes, Miss. Elizabeth W
Embarked_Queenstown=0
shap=0.0", - "index=Jardin, Mr. Jose Neto
Embarked_Queenstown=0
shap=0.0", - "index=Horgan, Mr. John
Embarked_Queenstown=1
shap=0.0", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Embarked_Queenstown=0
shap=0.0", - "index=Yasbeck, Mr. Antoni
Embarked_Queenstown=0
shap=0.0", - "index=Bostandyeff, Mr. Guentcho
Embarked_Queenstown=0
shap=0.0", - "index=Lundahl, Mr. Johan Svensson
Embarked_Queenstown=0
shap=0.0", - "index=Stahelin-Maeglin, Dr. Max
Embarked_Queenstown=0
shap=0.0", - "index=Willey, Mr. Edward
Embarked_Queenstown=0
shap=0.0", - "index=Stanley, Miss. Amy Zillah Elsie
Embarked_Queenstown=0
shap=0.0", - "index=Hegarty, Miss. Hanora \"Nora\"
Embarked_Queenstown=1
shap=0.0", - "index=Eitemiller, Mr. George Floyd
Embarked_Queenstown=0
shap=0.0", - "index=Colley, Mr. Edward Pomeroy
Embarked_Queenstown=0
shap=0.0", - "index=Coleff, Mr. Peju
Embarked_Queenstown=0
shap=0.0", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Embarked_Queenstown=0
shap=0.0", - "index=Davidson, Mr. Thornton
Embarked_Queenstown=0
shap=0.0", - "index=Turja, Miss. Anna Sofia
Embarked_Queenstown=0
shap=0.0", - "index=Hassab, Mr. Hammad
Embarked_Queenstown=0
shap=0.0", - "index=Goodwin, Mr. Charles Edward
Embarked_Queenstown=0
shap=0.0", - "index=Panula, Mr. Jaako Arnold
Embarked_Queenstown=0
shap=0.0", - "index=Fischer, Mr. Eberhard Thelander
Embarked_Queenstown=0
shap=0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Embarked_Queenstown=0
shap=0.0", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Embarked_Queenstown=0
shap=0.0", - "index=Hansen, Mr. Henrik Juul
Embarked_Queenstown=0
shap=0.0", - "index=Calderhead, Mr. Edward Pennington
Embarked_Queenstown=0
shap=0.0", - "index=Klaber, Mr. Herman
Embarked_Queenstown=0
shap=0.0", - "index=Taylor, Mr. Elmer Zebley
Embarked_Queenstown=0
shap=0.0", - "index=Larsson, Mr. August Viktor
Embarked_Queenstown=0
shap=0.0", - "index=Greenberg, Mr. Samuel
Embarked_Queenstown=0
shap=0.0", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Embarked_Queenstown=0
shap=0.0", - "index=McEvoy, Mr. Michael
Embarked_Queenstown=1
shap=0.0", - "index=Johnson, Mr. Malkolm Joackim
Embarked_Queenstown=0
shap=0.0", - "index=Gillespie, Mr. William Henry
Embarked_Queenstown=0
shap=0.0", - "index=Allen, Miss. Elisabeth Walton
Embarked_Queenstown=0
shap=0.0", - "index=Berriman, Mr. William John
Embarked_Queenstown=0
shap=0.0", - "index=Troupiansky, Mr. Moses Aaron
Embarked_Queenstown=0
shap=0.0", - "index=Williams, Mr. Leslie
Embarked_Queenstown=0
shap=0.0", - "index=Ivanoff, Mr. Kanio
Embarked_Queenstown=0
shap=0.0", - "index=McNamee, Mr. Neal
Embarked_Queenstown=0
shap=0.0", - "index=Connaghton, Mr. Michael
Embarked_Queenstown=1
shap=0.0", - "index=Carlsson, Mr. August Sigfrid
Embarked_Queenstown=0
shap=0.0", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Embarked_Queenstown=0
shap=0.0", - "index=Eklund, Mr. Hans Linus
Embarked_Queenstown=0
shap=0.0", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Embarked_Queenstown=0
shap=0.0", - "index=Moran, Mr. Daniel J
Embarked_Queenstown=1
shap=0.0", - "index=Lievens, Mr. Rene Aime
Embarked_Queenstown=0
shap=0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Embarked_Queenstown=0
shap=0.0", - "index=Ayoub, Miss. Banoura
Embarked_Queenstown=0
shap=0.0", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Embarked_Queenstown=0
shap=0.0", - "index=Johnston, Mr. Andrew G
Embarked_Queenstown=0
shap=0.0", - "index=Ali, Mr. William
Embarked_Queenstown=0
shap=0.0", - "index=Sjoblom, Miss. Anna Sofia
Embarked_Queenstown=0
shap=0.0", - "index=Guggenheim, Mr. Benjamin
Embarked_Queenstown=0
shap=0.0", - "index=Leader, Dr. Alice (Farnham)
Embarked_Queenstown=0
shap=0.0", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Embarked_Queenstown=0
shap=0.0", - "index=Carter, Master. William Thornton II
Embarked_Queenstown=0
shap=0.0", - "index=Thomas, Master. Assad Alexander
Embarked_Queenstown=0
shap=0.0", - "index=Johansson, Mr. Karl Johan
Embarked_Queenstown=0
shap=0.0", - "index=Slemen, Mr. Richard James
Embarked_Queenstown=0
shap=0.0", - "index=Tomlin, Mr. Ernest Portage
Embarked_Queenstown=0
shap=0.0", - "index=McCormack, Mr. Thomas Joseph
Embarked_Queenstown=1
shap=0.0", - "index=Richards, Master. George Sibley
Embarked_Queenstown=0
shap=0.0", - "index=Mudd, Mr. Thomas Charles
Embarked_Queenstown=0
shap=0.0", - "index=Lemberopolous, Mr. Peter L
Embarked_Queenstown=0
shap=0.0", - "index=Sage, Mr. Douglas Bullen
Embarked_Queenstown=0
shap=0.0", - "index=Boulos, Miss. Nourelain
Embarked_Queenstown=0
shap=0.0", - "index=Aks, Mrs. Sam (Leah Rosen)
Embarked_Queenstown=0
shap=0.0", - "index=Razi, Mr. Raihed
Embarked_Queenstown=0
shap=0.0", - "index=Johnson, Master. Harold Theodor
Embarked_Queenstown=0
shap=0.0", - "index=Carlsson, Mr. Frans Olof
Embarked_Queenstown=0
shap=0.0", - "index=Gustafsson, Mr. Alfred Ossian
Embarked_Queenstown=0
shap=0.0", - "index=Montvila, Rev. Juozas
Embarked_Queenstown=0
shap=0.0" + "None=Glynn, Miss. Mary Agatha
Embarked=Embarked_Queenstown
shap=0.204", + "None=Devaney, Miss. Margaret Delia
Embarked=Embarked_Queenstown
shap=0.220", + "None=Moran, Miss. Bertha
Embarked=Embarked_Queenstown
shap=0.211", + "None=Smith, Mr. Thomas
Embarked=Embarked_Queenstown
shap=0.610", + "None=Healy, Miss. Hanora \"Nora\"
Embarked=Embarked_Queenstown
shap=0.204", + "None=Connolly, Miss. Kate
Embarked=Embarked_Queenstown
shap=0.216", + "None=Sadlier, Mr. Matthew
Embarked=Embarked_Queenstown
shap=0.610", + "None=Minahan, Miss. Daisy E
Embarked=Embarked_Queenstown
shap=3.217", + "None=Charters, Mr. David
Embarked=Embarked_Queenstown
shap=0.614", + "None=O'Sullivan, Miss. Bridget Mary
Embarked=Embarked_Queenstown
shap=0.340", + "None=Morrow, Mr. Thomas Rowan
Embarked=Embarked_Queenstown
shap=0.610", + "None=Bourke, Miss. Mary
Embarked=Embarked_Queenstown
shap=0.353", + "None=Horgan, Mr. John
Embarked=Embarked_Queenstown
shap=0.610", + "None=Hegarty, Miss. Hanora \"Nora\"
Embarked=Embarked_Queenstown
shap=0.358", + "None=McEvoy, Mr. Michael
Embarked=Embarked_Queenstown
shap=0.610", + "None=Connaghton, Mr. Michael
Embarked=Embarked_Queenstown
shap=0.596", + "None=Moran, Mr. Daniel J
Embarked=Embarked_Queenstown
shap=0.542", + "None=McCormack, Mr. Thomas Joseph
Embarked=Embarked_Queenstown
shap=0.449" + ], + "type": "scattergl", + "x": [ + 0.20396237574717646, + 0.22018812613492356, + 0.2107170513714517, + 0.6098882121366587, + 0.20396237574717646, + 0.21593363005870503, + 0.6098882121366587, + 3.2169287800201825, + 0.6137397497310941, + 0.339883346706651, + 0.6098882121366587, + 0.3525682103584404, + 0.6098882121366587, + 0.35802938797717687, + 0.6098882121366587, + 0.595958409323865, + 0.542088607270643, + 0.4488812007666214 ], - "type": "scatter", - "x": [ - 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, - 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, - 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, - 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, - 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, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 + "xaxis": "x4", + "y": [ + 0.2842423038824472, + 0.9954962032017464, + 0.10496182764751749, + 0.4309325726347527, + 0.10897391579033555, + 0.05315346234448359, + 0.8766808981203467, + 0.7954617878812843, + 0.6294285607965958, + 0.5001554389612927, + 0.39116469173304913, + 0.5698267825226986, + 0.9789904470583812, + 0.9355953749709778, + 0.4126554693543256, + 0.9854779328999057, + 0.9420992818568378, + 0.9908164542089956 + ], + "yaxis": "y4" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#636EFA", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Sex_male", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Palsson, Master. Gosta Leonard
Sex=Sex_male
shap=-0.344", + "None=Saundercock, Mr. William Henry
Sex=Sex_male
shap=-1.053", + "None=Meyer, Mr. Edgar Joseph
Sex=Sex_male
shap=-5.987", + "None=Kraeff, Mr. Theodor
Sex=Sex_male
shap=-1.067", + "None=Harris, Mr. Henry Birkhardt
Sex=Sex_male
shap=-4.047", + "None=Skoog, Master. Harald
Sex=Sex_male
shap=-0.274", + "None=Kink, Mr. Vincenz
Sex=Sex_male
shap=-0.485", + "None=Hood, Mr. Ambrose Jr
Sex=Sex_male
shap=-1.025", + "None=Ford, Mr. William Neal
Sex=Sex_male
shap=-0.301", + "None=Christmann, Mr. Emil
Sex=Sex_male
shap=-1.101", + "None=Andreasson, Mr. Paul Edvin
Sex=Sex_male
shap=-1.053", + "None=Chaffee, Mr. Herbert Fuller
Sex=Sex_male
shap=-4.091", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Sex=Sex_male
shap=-1.089", + "None=White, Mr. Richard Frasar
Sex=Sex_male
shap=0.123", + "None=Rekic, Mr. Tido
Sex=Sex_male
shap=-1.260", + "None=Barton, Mr. David John
Sex=Sex_male
shap=-1.056", + "None=Pekoniemi, Mr. Edvard
Sex=Sex_male
shap=-1.056", + "None=Turpin, Mr. William John Robert
Sex=Sex_male
shap=-0.821", + "None=Moore, Mr. Leonard Charles
Sex=Sex_male
shap=-1.089", + "None=Osen, Mr. Olaf Elon
Sex=Sex_male
shap=-1.069", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Sex=Sex_male
shap=-0.047", + "None=Bateman, Rev. Robert James
Sex=Sex_male
shap=-1.192", + "None=Meo, Mr. Alfonzo
Sex=Sex_male
shap=-1.225", + "None=Cribb, Mr. John Hatfield
Sex=Sex_male
shap=-0.735", + "None=Van der hoef, Mr. Wyckoff
Sex=Sex_male
shap=-4.043", + "None=Sivola, Mr. Antti Wilhelm
Sex=Sex_male
shap=-1.056", + "None=Klasen, Mr. Klas Albin
Sex=Sex_male
shap=-0.378", + "None=Rood, Mr. Hugh Roscoe
Sex=Sex_male
shap=-5.703", + "None=Vande Walle, Mr. Nestor Cyriel
Sex=Sex_male
shap=-1.101", + "None=Backstrom, Mr. Karl Alfred
Sex=Sex_male
shap=-0.893", + "None=Blank, Mr. Henry
Sex=Sex_male
shap=-5.388", + "None=Ali, Mr. Ahmed
Sex=Sex_male
shap=-1.028", + "None=Green, Mr. George Henry
Sex=Sex_male
shap=-1.224", + "None=Nenkoff, Mr. Christo
Sex=Sex_male
shap=-1.089", + "None=Hunt, Mr. George Henry
Sex=Sex_male
shap=-1.181", + "None=Reed, Mr. James George
Sex=Sex_male
shap=-1.089", + "None=Stead, Mr. William Thomas
Sex=Sex_male
shap=-5.625", + "None=Smith, Mr. Thomas
Sex=Sex_male
shap=-1.016", + "None=Asplund, Master. Edvin Rojj Felix
Sex=Sex_male
shap=-0.261", + "None=Smith, Mr. Richard William
Sex=Sex_male
shap=-5.703", + "None=Levy, Mr. Rene Jacques
Sex=Sex_male
shap=-0.753", + "None=Lewy, Mr. Ervin G
Sex=Sex_male
shap=-7.749", + "None=Williams, Mr. Howard Hugh \"Harry\"
Sex=Sex_male
shap=-1.089", + "None=Sage, Mr. George John Jr
Sex=Sex_male
shap=-0.389", + "None=Nysveen, Mr. Johan Hansen
Sex=Sex_male
shap=-1.234", + "None=Denkoff, Mr. Mitto
Sex=Sex_male
shap=-1.089", + "None=Dimic, Mr. Jovan
Sex=Sex_male
shap=-1.247", + "None=del Carlo, Mr. Sebastiano
Sex=Sex_male
shap=-0.834", + "None=Beavan, Mr. William Thomas
Sex=Sex_male
shap=-1.053", + "None=Widener, Mr. Harry Elkins
Sex=Sex_male
shap=-0.331", + "None=Gustafsson, Mr. Karl Gideon
Sex=Sex_male
shap=-1.053", + "None=Plotcharsky, Mr. Vasil
Sex=Sex_male
shap=-1.089", + "None=Goodwin, Master. Sidney Leonard
Sex=Sex_male
shap=-0.440", + "None=Sadlier, Mr. Matthew
Sex=Sex_male
shap=-1.016", + "None=Gustafsson, Mr. Johan Birger
Sex=Sex_male
shap=-0.485", + "None=Niskanen, Mr. Juha
Sex=Sex_male
shap=-1.068", + "None=Matthews, Mr. William John
Sex=Sex_male
shap=-1.073", + "None=Charters, Mr. David
Sex=Sex_male
shap=-0.991", + "None=Johannesen-Bratthammer, Mr. Bernt
Sex=Sex_male
shap=-0.959", + "None=Peuchen, Major. Arthur Godfrey
Sex=Sex_male
shap=-5.165", + "None=Anderson, Mr. Harry
Sex=Sex_male
shap=-5.225", + "None=Milling, Mr. Jacob Christian
Sex=Sex_male
shap=-1.186", + "None=Karlsson, Mr. Nils August
Sex=Sex_male
shap=-1.056", + "None=Frost, Mr. Anthony Wood \"Archie\"
Sex=Sex_male
shap=-1.058", + "None=Bishop, Mr. Dickinson H
Sex=Sex_male
shap=6.486", + "None=Windelov, Mr. Einar
Sex=Sex_male
shap=-1.056", + "None=Shellard, Mr. Frederick William
Sex=Sex_male
shap=-1.089", + "None=Svensson, Mr. Olof
Sex=Sex_male
shap=-1.028", + "None=Penasco y Castellana, Mr. Victor de Satode
Sex=Sex_male
shap=-3.478", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Sex=Sex_male
shap=-7.530", + "None=Kassem, Mr. Fared
Sex=Sex_male
shap=-1.067", + "None=Butt, Major. Archibald Willingham
Sex=Sex_male
shap=-3.634", + "None=Beane, Mr. Edward
Sex=Sex_male
shap=-0.696", + "None=Goldsmith, Mr. Frank John
Sex=Sex_male
shap=-0.493", + "None=Morrow, Mr. Thomas Rowan
Sex=Sex_male
shap=-1.016", + "None=Harris, Mr. George
Sex=Sex_male
shap=-1.001", + "None=Patchett, Mr. George
Sex=Sex_male
shap=-1.053", + "None=Ross, Mr. John Hugo
Sex=Sex_male
shap=-5.816", + "None=Murdlin, Mr. Joseph
Sex=Sex_male
shap=-1.089", + "None=Boulos, Mr. Hanna
Sex=Sex_male
shap=-1.067", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Sex=Sex_male
shap=-4.137", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Sex=Sex_male
shap=-9.715", + "None=Lindell, Mr. Edvard Bengtsson
Sex=Sex_male
shap=-1.037", + "None=Daniel, Mr. Robert Williams
Sex=Sex_male
shap=-7.621", + "None=Jardin, Mr. Jose Neto
Sex=Sex_male
shap=-1.089", + "None=Horgan, Mr. John
Sex=Sex_male
shap=-1.016", + "None=Yasbeck, Mr. Antoni
Sex=Sex_male
shap=-0.906", + "None=Bostandyeff, Mr. Guentcho
Sex=Sex_male
shap=-1.101", + "None=Lundahl, Mr. Johan Svensson
Sex=Sex_male
shap=-1.224", + "None=Stahelin-Maeglin, Dr. Max
Sex=Sex_male
shap=6.984", + "None=Willey, Mr. Edward
Sex=Sex_male
shap=-1.089", + "None=Eitemiller, Mr. George Floyd
Sex=Sex_male
shap=-1.025", + "None=Colley, Mr. Edward Pomeroy
Sex=Sex_male
shap=-5.563", + "None=Coleff, Mr. Peju
Sex=Sex_male
shap=-1.246", + "None=Davidson, Mr. Thornton
Sex=Sex_male
shap=-2.845", + "None=Hassab, Mr. Hammad
Sex=Sex_male
shap=-4.370", + "None=Goodwin, Mr. Charles Edward
Sex=Sex_male
shap=-0.431", + "None=Panula, Mr. Jaako Arnold
Sex=Sex_male
shap=-0.335", + "None=Fischer, Mr. Eberhard Thelander
Sex=Sex_male
shap=-1.054", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
Sex=Sex_male
shap=-0.893", + "None=Hansen, Mr. Henrik Juul
Sex=Sex_male
shap=-0.893", + "None=Calderhead, Mr. Edward Pennington
Sex=Sex_male
shap=-5.473", + "None=Klaber, Mr. Herman
Sex=Sex_male
shap=-5.424", + "None=Taylor, Mr. Elmer Zebley
Sex=Sex_male
shap=-3.613", + "None=Larsson, Mr. August Viktor
Sex=Sex_male
shap=-1.101", + "None=Greenberg, Mr. Samuel
Sex=Sex_male
shap=-1.192", + "None=McEvoy, Mr. Michael
Sex=Sex_male
shap=-1.016", + "None=Johnson, Mr. Malkolm Joackim
Sex=Sex_male
shap=-1.212", + "None=Gillespie, Mr. William Henry
Sex=Sex_male
shap=-1.199", + "None=Berriman, Mr. William John
Sex=Sex_male
shap=-1.025", + "None=Troupiansky, Mr. Moses Aaron
Sex=Sex_male
shap=-1.025", + "None=Williams, Mr. Leslie
Sex=Sex_male
shap=-1.101", + "None=Ivanoff, Mr. Kanio
Sex=Sex_male
shap=-1.089", + "None=McNamee, Mr. Neal
Sex=Sex_male
shap=-0.823", + "None=Connaghton, Mr. Michael
Sex=Sex_male
shap=-1.046", + "None=Carlsson, Mr. August Sigfrid
Sex=Sex_male
shap=-1.101", + "None=Eklund, Mr. Hans Linus
Sex=Sex_male
shap=-1.069", + "None=Moran, Mr. Daniel J
Sex=Sex_male
shap=-0.834", + "None=Lievens, Mr. Rene Aime
Sex=Sex_male
shap=-1.028", + "None=Johnston, Mr. Andrew G
Sex=Sex_male
shap=-0.327", + "None=Ali, Mr. William
Sex=Sex_male
shap=-1.078", + "None=Guggenheim, Mr. Benjamin
Sex=Sex_male
shap=1.906", + "None=Carter, Master. William Thornton II
Sex=Sex_male
shap=5.068", + "None=Thomas, Master. Assad Alexander
Sex=Sex_male
shap=-0.540", + "None=Johansson, Mr. Karl Johan
Sex=Sex_male
shap=-1.111", + "None=Slemen, Mr. Richard James
Sex=Sex_male
shap=-1.204", + "None=Tomlin, Mr. Ernest Portage
Sex=Sex_male
shap=-1.104", + "None=McCormack, Mr. Thomas Joseph
Sex=Sex_male
shap=-0.898", + "None=Richards, Master. George Sibley
Sex=Sex_male
shap=-0.230", + "None=Mudd, Mr. Thomas Charles
Sex=Sex_male
shap=-1.038", + "None=Lemberopolous, Mr. Peter L
Sex=Sex_male
shap=-1.242", + "None=Sage, Mr. Douglas Bullen
Sex=Sex_male
shap=-0.389", + "None=Razi, Mr. Raihed
Sex=Sex_male
shap=-1.067", + "None=Johnson, Master. Harold Theodor
Sex=Sex_male
shap=-0.392", + "None=Carlsson, Mr. Frans Olof
Sex=Sex_male
shap=-3.756", + "None=Gustafsson, Mr. Alfred Ossian
Sex=Sex_male
shap=-1.053", + "None=Montvila, Rev. Juozas
Sex=Sex_male
shap=-1.070" + ], + "type": "scattergl", + "x": [ + -0.3440377372494069, + -1.0531380866007645, + -5.986760022203217, + -1.0671918319374414, + -4.046996060045885, + -0.27438135660539137, + -0.4852479001337676, + -1.0249465199067243, + -0.3014361749160853, + -1.1010317648313066, + -1.0531380866007645, + -4.0908004831679445, + -1.0892174027084764, + 0.12271533691719475, + -1.2599255330781611, + -1.0563488767107194, + -1.0563488767107194, + -0.8212568171469088, + -1.0892174027084764, + -1.069063794362731, + -0.046991483034425574, + -1.1921387550642741, + -1.2250964415354184, + -0.7353485470292882, + -4.042713858912483, + -1.0563488767107194, + -0.3780998965874345, + -5.702624763653489, + -1.1010317648313066, + -0.8927781966192654, + -5.387518778336367, + -1.0279990694419432, + -1.2235411118682693, + -1.0892174027084764, + -1.180722060413094, + -1.0892174027084764, + -5.625099220649982, + -1.0161852689565918, + -0.2613303476243878, + -5.702624763653489, + -0.7526865233444417, + -7.7488203181923785, + -1.0892174027084764, + -0.388902676082497, + -1.2341525135270834, + -1.0892174027084764, + -1.2470082890311032, + -0.8337428344074207, + -1.0531380866007645, + -0.3314388495335215, + -1.0531380866007645, + -1.0892174027084764, + -0.4402385708973464, + -1.0161852689565918, + -0.4852479001337676, + -1.06824047573246, + -1.072501995243327, + -0.9914790446829059, + -0.9591776416886442, + -5.164545107727646, + -5.2254430184521805, + -1.186163012136694, + -1.0563488767107194, + -1.057815045904481, + 6.485806911259703, + -1.0563488767107194, + -1.0892174027084764, + -1.0279990694419432, + -3.4776512307931995, + -7.529765649333173, + -1.0671918319374414, + -3.6336494289435426, + -0.6959020594819184, + -0.49349603450729407, + -1.0161852689565918, + -1.0014673875998659, + -1.0531380866007645, + -5.815884239305906, + -1.0892174027084764, + -1.0671918319374414, + -4.137154693947497, + -9.715410362450154, + -1.0366040540486847, + -7.621075846680188, + -1.0892174027084764, + -1.0161852689565918, + -0.9056900933295399, + -1.1010317648313066, + -1.2235411118682693, + 6.983597041189029, + -1.0892174027084764, + -1.0249465199067243, + -5.563416278250729, + -1.2461043175778586, + -2.844718465308651, + -4.369607157207799, + -0.4308454278980702, + -0.3346445942501306, + -1.054090384906115, + -0.893158478704511, + -0.8932040760690279, + -5.47301674175436, + -5.423940735199843, + -3.612880406090718, + -1.1010317648313066, + -1.1921387550642741, + -1.0161852689565918, + -1.2121244172170895, + -1.1992409792118808, + -1.0249465199067243, + -1.0249465199067243, + -1.1010317648313066, + -1.0892174027084764, + -0.8229412176946935, + -1.045855542650454, + -1.1010317648313066, + -1.069063794362731, + -0.8340457346578136, + -1.0279990694419432, + -0.327208853851199, + -1.0777686320384765, + 1.90612845180282, + 5.067652314342109, + -0.5395169856107278, + -1.110725374678268, + -1.2038890891279748, + -1.1039043520473226, + -0.8976522692624876, + -0.2295224377195006, + -1.0376614375587356, + -1.2419791628206798, + -0.388902676082497, + -1.0671918319374414, + -0.3922027406916032, + -3.7562444361664626, + -1.0531380866007645, + -1.069629408027311 + ], + "xaxis": "x5", + "y": [ + 0.6255185979004296, + 0.5345735998376685, + 0.07264829889875946, + 0.2502309608372232, + 0.23540547825522007, + 0.367563507771304, + 0.24410063205212018, + 0.38984987391719217, + 0.6595836044438769, + 0.4208291190340956, + 0.9004297082180698, + 0.977265673321554, + 0.608503452343989, + 0.490809212043269, + 0.8857162134072509, + 0.6964935727670276, + 0.9147660256267875, + 0.4915004634827894, + 0.3256814512510354, + 0.09752982518264752, + 0.32043883427566544, + 0.980757887591564, + 0.001598828206251457, + 0.1222678039678361, + 0.18720800489052014, + 0.38683012512080095, + 0.7462089162180577, + 0.26209236769443867, + 0.8348876530041988, + 0.8327799669507674, + 0.642696285749021, + 0.4004005315974374, + 0.8550468830130792, + 0.3949790994872556, + 0.11922867701074802, + 0.4311729534393678, + 0.11756378337747642, + 0.18087089363016928, + 0.9792479454985445, + 0.9952293225064708, + 0.94386442905806, + 0.9478260418857973, + 0.4074100328552158, + 0.41750361372322076, + 0.8609650939865879, + 0.00026051648109881587, + 0.10949980127665493, + 0.9038631175647082, + 0.8856817659680177, + 0.24875177962563788, + 0.09228930993892359, + 0.6183502339984127, + 0.4563910033934213, + 0.3403772920994993, + 0.43266315993153504, + 0.5305858291161558, + 0.22494272481204458, + 0.6326804723831735, + 0.1855572646352589, + 0.6483764592831281, + 0.5441456710130155, + 0.7472885807143861, + 0.9498838250101239, + 0.787990375569392, + 0.41484999652870436, + 0.1446884942001505, + 0.7813076986090103, + 0.9507806631047261, + 0.5558299014519227, + 0.8730497066486967, + 0.5422785806073147, + 0.9215670714478316, + 0.2519059889232792, + 0.10442161240023051, + 0.36085385118265234, + 0.6103141369294662, + 0.9263302391144353, + 0.7720527877441504, + 0.7719556433691638, + 0.23400787098938436, + 0.5096440238172313, + 0.8434515009841649, + 0.6421829244714168, + 0.278125189833313, + 0.11100180830617568, + 0.6023767743820998, + 0.12287403498565219, + 0.6623998517836118, + 0.8386514079608793, + 0.9251400363574989, + 0.9494118626592921, + 0.09833871210242495, + 0.9503790502613503, + 0.0420298601746546, + 0.45442592481426103, + 0.8837096551361487, + 0.097451688683037, + 0.9046747535574587, + 0.9176923475087055, + 0.2340856664342823, + 0.2700867437448845, + 0.6414261928823477, + 0.8009283659839137, + 0.8614852612117114, + 0.11747414874728579, + 0.2577084111012474, + 0.8123205359117333, + 0.3124967213698451, + 0.9488755376547352, + 0.4914320860514736, + 0.6043484014228959, + 0.9423038802518173, + 0.3008584650373607, + 0.21026611416887075, + 0.4303942207870377, + 0.25558792575399336, + 0.7132898872267848, + 0.23505601989371983, + 0.8980780286105908, + 0.5526117992370926, + 0.8398488358471288, + 0.9234275312317307, + 0.5128732568276588, + 0.3223206179321749, + 0.7892804189744723, + 0.3948118818210763, + 0.5374431851244458, + 0.004407689061967757, + 0.10580777675430497, + 0.7434924937082986, + 0.4974572417276193, + 0.510394738177518, + 0.4834147296441019, + 0.9626320626542396, + 0.7812272171055398, + 0.7244869200882439, + 0.8349475424858028 + ], + "yaxis": "y5" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#EF553B", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Sex_female", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Sex=Sex_female
shap=7.456", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Sex=Sex_female
shap=7.963", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Sex=Sex_female
shap=1.183", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Sex=Sex_female
shap=1.498", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Sex=Sex_female
shap=2.097", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Sex=Sex_female
shap=0.967", + "None=Glynn, Miss. Mary Agatha
Sex=Sex_female
shap=1.800", + "None=Devaney, Miss. Margaret Delia
Sex=Sex_female
shap=1.764", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Sex=Sex_female
shap=1.699", + "None=Rugg, Miss. Emily
Sex=Sex_female
shap=1.997", + "None=Ilett, Miss. Bertha
Sex=Sex_female
shap=1.995", + "None=Moran, Miss. Bertha
Sex=Sex_female
shap=1.517", + "None=Jussila, Miss. Katriina
Sex=Sex_female
shap=1.698", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Sex=Sex_female
shap=0.813", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Sex=Sex_female
shap=3.927", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Sex=Sex_female
shap=1.666", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Sex=Sex_female
shap=-0.040", + "None=Asplund, Miss. Lillian Gertrud
Sex=Sex_female
shap=0.849", + "None=Harknett, Miss. Alice Phoebe
Sex=Sex_female
shap=2.118", + "None=Thorne, Mrs. Gertrude Maybelle
Sex=Sex_female
shap=12.334", + "None=Parrish, Mrs. (Lutie Davis)
Sex=Sex_female
shap=1.372", + "None=Healy, Miss. Hanora \"Nora\"
Sex=Sex_female
shap=1.800", + "None=Andrews, Miss. Kornelia Theodosia
Sex=Sex_female
shap=5.470", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Sex=Sex_female
shap=1.175", + "None=Connolly, Miss. Kate
Sex=Sex_female
shap=1.775", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Sex=Sex_female
shap=-1.602", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Sex=Sex_female
shap=10.007", + "None=Burns, Miss. Elizabeth Margaret
Sex=Sex_female
shap=8.051", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Sex=Sex_female
shap=9.180", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Sex=Sex_female
shap=0.814", + "None=Minahan, Miss. Daisy E
Sex=Sex_female
shap=7.122", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Sex=Sex_female
shap=1.994", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Sex=Sex_female
shap=1.109", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Sex=Sex_female
shap=0.923", + "None=O'Sullivan, Miss. Bridget Mary
Sex=Sex_female
shap=1.853", + "None=Laitinen, Miss. Kristina Sofia
Sex=Sex_female
shap=2.360", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Sex=Sex_female
shap=1.835", + "None=Cacic, Miss. Marija
Sex=Sex_female
shap=2.137", + "None=Hart, Miss. Eva Miriam
Sex=Sex_female
shap=1.080", + "None=Ohman, Miss. Velin
Sex=Sex_female
shap=2.014", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Sex=Sex_female
shap=3.882", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Sex=Sex_female
shap=3.255", + "None=Bourke, Miss. Mary
Sex=Sex_female
shap=1.091", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Sex=Sex_female
shap=0.838", + "None=Shutes, Miss. Elizabeth W
Sex=Sex_female
shap=10.447", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Sex=Sex_female
shap=1.743", + "None=Stanley, Miss. Amy Zillah Elsie
Sex=Sex_female
shap=2.014", + "None=Hegarty, Miss. Hanora \"Nora\"
Sex=Sex_female
shap=1.818", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Sex=Sex_female
shap=1.135", + "None=Turja, Miss. Anna Sofia
Sex=Sex_female
shap=2.012", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Sex=Sex_female
shap=5.664", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
Sex=Sex_female
shap=1.608", + "None=Allen, Miss. Elisabeth Walton
Sex=Sex_female
shap=7.424", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Sex=Sex_female
shap=7.443", + "None=Hogeboom, Mrs. John C (Anna Andrews)
Sex=Sex_female
shap=5.459", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Sex=Sex_female
shap=0.396", + "None=Ayoub, Miss. Banoura
Sex=Sex_female
shap=1.862", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
Sex=Sex_female
shap=5.131", + "None=Sjoblom, Miss. Anna Sofia
Sex=Sex_female
shap=2.012", + "None=Leader, Dr. Alice (Farnham)
Sex=Sex_female
shap=8.597", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Sex=Sex_female
shap=0.991", + "None=Boulos, Miss. Nourelain
Sex=Sex_female
shap=1.062", + "None=Aks, Mrs. Sam (Leah Rosen)
Sex=Sex_female
shap=1.293" + ], + "type": "scattergl", + "x": [ + 7.456456149026643, + 7.962543675808243, + 1.1828840791212885, + 1.4979721552460705, + 2.0970668478940504, + 0.9669066804641551, + 1.7998901559150864, + 1.764353347573445, + 1.6985067182160158, + 1.9966974457646343, + 1.9946859378146415, + 1.5165757548229606, + 1.6975544199106651, + 0.8130664846516238, + 3.9267763482075124, + 1.6661233469483347, + -0.039719541362850386, + 0.8491290802985145, + 2.118060006188131, + 12.333815914668847, + 1.3716102938481063, + 1.7998901559150864, + 5.470332351601558, + 1.1746659496901448, + 1.774851586189469, + -1.601979304073335, + 10.0068853977143, + 8.051144022023035, + 9.180451487217162, + 0.8135615192808408, + 7.121816370048851, + 1.993733639509291, + 1.10908722749682, + 0.9231534752658466, + 1.8527559957517794, + 2.360400730806991, + 1.8354939432248014, + 2.137351150309782, + 1.0802020218341246, + 2.014489297933689, + 3.882176160824476, + 3.2550009892382503, + 1.0905733378851614, + 0.8380885679081221, + 10.446695517940531, + 1.7427268271018104, + 2.014489297933689, + 1.8181714857154883, + 1.1353635935902018, + 2.0124777899836968, + 5.664484783669266, + 1.6080880535014956, + 7.423834841618124, + 7.4433512289748895, + 5.459035462729456, + 0.3964419866334046, + 1.8619485627477363, + 5.1309492855492564, + 2.0124777899836968, + 8.597153875410593, + 0.990593864344937, + 1.0623392290784444, + 1.2930852164809297 + ], + "xaxis": "x5", + "y": [ + 0.6990004293949141, + 0.6968394075589652, + 0.46820136619998287, + 0.38023879598131327, + 0.5204036040047574, + 0.3466645938236571, + 0.7649983553011522, + 0.44001020501087873, + 0.2915526983383966, + 0.9557084550561431, + 0.5667025871245828, + 0.4338263215650603, + 0.07343336578284498, + 0.330927258119066, + 0.5714265919113861, + 0.8540399954422466, + 0.8826520973914505, + 0.44180813463523483, + 0.31922589779118615, + 0.8476887964945722, + 0.84728217386987, + 0.37372855830327434, + 0.6161248092945655, + 0.8529978839655938, + 0.6424072636686526, + 0.04624914618316567, + 0.23943266268634256, + 0.95049657120961, + 0.15111684577162565, + 0.1670034762675776, + 0.0007216738420884328, + 0.3974816716775884, + 0.9304777105767876, + 0.8246637585626164, + 0.3823883245348537, + 0.9436303365020327, + 0.3831797612039489, + 0.209562046058672, + 0.8111038817810088, + 0.8644371458741735, + 0.23490537197773997, + 0.9926777273806003, + 0.21497154646313865, + 0.2729425764347523, + 0.5430366138308909, + 0.14415044127498722, + 0.38977681484661, + 0.8427440940024091, + 0.8357077926563179, + 0.6945201597970544, + 0.9697552016506968, + 0.7124271910634836, + 0.8453856552164902, + 0.43211221339374306, + 0.7854810344265525, + 0.9478170984269574, + 0.8996936577912944, + 0.6439854997299548, + 0.6384405998992361, + 0.7550567707781588, + 0.028634054051197344, + 0.7078007006536124, + 0.8852033383596425 + ], + "yaxis": "y5" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#636EFA", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Deck_Unkown", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Palsson, Master. Gosta Leonard
Deck=Deck_Unkown
shap=-0.552", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Deck=Deck_Unkown
shap=0.390", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Deck=Deck_Unkown
shap=0.863", + "None=Saundercock, Mr. William Henry
Deck=Deck_Unkown
shap=-0.077", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Deck=Deck_Unkown
shap=0.663", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Deck=Deck_Unkown
shap=0.523", + "None=Glynn, Miss. Mary Agatha
Deck=Deck_Unkown
shap=0.738", + "None=Meyer, Mr. Edgar Joseph
Deck=Deck_Unkown
shap=-1.644", + "None=Kraeff, Mr. Theodor
Deck=Deck_Unkown
shap=-0.058", + "None=Devaney, Miss. Margaret Delia
Deck=Deck_Unkown
shap=0.771", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Deck=Deck_Unkown
shap=0.485", + "None=Rugg, Miss. Emily
Deck=Deck_Unkown
shap=0.805", + "None=Skoog, Master. Harald
Deck=Deck_Unkown
shap=-0.512", + "None=Kink, Mr. Vincenz
Deck=Deck_Unkown
shap=-0.291", + "None=Hood, Mr. Ambrose Jr
Deck=Deck_Unkown
shap=-0.080", + "None=Ilett, Miss. Bertha
Deck=Deck_Unkown
shap=0.805", + "None=Ford, Mr. William Neal
Deck=Deck_Unkown
shap=-0.452", + "None=Christmann, Mr. Emil
Deck=Deck_Unkown
shap=-0.060", + "None=Andreasson, Mr. Paul Edvin
Deck=Deck_Unkown
shap=-0.077", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Deck=Deck_Unkown
shap=-0.115", + "None=Rekic, Mr. Tido
Deck=Deck_Unkown
shap=0.048", + "None=Moran, Miss. Bertha
Deck=Deck_Unkown
shap=0.545", + "None=Barton, Mr. David John
Deck=Deck_Unkown
shap=-0.079", + "None=Jussila, Miss. Katriina
Deck=Deck_Unkown
shap=0.486", + "None=Pekoniemi, Mr. Edvard
Deck=Deck_Unkown
shap=-0.078", + "None=Turpin, Mr. William John Robert
Deck=Deck_Unkown
shap=-0.089", + "None=Moore, Mr. Leonard Charles
Deck=Deck_Unkown
shap=-0.115", + "None=Osen, Mr. Olaf Elon
Deck=Deck_Unkown
shap=-0.073", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Deck=Deck_Unkown
shap=-0.139", + "None=Bateman, Rev. Robert James
Deck=Deck_Unkown
shap=0.112", + "None=Meo, Mr. Alfonzo
Deck=Deck_Unkown
shap=0.134", + "None=Cribb, Mr. John Hatfield
Deck=Deck_Unkown
shap=-0.349", + "None=Sivola, Mr. Antti Wilhelm
Deck=Deck_Unkown
shap=-0.078", + "None=Klasen, Mr. Klas Albin
Deck=Deck_Unkown
shap=-0.532", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Deck=Deck_Unkown
shap=0.613", + "None=Vande Walle, Mr. Nestor Cyriel
Deck=Deck_Unkown
shap=-0.060", + "None=Backstrom, Mr. Karl Alfred
Deck=Deck_Unkown
shap=-0.127", + "None=Ali, Mr. Ahmed
Deck=Deck_Unkown
shap=-0.084", + "None=Green, Mr. George Henry
Deck=Deck_Unkown
shap=0.113", + "None=Nenkoff, Mr. Christo
Deck=Deck_Unkown
shap=-0.115", + "None=Asplund, Miss. Lillian Gertrud
Deck=Deck_Unkown
shap=-0.086", + "None=Harknett, Miss. Alice Phoebe
Deck=Deck_Unkown
shap=0.651", + "None=Hunt, Mr. George Henry
Deck=Deck_Unkown
shap=0.039", + "None=Reed, Mr. James George
Deck=Deck_Unkown
shap=-0.115", + "None=Thorne, Mrs. Gertrude Maybelle
Deck=Deck_Unkown
shap=9.146", + "None=Parrish, Mrs. (Lutie Davis)
Deck=Deck_Unkown
shap=0.592", + "None=Smith, Mr. Thomas
Deck=Deck_Unkown
shap=-0.090", + "None=Asplund, Master. Edvin Rojj Felix
Deck=Deck_Unkown
shap=-0.486", + "None=Healy, Miss. Hanora \"Nora\"
Deck=Deck_Unkown
shap=0.738", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Deck=Deck_Unkown
shap=0.294", + "None=Connolly, Miss. Kate
Deck=Deck_Unkown
shap=0.769", + "None=Lewy, Mr. Ervin G
Deck=Deck_Unkown
shap=-2.035", + "None=Williams, Mr. Howard Hugh \"Harry\"
Deck=Deck_Unkown
shap=-0.115", + "None=Sage, Mr. George John Jr
Deck=Deck_Unkown
shap=-0.517", + "None=Nysveen, Mr. Johan Hansen
Deck=Deck_Unkown
shap=0.133", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Deck=Deck_Unkown
shap=3.845", + "None=Denkoff, Mr. Mitto
Deck=Deck_Unkown
shap=-0.115", + "None=Dimic, Mr. Jovan
Deck=Deck_Unkown
shap=0.108", + "None=del Carlo, Mr. Sebastiano
Deck=Deck_Unkown
shap=-0.046", + "None=Beavan, Mr. William Thomas
Deck=Deck_Unkown
shap=-0.077", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Deck=Deck_Unkown
shap=6.834", + "None=Gustafsson, Mr. Karl Gideon
Deck=Deck_Unkown
shap=-0.077", + "None=Plotcharsky, Mr. Vasil
Deck=Deck_Unkown
shap=-0.115", + "None=Goodwin, Master. Sidney Leonard
Deck=Deck_Unkown
shap=-0.510", + "None=Sadlier, Mr. Matthew
Deck=Deck_Unkown
shap=-0.090", + "None=Gustafsson, Mr. Johan Birger
Deck=Deck_Unkown
shap=-0.281", + "None=Niskanen, Mr. Juha
Deck=Deck_Unkown
shap=0.097", + "None=Matthews, Mr. William John
Deck=Deck_Unkown
shap=-0.103", + "None=Charters, Mr. David
Deck=Deck_Unkown
shap=-0.056", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Deck=Deck_Unkown
shap=0.806", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Deck=Deck_Unkown
shap=0.409", + "None=Johannesen-Bratthammer, Mr. Bernt
Deck=Deck_Unkown
shap=-0.056", + "None=Milling, Mr. Jacob Christian
Deck=Deck_Unkown
shap=0.113", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Deck=Deck_Unkown
shap=0.310", + "None=Karlsson, Mr. Nils August
Deck=Deck_Unkown
shap=-0.079", + "None=Frost, Mr. Anthony Wood \"Archie\"
Deck=Deck_Unkown
shap=-0.116", + "None=Windelov, Mr. Einar
Deck=Deck_Unkown
shap=-0.078", + "None=Shellard, Mr. Frederick William
Deck=Deck_Unkown
shap=-0.115", + "None=Svensson, Mr. Olof
Deck=Deck_Unkown
shap=-0.084", + "None=O'Sullivan, Miss. Bridget Mary
Deck=Deck_Unkown
shap=0.639", + "None=Laitinen, Miss. Kristina Sofia
Deck=Deck_Unkown
shap=0.991", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Deck=Deck_Unkown
shap=-1.412", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Deck=Deck_Unkown
shap=0.886", + "None=Kassem, Mr. Fared
Deck=Deck_Unkown
shap=-0.058", + "None=Cacic, Miss. Marija
Deck=Deck_Unkown
shap=0.634", + "None=Hart, Miss. Eva Miriam
Deck=Deck_Unkown
shap=0.382", + "None=Beane, Mr. Edward
Deck=Deck_Unkown
shap=-0.068", + "None=Goldsmith, Mr. Frank John
Deck=Deck_Unkown
shap=-0.452", + "None=Ohman, Miss. Velin
Deck=Deck_Unkown
shap=0.806", + "None=Morrow, Mr. Thomas Rowan
Deck=Deck_Unkown
shap=-0.090", + "None=Harris, Mr. George
Deck=Deck_Unkown
shap=0.160", + "None=Patchett, Mr. George
Deck=Deck_Unkown
shap=-0.077", + "None=Murdlin, Mr. Joseph
Deck=Deck_Unkown
shap=-0.115", + "None=Bourke, Miss. Mary
Deck=Deck_Unkown
shap=0.289", + "None=Boulos, Mr. Hanna
Deck=Deck_Unkown
shap=-0.058", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Deck=Deck_Unkown
shap=0.435", + "None=Lindell, Mr. Edvard Bengtsson
Deck=Deck_Unkown
shap=0.017", + "None=Daniel, Mr. Robert Williams
Deck=Deck_Unkown
shap=-1.049", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Deck=Deck_Unkown
shap=0.565", + "None=Jardin, Mr. Jose Neto
Deck=Deck_Unkown
shap=-0.115", + "None=Horgan, Mr. John
Deck=Deck_Unkown
shap=-0.090", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Deck=Deck_Unkown
shap=0.455", + "None=Yasbeck, Mr. Antoni
Deck=Deck_Unkown
shap=-0.068", + "None=Bostandyeff, Mr. Guentcho
Deck=Deck_Unkown
shap=-0.083", + "None=Lundahl, Mr. Johan Svensson
Deck=Deck_Unkown
shap=0.113", + "None=Willey, Mr. Edward
Deck=Deck_Unkown
shap=-0.115", + "None=Stanley, Miss. Amy Zillah Elsie
Deck=Deck_Unkown
shap=0.806", + "None=Hegarty, Miss. Hanora \"Nora\"
Deck=Deck_Unkown
shap=0.672", + "None=Eitemiller, Mr. George Floyd
Deck=Deck_Unkown
shap=-0.081", + "None=Coleff, Mr. Peju
Deck=Deck_Unkown
shap=0.045", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Deck=Deck_Unkown
shap=0.345", + "None=Turja, Miss. Anna Sofia
Deck=Deck_Unkown
shap=0.807", + "None=Goodwin, Mr. Charles Edward
Deck=Deck_Unkown
shap=-0.510", + "None=Panula, Mr. Jaako Arnold
Deck=Deck_Unkown
shap=-0.552", + "None=Fischer, Mr. Eberhard Thelander
Deck=Deck_Unkown
shap=-0.078", + "None=Hansen, Mr. Henrik Juul
Deck=Deck_Unkown
shap=-0.111", + "None=Larsson, Mr. August Viktor
Deck=Deck_Unkown
shap=-0.060", + "None=Greenberg, Mr. Samuel
Deck=Deck_Unkown
shap=0.115", + "None=McEvoy, Mr. Michael
Deck=Deck_Unkown
shap=-0.090", + "None=Johnson, Mr. Malkolm Joackim
Deck=Deck_Unkown
shap=0.041", + "None=Gillespie, Mr. William Henry
Deck=Deck_Unkown
shap=0.033", + "None=Berriman, Mr. William John
Deck=Deck_Unkown
shap=-0.081", + "None=Troupiansky, Mr. Moses Aaron
Deck=Deck_Unkown
shap=-0.081", + "None=Williams, Mr. Leslie
Deck=Deck_Unkown
shap=-0.060", + "None=Ivanoff, Mr. Kanio
Deck=Deck_Unkown
shap=-0.115", + "None=McNamee, Mr. Neal
Deck=Deck_Unkown
shap=-0.112", + "None=Connaghton, Mr. Michael
Deck=Deck_Unkown
shap=-0.086", + "None=Carlsson, Mr. August Sigfrid
Deck=Deck_Unkown
shap=-0.060", + "None=Eklund, Mr. Hans Linus
Deck=Deck_Unkown
shap=-0.073", + "None=Moran, Mr. Daniel J
Deck=Deck_Unkown
shap=-0.118", + "None=Lievens, Mr. Rene Aime
Deck=Deck_Unkown
shap=-0.084", + "None=Ayoub, Miss. Banoura
Deck=Deck_Unkown
shap=1.058", + "None=Johnston, Mr. Andrew G
Deck=Deck_Unkown
shap=-0.473", + "None=Ali, Mr. William
Deck=Deck_Unkown
shap=-0.086", + "None=Sjoblom, Miss. Anna Sofia
Deck=Deck_Unkown
shap=0.807", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Deck=Deck_Unkown
shap=0.137", + "None=Thomas, Master. Assad Alexander
Deck=Deck_Unkown
shap=-0.354", + "None=Johansson, Mr. Karl Johan
Deck=Deck_Unkown
shap=-0.100", + "None=Slemen, Mr. Richard James
Deck=Deck_Unkown
shap=0.031", + "None=Tomlin, Mr. Ernest Portage
Deck=Deck_Unkown
shap=-0.101", + "None=McCormack, Mr. Thomas Joseph
Deck=Deck_Unkown
shap=-0.057", + "None=Richards, Master. George Sibley
Deck=Deck_Unkown
shap=-0.450", + "None=Mudd, Mr. Thomas Charles
Deck=Deck_Unkown
shap=-0.075", + "None=Lemberopolous, Mr. Peter L
Deck=Deck_Unkown
shap=0.181", + "None=Sage, Mr. Douglas Bullen
Deck=Deck_Unkown
shap=-0.517", + "None=Boulos, Miss. Nourelain
Deck=Deck_Unkown
shap=0.389", + "None=Aks, Mrs. Sam (Leah Rosen)
Deck=Deck_Unkown
shap=0.381", + "None=Razi, Mr. Raihed
Deck=Deck_Unkown
shap=-0.058", + "None=Johnson, Master. Harold Theodor
Deck=Deck_Unkown
shap=-0.438", + "None=Gustafsson, Mr. Alfred Ossian
Deck=Deck_Unkown
shap=-0.077", + "None=Montvila, Rev. Juozas
Deck=Deck_Unkown
shap=-0.084" + ], + "type": "scattergl", + "x": [ + -0.5519551435250087, + 0.3895962889078587, + 0.8628728922952235, + -0.0772216380622801, + 0.6630103957777729, + 0.5232211806461363, + 0.7384428938903355, + -1.6440360305156227, + -0.05787067715994998, + 0.7705647029964184, + 0.48494657102728844, + 0.8052355480267794, + -0.5121966502482981, + -0.29136729020683755, + -0.0796658116551554, + 0.8050269942198225, + -0.4516188179922647, + -0.05955787162967141, + -0.0772216380622801, + -0.11465501405601242, + 0.048326240684474775, + 0.5447277650610061, + -0.07912211807649572, + 0.48585473377716193, + -0.07815188382125648, + -0.08879460148598184, + -0.11465501405601242, + -0.0731819340095563, + -0.13923514754873406, + 0.11161305430147139, + 0.13432706930663507, + -0.34876439007560056, + -0.07815188382125648, + -0.5315466909414038, + 0.6132545420813565, + -0.05955787162967141, + -0.1274415129525167, + -0.08391896768905749, + 0.11312698213537031, + -0.11465501405601242, + -0.08643741268214583, + 0.6507050832651524, + 0.03947889324702647, + -0.11465501405601242, + 9.146198632835745, + 0.5915249794796471, + -0.09034166514062614, + -0.48583246054394486, + 0.7384428938903355, + 0.2941219809293091, + 0.7685728034815084, + -2.0346036421068803, + -0.11465501405601242, + -0.5173500486133622, + 0.13298927485951062, + 3.84533737891579, + -0.11465501405601242, + 0.10765038447744646, + -0.04635954806996323, + -0.0772216380622801, + 6.833771778590782, + -0.0772216380622801, + -0.11465501405601242, + -0.5102490865796998, + -0.09034166514062614, + -0.2810274170339679, + 0.09677961684618186, + -0.10297649504502293, + -0.055505225996731244, + 0.8056249532282116, + 0.4088731091708008, + -0.05566240638449227, + 0.11276941489670722, + 0.3102726953239743, + -0.07912211807649572, + -0.11616894188991134, + -0.07815188382125648, + -0.11465501405601242, + -0.08391896768905749, + 0.6389234781202854, + 0.9906162381730241, + -1.4120796651083296, + 0.8863772301388101, + -0.05787067715994998, + 0.6338240546798092, + 0.38180620499715034, + -0.06816613061083077, + -0.4518035604572467, + 0.805779241605439, + -0.09034166514062614, + 0.15960548534846863, + -0.0772216380622801, + -0.11465501405601242, + 0.288626382727446, + -0.05787067715994998, + 0.43540223734295225, + 0.01737179645091469, + -1.049168614985978, + 0.5646202066096417, + -0.11465501405601242, + -0.09034166514062614, + 0.4545435074191826, + -0.06818038150211791, + -0.08289263289572513, + 0.11312698213537031, + -0.11465501405601242, + 0.805779241605439, + 0.6722670328493063, + -0.08063604591039464, + 0.04509459847332631, + 0.3448615667127235, + 0.8065409220537214, + -0.5102490865796998, + -0.5519551435250087, + -0.07799402098479535, + -0.11061543491813641, + -0.05955787162967141, + 0.11518803388018195, + -0.09034166514062614, + 0.04099282108092539, + 0.03305449178865427, + -0.08063604591039464, + -0.08063604591039464, + -0.05955787162967141, + -0.11465501405601242, + -0.11164176971146889, + -0.08646521341527436, + -0.05955787162967141, + -0.0731819340095563, + -0.11789525701161374, + -0.08391896768905749, + 1.0576689532999852, + -0.4730882733673483, + -0.08567387988077102, + 0.8065409220537214, + 0.13661024185540682, + -0.35435162768745254, + -0.0997187109301052, + 0.031029457355770673, + -0.10146256721112401, + -0.057083012039305436, + -0.45018608561265683, + -0.07469586184345522, + 0.18122997089163195, + -0.5173500486133622, + 0.38870891593542445, + 0.38124330117145255, + -0.05787067715994998, + -0.43796431155335724, + -0.0772216380622801, + -0.08440656072962405 + ], + "xaxis": "x6", + "y": [ + 0.7225402376818355, + 0.5580825463566388, + 0.6364457847234815, + 0.2515275365504055, + 0.5127255834501888, + 0.4135035788492182, + 0.8666551769330125, + 0.9707216150224416, + 0.30048940738395835, + 0.7489940625667427, + 0.5610899571811253, + 0.7462446557896292, + 0.6431660709605835, + 0.802783788869578, + 0.08513784735422514, + 0.5969715277672902, + 0.499150077879043, + 0.07997647098244487, + 0.5494098720627046, + 0.31537468654914236, + 0.9273507502050897, + 0.5436370429071408, + 0.4943188256731229, + 0.5323388382346951, + 0.11947204505517073, + 0.06330418429258011, + 0.607533307676907, + 0.46357757625773843, + 0.33544907123709755, + 0.9013377922265513, + 0.9901284334388233, + 0.660183227691186, + 0.6376962779390104, + 0.8596973589537539, + 0.9897061014876616, + 0.941155106136479, + 0.6656425835382416, + 0.2972635336951146, + 0.31412990951208963, + 0.29598666472479107, + 0.5958435622106525, + 0.4197551076985272, + 0.10258390854402755, + 0.5249458898675317, + 0.6145661665235519, + 0.5156542689864436, + 0.4144935492359516, + 0.2997479259562793, + 0.5761107141915018, + 0.1731618278038961, + 0.30532219710557384, + 0.26530987888699353, + 0.15687560637461317, + 0.11379594349127997, + 0.8042257351790858, + 0.48780197955800564, + 0.4460638390691557, + 0.2315686273908153, + 0.23217911027213045, + 0.06927652472893853, + 0.08825006737821472, + 0.49324828345161253, + 0.11611672993976918, + 0.155270861665893, + 0.9100190950751617, + 0.19821050717885613, + 0.36207146956172453, + 0.9779781699275765, + 0.4248192866733701, + 0.6023874832780108, + 0.34226824184021365, + 0.019023958668728636, + 0.07057419584444535, + 0.003636923806910608, + 0.16539512129830425, + 0.9352144668705012, + 0.8103133051771393, + 0.9450533427297869, + 0.4898828342110956, + 0.6249114795048748, + 0.8939259949008739, + 0.09937655009767132, + 0.10675740601901273, + 0.07219094542805293, + 0.9599654801276633, + 0.2349827856306823, + 0.9956324514663213, + 0.8876408159611757, + 0.969946009520156, + 0.7978823706791517, + 0.9176174194918458, + 0.4636287794040306, + 0.6120672219326541, + 0.06610658468302433, + 0.9678706756783969, + 0.8936310310541281, + 0.3387317868798626, + 0.9312706607731945, + 0.3641794322579339, + 0.3910768661742091, + 0.8542809723562198, + 0.52696838017728, + 0.1042019713589406, + 0.47976337542639647, + 0.7835786527115541, + 0.11914092811063481, + 0.42761676464793275, + 0.6777031231865354, + 0.33011410783586637, + 0.17990523211534726, + 0.8313458534891661, + 0.9133898026985127, + 0.13164006882975965, + 0.5878970053193062, + 0.26039861120635643, + 0.7222329296584297, + 0.36804636293969306, + 0.04690048080415743, + 0.8120627670934194, + 0.4268159932062078, + 0.38020370033894213, + 0.7925867154350046, + 0.5831299651709595, + 0.24639402259043797, + 0.7294763130904173, + 0.5472980838691838, + 0.8361228174138473, + 0.4803450544557053, + 0.1683515335418737, + 0.8146460934581887, + 0.9811009008729515, + 0.012906260271579484, + 0.7549029346948808, + 0.2943503348674331, + 0.344545320812618, + 0.20583962319440696, + 0.9014232408037663, + 0.19078779811729407, + 0.5155880859404927, + 0.8991896784310088, + 0.2619027321551748, + 0.4766541500865208, + 0.8369227922417223, + 0.5957912110302291, + 0.2074043316020694, + 0.9628148738298716, + 0.1864173066186796, + 0.35704256097760456, + 0.863028789043256, + 0.6298346620643862, + 0.9181487903211104 + ], + "yaxis": "y6" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#EF553B", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Deck_B", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Van der hoef, Mr. Wyckoff
Deck=Deck_B
shap=3.545", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Deck=Deck_B
shap=11.588", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Deck=Deck_B
shap=9.104", + "None=Bishop, Mr. Dickinson H
Deck=Deck_B
shap=23.801", + "None=Butt, Major. Archibald Willingham
Deck=Deck_B
shap=4.355", + "None=Stahelin-Maeglin, Dr. Max
Deck=Deck_B
shap=31.244", + "None=Davidson, Mr. Thornton
Deck=Deck_B
shap=3.348", + "None=Allen, Miss. Elisabeth Walton
Deck=Deck_B
shap=3.138", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Deck=Deck_B
shap=3.163", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Deck=Deck_B
shap=4.528", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
Deck=Deck_B
shap=2.952", + "None=Guggenheim, Mr. Benjamin
Deck=Deck_B
shap=20.187", + "None=Carter, Master. William Thornton II
Deck=Deck_B
shap=11.477", + "None=Carlsson, Mr. Frans Olof
Deck=Deck_B
shap=4.321" + ], + "type": "scattergl", + "x": [ + 3.5446288159573247, + 11.587875029064568, + 9.104177305564356, + 23.800537131130643, + 4.3552055498052855, + 31.243956941528587, + 3.347955949568892, + 3.138008876086155, + 3.1627785036756046, + 4.527813599691167, + 2.952061491925593, + 20.1872893128926, + 11.477073463470678, + 4.320744351443549 + ], + "xaxis": "x6", + "y": [ + 0.0015514770485407503, + 0.33426553285488525, + 0.7451304793330734, + 0.174857996965313, + 0.5492232920131376, + 0.3254301244970399, + 0.3308256939980305, + 0.35200547269987803, + 0.060119844526628774, + 0.8578980316480092, + 0.6824689247513105, + 0.15587596721324937, + 0.4676653783780962, + 0.05427624186699853 + ], + "yaxis": "y6" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#00CC96", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Deck_C", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Deck=Deck_C
shap=-4.130", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Deck=Deck_C
shap=1.306", + "None=Harris, Mr. Henry Birkhardt
Deck=Deck_C
shap=2.331", + "None=Stead, Mr. William Thomas
Deck=Deck_C
shap=2.170", + "None=Widener, Mr. Harry Elkins
Deck=Deck_C
shap=-2.076", + "None=Minahan, Miss. Daisy E
Deck=Deck_C
shap=-1.718", + "None=Peuchen, Major. Arthur Godfrey
Deck=Deck_C
shap=-0.616", + "None=Penasco y Castellana, Mr. Victor de Satode
Deck=Deck_C
shap=-1.371", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Deck=Deck_C
shap=-1.714", + "None=Shutes, Miss. Elizabeth W
Deck=Deck_C
shap=-0.281", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Deck=Deck_C
shap=-1.769", + "None=Klaber, Mr. Herman
Deck=Deck_C
shap=4.321", + "None=Taylor, Mr. Elmer Zebley
Deck=Deck_C
shap=-0.003" + ], + "type": "scattergl", + "x": [ + -4.130448468990693, + 1.3057560593418147, + 2.3305186897872034, + 2.1697764280351906, + -2.075727694652406, + -1.7182838420265023, + -0.6163271932464759, + -1.3709318344130872, + -1.713587862976392, + -0.28136530557930106, + -1.7687291532926213, + 4.320667011915987, + -0.002829409542738137 + ], + "xaxis": "x6", + "y": [ + 0.24313836607772998, + 0.5024382061454145, + 0.6503566384701133, + 0.2530470022378768, + 0.6953664766686986, + 0.03554204684611306, + 0.05756089380669216, + 0.6561774295285204, + 0.3073216602166816, + 0.1896597576782557, + 0.8019059672819263, + 0.42501931311330166, + 0.5797607707452306 + ], + "yaxis": "y6" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#AB63FA", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Deck_E", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Chaffee, Mr. Herbert Fuller
Deck=Deck_E
shap=-3.432", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Deck=Deck_E
shap=-5.988", + "None=Burns, Miss. Elizabeth Margaret
Deck=Deck_E
shap=-8.439", + "None=Anderson, Mr. Harry
Deck=Deck_E
shap=-5.383", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Deck=Deck_E
shap=-5.615", + "None=Colley, Mr. Edward Pomeroy
Deck=Deck_E
shap=-3.659", + "None=Calderhead, Mr. Edward Pennington
Deck=Deck_E
shap=-5.462", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
Deck=Deck_E
shap=-0.930" + ], + "type": "scattergl", + "x": [ + -3.4319247626787455, + -5.988261655056949, + -8.439066367527433, + -5.383293263730214, + -5.614695288284533, + -3.65854366850848, + -5.462368322442627, + -0.930176930922342 + ], + "xaxis": "x6", + "y": [ + 0.8004065507272157, + 0.900935205209002, + 0.3206733548944165, + 0.8480867141999614, + 0.3534657953049708, + 0.1610075336023813, + 0.16721998670257032, + 0.0034382487673827455 + ], + "yaxis": "y6" + }, + { + "hoverinfo": "text", + "marker": { + "color": "#FFA15A", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Deck_D", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=White, Mr. Richard Frasar
Deck=Deck_D
shap=-14.228", + "None=Andrews, Miss. Kornelia Theodosia
Deck=Deck_D
shap=-7.666", + "None=Levy, Mr. Rene Jacques
Deck=Deck_D
shap=-1.619", + "None=Hassab, Mr. Hammad
Deck=Deck_D
shap=-9.147", + "None=Hogeboom, Mrs. John C (Anna Andrews)
Deck=Deck_D
shap=-7.829", + "None=Leader, Dr. Alice (Farnham)
Deck=Deck_D
shap=-8.540" + ], + "type": "scattergl", + "x": [ + -14.228050390047942, + -7.665548403242669, + -1.6191631356410245, + -9.146744769344487, + -7.8285181545799745, + -8.540315575222099 + ], + "xaxis": "x6", + "y": [ + 0.7571242145654455, + 0.7065306662357418, + 0.8530694939885379, + 0.8731235341733409, + 0.5313724738560759, + 0.11142415706881947 + ], + "yaxis": "y6" + }, + { + "hoverinfo": "text", + "marker": { + "color": "grey", + "opacity": 0.3, + "showscale": false, + "size": 5 + }, + "mode": "markers", + "name": "Other", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Deck=Deck_F
shap=-1.173", + "None=Rood, Mr. Hugh Roscoe
Deck=Deck_A
shap=-4.532", + "None=Blank, Mr. Henry
Deck=Deck_A
shap=-11.302", + "None=Smith, Mr. Richard William
Deck=Deck_A
shap=-4.532", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Deck=Deck_G
shap=-1.049", + "None=Ross, Mr. John Hugo
Deck=Deck_A
shap=-8.683", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Deck=Deck_A
shap=-8.939", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
Deck=Deck_F
shap=-0.859" + ], + "type": "scattergl", + "x": [ + -1.173218189286045, + -4.5321713212789465, + -11.30244124915202, + -4.5321713212789465, + -1.0486432635752128, + -8.683470615790911, + -8.939193139862388, + -0.8594674998907393 + ], + "xaxis": "x6", + "y": [ + 0.5654892738212326, + 0.004196217089709853, + 0.8853409288721723, + 0.9902034715351902, + 0.09555092650546326, + 0.471452093493246, + 0.34399755494486284, + 0.04628274194293136 ], - "xaxis": "x21", - "y": [ - 0.9624773285193903, - 0.887945485212245, - 0.8496507787696171, - 0.6434258133892835, - 0.6853316829740136, - 0.8494443048261131, - 0.379341161354938, - 0.5672834583899056, - 0.6427240600771716, - 0.8150590201926895, - 0.08400286240623511, - 0.4503964854314131, - 0.98617334722235, - 0.3947165560700402, - 0.7717811648283772, - 0.6872133942587564, - 0.6044152879668505, - 0.8392037506636123, - 0.8041375796357318, - 0.3207395508158347, - 0.6900622016397933, - 0.3869027754737968, - 0.8492061911790614, - 0.49531840877378197, - 0.9491641898343044, - 0.9512027605253205, - 0.7582960580166772, - 0.957215237622466, - 0.1960701358658411, - 0.6780699105555656, - 0.3615948776606416, - 0.5916955112921976, - 0.208952248129186, - 0.7990288426821051, - 0.870737235643055, - 0.3453656971706991, - 0.559363554027111, - 0.8213233236165999, - 0.9972167951039254, - 0.8794907689521263, - 0.45010069712572875, - 0.48019833843788395, - 0.9798560939775898, - 0.7947180304037981, - 0.25209924609022527, - 0.94065569832351, - 0.6366167181689253, - 0.7205240332770136, - 0.6172726110348333, - 0.9218093361005694, - 0.00322791144961021, - 0.5288829831349015, - 0.2180543585739666, - 0.2875386718573336, - 0.09758873629653775, - 0.8018260429777226, - 0.6955928467601273, - 0.36722467852683505, - 0.8648032326403312, - 0.2623845148091932, - 0.9327956428279107, - 0.7057599437872404, - 0.4328162117069182, - 0.16668919542667193, - 0.42623592741302896, - 0.8532092919704205, - 0.861448948170788, - 0.9421026154157444, - 0.1299939877490377, - 0.7065611674986054, - 0.8987807243633624, - 0.14006990611186954, - 0.46831173212115884, - 0.8498172640455066, - 0.30244132687838143, - 0.34359392335627836, - 0.6437110256729913, - 0.7190830560554734, - 0.42980719113773325, - 0.423935147852082, - 0.6632580723436973, - 0.020082620943551288, - 0.9261849950492794, - 0.8691544355159816, - 0.7795774043152465, - 0.2481778375476108, - 0.8391287451651639, - 0.45443049161200866, - 0.5175942677513942, - 0.9948854952375417, - 0.015397846055455355, - 0.8287797965764654, - 0.3858413256429307, - 0.16177003989050598, - 0.5781255869550207, - 0.798139820020461, - 0.2022435456549585, - 0.5830411191379463, - 0.9056380809601171, - 0.9105496335205535, - 0.39180797891655506, - 0.8040237051165379, - 0.2807742177086754, - 0.4747277727256001, - 0.4013368148581634, - 0.12609976791027788, - 0.23556119073045956, - 0.622056242777772, - 0.16581422614796526, - 0.09087854709338516, - 0.7594685791731756, - 0.34370928854407357, - 0.7181979235278253, - 0.3933693966844478, - 0.8103003678754933, - 0.5795455989457903, - 0.7792515575949972, - 0.889269988597129, - 0.1017486306340839, - 0.7686437699380648, - 0.2099767715818247, - 0.11262930134985571, - 0.3287790660440981, - 0.027950972456581957, - 0.002372097633767889, - 0.7016231437408474, - 0.8715808648979928, - 0.6427060622667284, - 0.9769860033605, - 0.5716149273053394, - 0.3633176064026631, - 0.5947502313257026, - 0.9922917548927265, - 0.8763387213302423, - 0.36900406337101466, - 0.08104495263464584, - 0.6464245481535296, - 0.629402159614434, - 0.12648837337003538, - 0.4171779699632382, - 0.2889797239359334, - 0.2203652171095608, - 0.6738902931825845, - 0.11655057019693815, - 0.8618889957142092, - 0.8693731545973606, - 0.3679867428246665, - 0.12722546232594434, - 0.4490141902374841, - 0.720063999411613, - 0.977891818063664, - 0.4236467986275134, - 0.2536405301977581, - 0.7931757927085953, - 0.8411064324094454, - 0.566290641894052, - 0.9675647753640371, - 0.8416740625711208, - 0.23765988818352113, - 0.3533760834446982, - 0.7731697234278915, - 0.18896562309470766, - 0.17309747433559786, - 0.419846100978853, - 0.6857253149879965, - 0.8229684761517816, - 0.35675465170527076, - 0.5291333861309446, - 0.27858648800993324, - 0.580914656127284, - 0.5686128697545888, - 0.7128800764849574, - 0.18909873446945946, - 0.7058546469503199, - 0.26737872492919357, - 0.778263071122608, - 0.7439290566157588, - 0.12090914328840163, - 0.9455358451381263, - 0.10819779171159549, - 0.48048046812441614, - 0.03637702139359722, - 0.6422581038254204, - 0.4225844697470643, - 0.7375336957258382, - 0.792586515090917, - 0.7445670880546568, - 0.4358552069954599, - 0.819321507767619, - 0.7809733127435718, - 0.7392414539542521, - 0.46646512110558636, - 0.7487067173840436, - 0.47685215867724495, - 0.9983889182322259, - 0.676838862527763, - 0.543314479814816, - 0.29601751560082634, - 0.822183611838782, - 0.9441958069852739 - ], - "yaxis": "y21" + "yaxis": "y6" }, { "hoverinfo": "text", "marker": { "color": [ + 1, + 1, 0, + 1, + 1, 0, 0, + 1, + 1, 0, 0, + 1, 0, + 1, 0, 0, 0, 0, + 1, 0, 0, 0, @@ -89961,6 +53061,7 @@ 0, 0, 0, + 1, 0, 0, 0, @@ -89972,81 +53073,130 @@ 0, 0, 0, + 1, 0, 0, 0, 0, + 1, + 1, 0, 0, + 1, 0, 0, 0, + 1, 0, 0, 0, 0, + 1, + 1, 0, + 1, + 1, + 1, + 1, 0, + 1, + 1, 0, 0, 0, 0, 0, + 1, 0, + 1, 0, 0, 0, + 1, 0, 0, 0, 0, 0, 0, + 1, + 1, + 1, 0, 0, + 1, + 1, + 1, + 1, + 1, 0, + 1, 0, 0, + 1, 0, 0, 0, 0, 0, 0, + 1, + 1, 0, 0, + 1, 0, + 1, 0, + 1, + 1, 0, + 1, + 1, 0, 0, 0, 0, 0, + 1, + 1, 0, + 1, + 1, + 1, 0, 0, 0, 0, 0, 0, + 1, 0, + 1, 0, 0, 0, 0, + 1, 0, + 1, + 1, 0, 0, 0, 0, + 1, 0, + 1, 0, + 1, 0, 0, + 1, 0, 0, 0, + 1, 0, 0, 0, @@ -90054,93 +53204,34 @@ 0, 0, 0, + 1, 0, + 1, 0, 0, + 1, + 1, + 1, 0, 0, + 1, 0, + 1, + 1, + 1, + 1, 0, 0, 0, + 1, + 1, 0, 0, 0, 0, + 1, 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, + 1, 0, 0, 0 @@ -90166,618 +53257,1457 @@ "size": 5 }, "mode": "markers", - "name": "Embarked_Unknown", + "name": "Survival", "opacity": 0.8, "showlegend": false, "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Embarked_Unknown=0
shap=0.0", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Embarked_Unknown=0
shap=0.0", - "index=Palsson, Master. Gosta Leonard
Embarked_Unknown=0
shap=0.0", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Embarked_Unknown=0
shap=0.0", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Embarked_Unknown=0
shap=0.0", - "index=Saundercock, Mr. William Henry
Embarked_Unknown=0
shap=0.0", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Embarked_Unknown=0
shap=0.0", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Embarked_Unknown=0
shap=0.0", - "index=Glynn, Miss. Mary Agatha
Embarked_Unknown=0
shap=0.0", - "index=Meyer, Mr. Edgar Joseph
Embarked_Unknown=0
shap=0.0", - "index=Kraeff, Mr. Theodor
Embarked_Unknown=0
shap=0.0", - "index=Devaney, Miss. Margaret Delia
Embarked_Unknown=0
shap=0.0", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Embarked_Unknown=0
shap=0.0", - "index=Rugg, Miss. Emily
Embarked_Unknown=0
shap=0.0", - "index=Harris, Mr. Henry Birkhardt
Embarked_Unknown=0
shap=0.0", - "index=Skoog, Master. Harald
Embarked_Unknown=0
shap=0.0", - "index=Kink, Mr. Vincenz
Embarked_Unknown=0
shap=0.0", - "index=Hood, Mr. Ambrose Jr
Embarked_Unknown=0
shap=0.0", - "index=Ilett, Miss. Bertha
Embarked_Unknown=0
shap=0.0", - "index=Ford, Mr. William Neal
Embarked_Unknown=0
shap=0.0", - "index=Christmann, Mr. Emil
Embarked_Unknown=0
shap=0.0", - "index=Andreasson, Mr. Paul Edvin
Embarked_Unknown=0
shap=0.0", - "index=Chaffee, Mr. Herbert Fuller
Embarked_Unknown=0
shap=0.0", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Embarked_Unknown=0
shap=0.0", - "index=White, Mr. Richard Frasar
Embarked_Unknown=0
shap=0.0", - "index=Rekic, Mr. Tido
Embarked_Unknown=0
shap=0.0", - "index=Moran, Miss. Bertha
Embarked_Unknown=0
shap=0.0", - "index=Barton, Mr. David John
Embarked_Unknown=0
shap=0.0", - "index=Jussila, Miss. Katriina
Embarked_Unknown=0
shap=0.0", - "index=Pekoniemi, Mr. Edvard
Embarked_Unknown=0
shap=0.0", - "index=Turpin, Mr. William John Robert
Embarked_Unknown=0
shap=0.0", - "index=Moore, Mr. Leonard Charles
Embarked_Unknown=0
shap=0.0", - "index=Osen, Mr. Olaf Elon
Embarked_Unknown=0
shap=0.0", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Embarked_Unknown=0
shap=0.0", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Embarked_Unknown=0
shap=0.0", - "index=Bateman, Rev. Robert James
Embarked_Unknown=0
shap=0.0", - "index=Meo, Mr. Alfonzo
Embarked_Unknown=0
shap=0.0", - "index=Cribb, Mr. John Hatfield
Embarked_Unknown=0
shap=0.0", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Embarked_Unknown=0
shap=0.0", - "index=Van der hoef, Mr. Wyckoff
Embarked_Unknown=0
shap=0.0", - "index=Sivola, Mr. Antti Wilhelm
Embarked_Unknown=0
shap=0.0", - "index=Klasen, Mr. Klas Albin
Embarked_Unknown=0
shap=0.0", - "index=Rood, Mr. Hugh Roscoe
Embarked_Unknown=0
shap=0.0", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Embarked_Unknown=0
shap=0.0", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Embarked_Unknown=0
shap=0.0", - "index=Vande Walle, Mr. Nestor Cyriel
Embarked_Unknown=0
shap=0.0", - "index=Backstrom, Mr. Karl Alfred
Embarked_Unknown=0
shap=0.0", - "index=Blank, Mr. Henry
Embarked_Unknown=0
shap=0.0", - "index=Ali, Mr. Ahmed
Embarked_Unknown=0
shap=0.0", - "index=Green, Mr. George Henry
Embarked_Unknown=0
shap=0.0", - "index=Nenkoff, Mr. Christo
Embarked_Unknown=0
shap=0.0", - "index=Asplund, Miss. Lillian Gertrud
Embarked_Unknown=0
shap=0.0", - "index=Harknett, Miss. Alice Phoebe
Embarked_Unknown=0
shap=0.0", - "index=Hunt, Mr. George Henry
Embarked_Unknown=0
shap=0.0", - "index=Reed, Mr. James George
Embarked_Unknown=0
shap=0.0", - "index=Stead, Mr. William Thomas
Embarked_Unknown=0
shap=0.0", - "index=Thorne, Mrs. Gertrude Maybelle
Embarked_Unknown=0
shap=0.0", - "index=Parrish, Mrs. (Lutie Davis)
Embarked_Unknown=0
shap=0.0", - "index=Smith, Mr. Thomas
Embarked_Unknown=0
shap=0.0", - "index=Asplund, Master. Edvin Rojj Felix
Embarked_Unknown=0
shap=0.0", - "index=Healy, Miss. Hanora \"Nora\"
Embarked_Unknown=0
shap=0.0", - "index=Andrews, Miss. Kornelia Theodosia
Embarked_Unknown=0
shap=0.0", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Embarked_Unknown=0
shap=0.0", - "index=Smith, Mr. Richard William
Embarked_Unknown=0
shap=0.0", - "index=Connolly, Miss. Kate
Embarked_Unknown=0
shap=0.0", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Embarked_Unknown=0
shap=0.0", - "index=Levy, Mr. Rene Jacques
Embarked_Unknown=0
shap=0.0", - "index=Lewy, Mr. Ervin G
Embarked_Unknown=0
shap=0.0", - "index=Williams, Mr. Howard Hugh \"Harry\"
Embarked_Unknown=0
shap=0.0", - "index=Sage, Mr. George John Jr
Embarked_Unknown=0
shap=0.0", - "index=Nysveen, Mr. Johan Hansen
Embarked_Unknown=0
shap=0.0", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Embarked_Unknown=0
shap=0.0", - "index=Denkoff, Mr. Mitto
Embarked_Unknown=0
shap=0.0", - "index=Burns, Miss. Elizabeth Margaret
Embarked_Unknown=0
shap=0.0", - "index=Dimic, Mr. Jovan
Embarked_Unknown=0
shap=0.0", - "index=del Carlo, Mr. Sebastiano
Embarked_Unknown=0
shap=0.0", - "index=Beavan, Mr. William Thomas
Embarked_Unknown=0
shap=0.0", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Embarked_Unknown=0
shap=0.0", - "index=Widener, Mr. Harry Elkins
Embarked_Unknown=0
shap=0.0", - "index=Gustafsson, Mr. Karl Gideon
Embarked_Unknown=0
shap=0.0", - "index=Plotcharsky, Mr. Vasil
Embarked_Unknown=0
shap=0.0", - "index=Goodwin, Master. Sidney Leonard
Embarked_Unknown=0
shap=0.0", - "index=Sadlier, Mr. Matthew
Embarked_Unknown=0
shap=0.0", - "index=Gustafsson, Mr. Johan Birger
Embarked_Unknown=0
shap=0.0", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Embarked_Unknown=0
shap=0.0", - "index=Niskanen, Mr. Juha
Embarked_Unknown=0
shap=0.0", - "index=Minahan, Miss. Daisy E
Embarked_Unknown=0
shap=0.0", - "index=Matthews, Mr. William John
Embarked_Unknown=0
shap=0.0", - "index=Charters, Mr. David
Embarked_Unknown=0
shap=0.0", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Embarked_Unknown=0
shap=0.0", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Embarked_Unknown=0
shap=0.0", - "index=Johannesen-Bratthammer, Mr. Bernt
Embarked_Unknown=0
shap=0.0", - "index=Peuchen, Major. Arthur Godfrey
Embarked_Unknown=0
shap=0.0", - "index=Anderson, Mr. Harry
Embarked_Unknown=0
shap=0.0", - "index=Milling, Mr. Jacob Christian
Embarked_Unknown=0
shap=0.0", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Embarked_Unknown=0
shap=0.0", - "index=Karlsson, Mr. Nils August
Embarked_Unknown=0
shap=0.0", - "index=Frost, Mr. Anthony Wood \"Archie\"
Embarked_Unknown=0
shap=0.0", - "index=Bishop, Mr. Dickinson H
Embarked_Unknown=0
shap=0.0", - "index=Windelov, Mr. Einar
Embarked_Unknown=0
shap=0.0", - "index=Shellard, Mr. Frederick William
Embarked_Unknown=0
shap=0.0", - "index=Svensson, Mr. Olof
Embarked_Unknown=0
shap=0.0", - "index=O'Sullivan, Miss. Bridget Mary
Embarked_Unknown=0
shap=0.0", - "index=Laitinen, Miss. Kristina Sofia
Embarked_Unknown=0
shap=0.0", - "index=Penasco y Castellana, Mr. Victor de Satode
Embarked_Unknown=0
shap=0.0", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Embarked_Unknown=0
shap=0.0", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Embarked_Unknown=0
shap=0.0", - "index=Kassem, Mr. Fared
Embarked_Unknown=0
shap=0.0", - "index=Cacic, Miss. Marija
Embarked_Unknown=0
shap=0.0", - "index=Hart, Miss. Eva Miriam
Embarked_Unknown=0
shap=0.0", - "index=Butt, Major. Archibald Willingham
Embarked_Unknown=0
shap=0.0", - "index=Beane, Mr. Edward
Embarked_Unknown=0
shap=0.0", - "index=Goldsmith, Mr. Frank John
Embarked_Unknown=0
shap=0.0", - "index=Ohman, Miss. Velin
Embarked_Unknown=0
shap=0.0", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Embarked_Unknown=0
shap=0.0", - "index=Morrow, Mr. Thomas Rowan
Embarked_Unknown=0
shap=0.0", - "index=Harris, Mr. George
Embarked_Unknown=0
shap=0.0", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Embarked_Unknown=0
shap=0.0", - "index=Patchett, Mr. George
Embarked_Unknown=0
shap=0.0", - "index=Ross, Mr. John Hugo
Embarked_Unknown=0
shap=0.0", - "index=Murdlin, Mr. Joseph
Embarked_Unknown=0
shap=0.0", - "index=Bourke, Miss. Mary
Embarked_Unknown=0
shap=0.0", - "index=Boulos, Mr. Hanna
Embarked_Unknown=0
shap=0.0", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Embarked_Unknown=0
shap=0.0", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Embarked_Unknown=0
shap=0.0", - "index=Lindell, Mr. Edvard Bengtsson
Embarked_Unknown=0
shap=0.0", - "index=Daniel, Mr. Robert Williams
Embarked_Unknown=0
shap=0.0", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Embarked_Unknown=0
shap=0.0", - "index=Shutes, Miss. Elizabeth W
Embarked_Unknown=0
shap=0.0", - "index=Jardin, Mr. Jose Neto
Embarked_Unknown=0
shap=0.0", - "index=Horgan, Mr. John
Embarked_Unknown=0
shap=0.0", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Embarked_Unknown=0
shap=0.0", - "index=Yasbeck, Mr. Antoni
Embarked_Unknown=0
shap=0.0", - "index=Bostandyeff, Mr. Guentcho
Embarked_Unknown=0
shap=0.0", - "index=Lundahl, Mr. Johan Svensson
Embarked_Unknown=0
shap=0.0", - "index=Stahelin-Maeglin, Dr. Max
Embarked_Unknown=0
shap=0.0", - "index=Willey, Mr. Edward
Embarked_Unknown=0
shap=0.0", - "index=Stanley, Miss. Amy Zillah Elsie
Embarked_Unknown=0
shap=0.0", - "index=Hegarty, Miss. Hanora \"Nora\"
Embarked_Unknown=0
shap=0.0", - "index=Eitemiller, Mr. George Floyd
Embarked_Unknown=0
shap=0.0", - "index=Colley, Mr. Edward Pomeroy
Embarked_Unknown=0
shap=0.0", - "index=Coleff, Mr. Peju
Embarked_Unknown=0
shap=0.0", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Embarked_Unknown=0
shap=0.0", - "index=Davidson, Mr. Thornton
Embarked_Unknown=0
shap=0.0", - "index=Turja, Miss. Anna Sofia
Embarked_Unknown=0
shap=0.0", - "index=Hassab, Mr. Hammad
Embarked_Unknown=0
shap=0.0", - "index=Goodwin, Mr. Charles Edward
Embarked_Unknown=0
shap=0.0", - "index=Panula, Mr. Jaako Arnold
Embarked_Unknown=0
shap=0.0", - "index=Fischer, Mr. Eberhard Thelander
Embarked_Unknown=0
shap=0.0", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Embarked_Unknown=0
shap=0.0", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Embarked_Unknown=0
shap=0.0", - "index=Hansen, Mr. Henrik Juul
Embarked_Unknown=0
shap=0.0", - "index=Calderhead, Mr. Edward Pennington
Embarked_Unknown=0
shap=0.0", - "index=Klaber, Mr. Herman
Embarked_Unknown=0
shap=0.0", - "index=Taylor, Mr. Elmer Zebley
Embarked_Unknown=0
shap=0.0", - "index=Larsson, Mr. August Viktor
Embarked_Unknown=0
shap=0.0", - "index=Greenberg, Mr. Samuel
Embarked_Unknown=0
shap=0.0", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Embarked_Unknown=0
shap=0.0", - "index=McEvoy, Mr. Michael
Embarked_Unknown=0
shap=0.0", - "index=Johnson, Mr. Malkolm Joackim
Embarked_Unknown=0
shap=0.0", - "index=Gillespie, Mr. William Henry
Embarked_Unknown=0
shap=0.0", - "index=Allen, Miss. Elisabeth Walton
Embarked_Unknown=0
shap=0.0", - "index=Berriman, Mr. William John
Embarked_Unknown=0
shap=0.0", - "index=Troupiansky, Mr. Moses Aaron
Embarked_Unknown=0
shap=0.0", - "index=Williams, Mr. Leslie
Embarked_Unknown=0
shap=0.0", - "index=Ivanoff, Mr. Kanio
Embarked_Unknown=0
shap=0.0", - "index=McNamee, Mr. Neal
Embarked_Unknown=0
shap=0.0", - "index=Connaghton, Mr. Michael
Embarked_Unknown=0
shap=0.0", - "index=Carlsson, Mr. August Sigfrid
Embarked_Unknown=0
shap=0.0", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Embarked_Unknown=0
shap=0.0", - "index=Eklund, Mr. Hans Linus
Embarked_Unknown=0
shap=0.0", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Embarked_Unknown=0
shap=0.0", - "index=Moran, Mr. Daniel J
Embarked_Unknown=0
shap=0.0", - "index=Lievens, Mr. Rene Aime
Embarked_Unknown=0
shap=0.0", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Embarked_Unknown=0
shap=0.0", - "index=Ayoub, Miss. Banoura
Embarked_Unknown=0
shap=0.0", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Embarked_Unknown=0
shap=0.0", - "index=Johnston, Mr. Andrew G
Embarked_Unknown=0
shap=0.0", - "index=Ali, Mr. William
Embarked_Unknown=0
shap=0.0", - "index=Sjoblom, Miss. Anna Sofia
Embarked_Unknown=0
shap=0.0", - "index=Guggenheim, Mr. Benjamin
Embarked_Unknown=0
shap=0.0", - "index=Leader, Dr. Alice (Farnham)
Embarked_Unknown=0
shap=0.0", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Embarked_Unknown=0
shap=0.0", - "index=Carter, Master. William Thornton II
Embarked_Unknown=0
shap=0.0", - "index=Thomas, Master. Assad Alexander
Embarked_Unknown=0
shap=0.0", - "index=Johansson, Mr. Karl Johan
Embarked_Unknown=0
shap=0.0", - "index=Slemen, Mr. Richard James
Embarked_Unknown=0
shap=0.0", - "index=Tomlin, Mr. Ernest Portage
Embarked_Unknown=0
shap=0.0", - "index=McCormack, Mr. Thomas Joseph
Embarked_Unknown=0
shap=0.0", - "index=Richards, Master. George Sibley
Embarked_Unknown=0
shap=0.0", - "index=Mudd, Mr. Thomas Charles
Embarked_Unknown=0
shap=0.0", - "index=Lemberopolous, Mr. Peter L
Embarked_Unknown=0
shap=0.0", - "index=Sage, Mr. Douglas Bullen
Embarked_Unknown=0
shap=0.0", - "index=Boulos, Miss. Nourelain
Embarked_Unknown=0
shap=0.0", - "index=Aks, Mrs. Sam (Leah Rosen)
Embarked_Unknown=0
shap=0.0", - "index=Razi, Mr. Raihed
Embarked_Unknown=0
shap=0.0", - "index=Johnson, Master. Harold Theodor
Embarked_Unknown=0
shap=0.0", - "index=Carlsson, Mr. Frans Olof
Embarked_Unknown=0
shap=0.0", - "index=Gustafsson, Mr. Alfred Ossian
Embarked_Unknown=0
shap=0.0", - "index=Montvila, Rev. Juozas
Embarked_Unknown=0
shap=0.0" + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Survival=1
shap=1.957", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Survival=1
shap=0.993", + "None=Palsson, Master. Gosta Leonard
Survival=0
shap=-0.189", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Survival=1
shap=0.478", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Survival=1
shap=0.573", + "None=Saundercock, Mr. William Henry
Survival=0
shap=-0.918", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Survival=0
shap=-0.836", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Survival=1
shap=0.334", + "None=Glynn, Miss. Mary Agatha
Survival=1
shap=1.446", + "None=Meyer, Mr. Edgar Joseph
Survival=0
shap=-3.469", + "None=Kraeff, Mr. Theodor
Survival=0
shap=-1.028", + "None=Devaney, Miss. Margaret Delia
Survival=1
shap=1.386", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Survival=0
shap=-0.687", + "None=Rugg, Miss. Emily
Survival=1
shap=0.679", + "None=Harris, Mr. Henry Birkhardt
Survival=0
shap=-1.296", + "None=Skoog, Master. Harald
Survival=0
shap=-0.149", + "None=Kink, Mr. Vincenz
Survival=0
shap=-0.441", + "None=Hood, Mr. Ambrose Jr
Survival=0
shap=-0.599", + "None=Ilett, Miss. Bertha
Survival=1
shap=0.679", + "None=Ford, Mr. William Neal
Survival=0
shap=-0.224", + "None=Christmann, Mr. Emil
Survival=0
shap=-0.928", + "None=Andreasson, Mr. Paul Edvin
Survival=0
shap=-0.918", + "None=Chaffee, Mr. Herbert Fuller
Survival=0
shap=-1.905", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Survival=0
shap=-0.948", + "None=White, Mr. Richard Frasar
Survival=0
shap=0.715", + "None=Rekic, Mr. Tido
Survival=0
shap=-1.087", + "None=Moran, Miss. Bertha
Survival=1
shap=0.996", + "None=Barton, Mr. David John
Survival=0
shap=-0.918", + "None=Jussila, Miss. Katriina
Survival=0
shap=-0.687", + "None=Pekoniemi, Mr. Edvard
Survival=0
shap=-0.918", + "None=Turpin, Mr. William John Robert
Survival=0
shap=-0.530", + "None=Moore, Mr. Leonard Charles
Survival=0
shap=-0.948", + "None=Osen, Mr. Olaf Elon
Survival=0
shap=-0.918", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Survival=0
shap=-0.092", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Survival=0
shap=-0.290", + "None=Bateman, Rev. Robert James
Survival=0
shap=-0.780", + "None=Meo, Mr. Alfonzo
Survival=0
shap=-1.127", + "None=Cribb, Mr. John Hatfield
Survival=0
shap=-0.529", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Survival=1
shap=0.561", + "None=Van der hoef, Mr. Wyckoff
Survival=0
shap=-8.147", + "None=Sivola, Mr. Antti Wilhelm
Survival=0
shap=-0.918", + "None=Klasen, Mr. Klas Albin
Survival=0
shap=-0.297", + "None=Rood, Mr. Hugh Roscoe
Survival=0
shap=-1.654", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Survival=1
shap=1.121", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Survival=1
shap=4.472", + "None=Vande Walle, Mr. Nestor Cyriel
Survival=0
shap=-0.928", + "None=Backstrom, Mr. Karl Alfred
Survival=0
shap=-0.856", + "None=Blank, Mr. Henry
Survival=1
shap=2.813", + "None=Ali, Mr. Ahmed
Survival=0
shap=-0.918", + "None=Green, Mr. George Henry
Survival=0
shap=-1.127", + "None=Nenkoff, Mr. Christo
Survival=0
shap=-0.948", + "None=Asplund, Miss. Lillian Gertrud
Survival=1
shap=0.125", + "None=Harknett, Miss. Alice Phoebe
Survival=0
shap=-0.861", + "None=Hunt, Mr. George Henry
Survival=0
shap=-0.732", + "None=Reed, Mr. James George
Survival=0
shap=-0.948", + "None=Stead, Mr. William Thomas
Survival=0
shap=-1.433", + "None=Thorne, Mrs. Gertrude Maybelle
Survival=1
shap=2.425", + "None=Parrish, Mrs. (Lutie Davis)
Survival=1
shap=0.873", + "None=Smith, Mr. Thomas
Survival=0
shap=-0.945", + "None=Asplund, Master. Edvin Rojj Felix
Survival=1
shap=0.135", + "None=Healy, Miss. Hanora \"Nora\"
Survival=1
shap=1.446", + "None=Andrews, Miss. Kornelia Theodosia
Survival=1
shap=1.330", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Survival=1
shap=0.561", + "None=Smith, Mr. Richard William
Survival=0
shap=-1.654", + "None=Connolly, Miss. Kate
Survival=1
shap=1.386", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Survival=1
shap=2.837", + "None=Levy, Mr. Rene Jacques
Survival=0
shap=-0.902", + "None=Lewy, Mr. Ervin G
Survival=0
shap=-3.690", + "None=Williams, Mr. Howard Hugh \"Harry\"
Survival=0
shap=-0.948", + "None=Sage, Mr. George John Jr
Survival=0
shap=-0.292", + "None=Nysveen, Mr. Johan Hansen
Survival=0
shap=-1.120", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Survival=1
shap=1.661", + "None=Denkoff, Mr. Mitto
Survival=0
shap=-0.948", + "None=Burns, Miss. Elizabeth Margaret
Survival=1
shap=2.642", + "None=Dimic, Mr. Jovan
Survival=0
shap=-1.097", + "None=del Carlo, Mr. Sebastiano
Survival=0
shap=-0.643", + "None=Beavan, Mr. William Thomas
Survival=0
shap=-0.918", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Survival=1
shap=2.243", + "None=Widener, Mr. Harry Elkins
Survival=0
shap=0.695", + "None=Gustafsson, Mr. Karl Gideon
Survival=0
shap=-0.918", + "None=Plotcharsky, Mr. Vasil
Survival=0
shap=-0.948", + "None=Goodwin, Master. Sidney Leonard
Survival=0
shap=-0.241", + "None=Sadlier, Mr. Matthew
Survival=0
shap=-0.945", + "None=Gustafsson, Mr. Johan Birger
Survival=0
shap=-0.447", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Survival=1
shap=0.428", + "None=Niskanen, Mr. Juha
Survival=1
shap=1.991", + "None=Minahan, Miss. Daisy E
Survival=1
shap=1.063", + "None=Matthews, Mr. William John
Survival=0
shap=-0.610", + "None=Charters, Mr. David
Survival=0
shap=-0.914", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Survival=1
shap=0.679", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Survival=1
shap=0.392", + "None=Johannesen-Bratthammer, Mr. Bernt
Survival=1
shap=1.721", + "None=Peuchen, Major. Arthur Godfrey
Survival=1
shap=1.294", + "None=Anderson, Mr. Harry
Survival=1
shap=1.673", + "None=Milling, Mr. Jacob Christian
Survival=0
shap=-0.780", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Survival=1
shap=0.337", + "None=Karlsson, Mr. Nils August
Survival=0
shap=-0.918", + "None=Frost, Mr. Anthony Wood \"Archie\"
Survival=0
shap=-0.630", + "None=Bishop, Mr. Dickinson H
Survival=1
shap=4.746", + "None=Windelov, Mr. Einar
Survival=0
shap=-0.918", + "None=Shellard, Mr. Frederick William
Survival=0
shap=-0.948", + "None=Svensson, Mr. Olof
Survival=0
shap=-0.918", + "None=O'Sullivan, Miss. Bridget Mary
Survival=0
shap=-0.885", + "None=Laitinen, Miss. Kristina Sofia
Survival=0
shap=-0.994", + "None=Penasco y Castellana, Mr. Victor de Satode
Survival=0
shap=-1.284", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Survival=1
shap=1.937", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Survival=1
shap=0.729", + "None=Kassem, Mr. Fared
Survival=0
shap=-1.028", + "None=Cacic, Miss. Marija
Survival=0
shap=-0.842", + "None=Hart, Miss. Eva Miriam
Survival=1
shap=0.326", + "None=Butt, Major. Archibald Willingham
Survival=0
shap=-8.158", + "None=Beane, Mr. Edward
Survival=1
shap=0.794", + "None=Goldsmith, Mr. Frank John
Survival=0
shap=-0.430", + "None=Ohman, Miss. Velin
Survival=1
shap=1.546", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Survival=1
shap=0.696", + "None=Morrow, Mr. Thomas Rowan
Survival=0
shap=-0.945", + "None=Harris, Mr. George
Survival=1
shap=1.080", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Survival=1
shap=0.814", + "None=Patchett, Mr. George
Survival=0
shap=-0.918", + "None=Ross, Mr. John Hugo
Survival=0
shap=-5.165", + "None=Murdlin, Mr. Joseph
Survival=0
shap=-0.948", + "None=Bourke, Miss. Mary
Survival=0
shap=-0.343", + "None=Boulos, Mr. Hanna
Survival=0
shap=-1.028", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Survival=1
shap=2.555", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Survival=1
shap=4.398", + "None=Lindell, Mr. Edvard Bengtsson
Survival=0
shap=-0.916", + "None=Daniel, Mr. Robert Williams
Survival=1
shap=1.909", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Survival=1
shap=0.284", + "None=Shutes, Miss. Elizabeth W
Survival=1
shap=1.104", + "None=Jardin, Mr. Jose Neto
Survival=0
shap=-0.948", + "None=Horgan, Mr. John
Survival=0
shap=-0.945", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Survival=0
shap=-0.687", + "None=Yasbeck, Mr. Antoni
Survival=0
shap=-0.826", + "None=Bostandyeff, Mr. Guentcho
Survival=0
shap=-0.918", + "None=Lundahl, Mr. Johan Svensson
Survival=0
shap=-1.127", + "None=Stahelin-Maeglin, Dr. Max
Survival=1
shap=5.662", + "None=Willey, Mr. Edward
Survival=0
shap=-0.948", + "None=Stanley, Miss. Amy Zillah Elsie
Survival=1
shap=1.546", + "None=Hegarty, Miss. Hanora \"Nora\"
Survival=0
shap=-0.855", + "None=Eitemiller, Mr. George Floyd
Survival=0
shap=-0.599", + "None=Colley, Mr. Edward Pomeroy
Survival=0
shap=-2.061", + "None=Coleff, Mr. Peju
Survival=0
shap=-1.113", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Survival=1
shap=0.392", + "None=Davidson, Mr. Thornton
Survival=0
shap=-5.889", + "None=Turja, Miss. Anna Sofia
Survival=1
shap=1.546", + "None=Hassab, Mr. Hammad
Survival=1
shap=1.760", + "None=Goodwin, Mr. Charles Edward
Survival=0
shap=-0.241", + "None=Panula, Mr. Jaako Arnold
Survival=0
shap=-0.189", + "None=Fischer, Mr. Eberhard Thelander
Survival=0
shap=-0.918", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
Survival=0
shap=-1.002", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Survival=1
shap=0.894", + "None=Hansen, Mr. Henrik Juul
Survival=0
shap=-0.738", + "None=Calderhead, Mr. Edward Pennington
Survival=1
shap=1.650", + "None=Klaber, Mr. Herman
Survival=0
shap=-0.275", + "None=Taylor, Mr. Elmer Zebley
Survival=1
shap=1.119", + "None=Larsson, Mr. August Viktor
Survival=0
shap=-0.928", + "None=Greenberg, Mr. Samuel
Survival=0
shap=-0.780", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
Survival=1
shap=0.618", + "None=McEvoy, Mr. Michael
Survival=0
shap=-0.945", + "None=Johnson, Mr. Malkolm Joackim
Survival=0
shap=-1.079", + "None=Gillespie, Mr. William Henry
Survival=0
shap=-0.766", + "None=Allen, Miss. Elisabeth Walton
Survival=1
shap=2.269", + "None=Berriman, Mr. William John
Survival=0
shap=-0.599", + "None=Troupiansky, Mr. Moses Aaron
Survival=0
shap=-0.599", + "None=Williams, Mr. Leslie
Survival=0
shap=-0.928", + "None=Ivanoff, Mr. Kanio
Survival=0
shap=-0.948", + "None=McNamee, Mr. Neal
Survival=0
shap=-0.738", + "None=Connaghton, Mr. Michael
Survival=0
shap=-0.931", + "None=Carlsson, Mr. August Sigfrid
Survival=0
shap=-0.928", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Survival=1
shap=2.454", + "None=Eklund, Mr. Hans Linus
Survival=0
shap=-0.918", + "None=Hogeboom, Mrs. John C (Anna Andrews)
Survival=1
shap=1.355", + "None=Moran, Mr. Daniel J
Survival=0
shap=-0.745", + "None=Lievens, Mr. Rene Aime
Survival=0
shap=-0.918", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Survival=1
shap=1.176", + "None=Ayoub, Miss. Banoura
Survival=1
shap=1.423", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
Survival=1
shap=2.069", + "None=Johnston, Mr. Andrew G
Survival=0
shap=-0.260", + "None=Ali, Mr. William
Survival=0
shap=-0.918", + "None=Sjoblom, Miss. Anna Sofia
Survival=1
shap=1.546", + "None=Guggenheim, Mr. Benjamin
Survival=0
shap=-11.527", + "None=Leader, Dr. Alice (Farnham)
Survival=1
shap=1.490", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Survival=1
shap=0.316", + "None=Carter, Master. William Thornton II
Survival=1
shap=1.097", + "None=Thomas, Master. Assad Alexander
Survival=1
shap=0.674", + "None=Johansson, Mr. Karl Johan
Survival=0
shap=-0.935", + "None=Slemen, Mr. Richard James
Survival=0
shap=-0.766", + "None=Tomlin, Mr. Ernest Portage
Survival=0
shap=-0.928", + "None=McCormack, Mr. Thomas Joseph
Survival=1
shap=1.557", + "None=Richards, Master. George Sibley
Survival=1
shap=0.309", + "None=Mudd, Mr. Thomas Charles
Survival=0
shap=-0.599", + "None=Lemberopolous, Mr. Peter L
Survival=0
shap=-1.351", + "None=Sage, Mr. Douglas Bullen
Survival=0
shap=-0.292", + "None=Boulos, Miss. Nourelain
Survival=0
shap=-0.439", + "None=Aks, Mrs. Sam (Leah Rosen)
Survival=1
shap=0.653", + "None=Razi, Mr. Raihed
Survival=0
shap=-1.028", + "None=Johnson, Master. Harold Theodor
Survival=1
shap=0.472", + "None=Carlsson, Mr. Frans Olof
Survival=0
shap=-7.378", + "None=Gustafsson, Mr. Alfred Ossian
Survival=0
shap=-0.918", + "None=Montvila, Rev. Juozas
Survival=0
shap=-0.599" + ], + "type": "scattergl", + "x": [ + 1.9570067188109943, + 0.9931359243567494, + -0.18870606903324963, + 0.478131565961083, + 0.5727660263034339, + -0.9175757918491587, + -0.8355947923133833, + 0.333629753232523, + 1.4456431351004446, + -3.4688338239194016, + -1.027815075369798, + 1.385521395875585, + -0.6871367936450311, + 0.6788478317533427, + -1.2962569743916759, + -0.1488159691715287, + -0.44096472667663994, + -0.5991491561235801, + 0.6788478317533427, + -0.22388140926303593, + -0.9283273860327454, + -0.9175757918491587, + -1.9048345183158635, + -0.9478092251168133, + 0.7148354680066209, + -1.0874681383495886, + 0.9962678363125075, + -0.9175757918491587, + -0.6871367936450311, + -0.9175757918491587, + -0.5299378861112596, + -0.9478092251168133, + -0.9175757918491587, + -0.09168318046904796, + -0.29036397904031697, + -0.7803254302508014, + -1.1272843733797642, + -0.5292195506376124, + 0.5609270949358447, + -8.147088005909668, + -0.9175757918491587, + -0.29669120874453353, + -1.6539976303164232, + 1.1214036571881205, + 4.4715682742841345, + -0.9283273860327454, + -0.8564825173232125, + 2.812715146444304, + -0.9175757918491585, + -1.1272843733797642, + -0.9478092251168133, + 0.12482115134861302, + -0.861097268992195, + -0.7318503777292896, + -0.9478092251168133, + -1.432977177470691, + 2.4248315810434358, + 0.87285597301236, + -0.9445108498061638, + 0.13524759268628778, + 1.4456431351004446, + 1.329649337425885, + 0.5611295078940619, + -1.6539976303164232, + 1.385521395875585, + 2.8372630389112916, + -0.9019454583909968, + -3.6902561629322275, + -0.9478092251168133, + -0.2919427084812787, + -1.1199316054448565, + 1.6613307615454462, + -0.9478092251168133, + 2.6418886677792006, + -1.0974686676002472, + -0.6427005464520018, + -0.9175757918491587, + 2.2426243613433074, + 0.695185100895059, + -0.9175757918491587, + -0.9478092251168133, + -0.24073950026364452, + -0.9445108498061638, + -0.4473054104259346, + 0.42798120975528675, + 1.9914414033550067, + 1.0634174645818664, + -0.6099007503071668, + -0.914277416538509, + 0.6788478317533427, + 0.3924019478912879, + 1.7207381178494072, + 1.294344787575763, + 1.673432897484545, + -0.7803254302508014, + 0.3368217619408224, + -0.9175757918491587, + -0.6304346545728109, + 4.746173139081626, + -0.9175757918491587, + -0.9478092251168133, + -0.9175757918491585, + -0.8847431006426179, + -0.9940270739771735, + -1.2841605167863341, + 1.9371650496088082, + 0.7292153337576335, + -1.027815075369798, + -0.8416154299081271, + 0.3258042303811183, + -8.157540178870144, + 0.7942290955839217, + -0.4298478531515744, + 1.5462908675611893, + 0.6957413099587809, + -0.9445108498061638, + 1.0796247224002753, + 0.8137999462979073, + -0.9175757918491587, + -5.165434600824458, + -0.9478092251168133, + -0.3434798875424948, + -1.027815075369798, + 2.554995807150594, + 4.398446390527024, + -0.9160176763266307, + 1.9088519651442866, + 0.2837067332396644, + 1.1037106206393812, + -0.9478092251168133, + -0.9445108498061638, + -0.6871367936450311, + -0.8256927144442463, + -0.9175757918491585, + -1.1272843733797642, + 5.662128359903526, + -0.9478092251168133, + 1.5462908675611893, + -0.8545096673749633, + -0.5991491561235801, + -2.0613743718889874, + -1.1126427574786506, + 0.3924019478912879, + -5.888822511897659, + 1.5462908675611893, + 1.7603995892234554, + -0.24073950026364452, + -0.18870606903324963, + -0.9175757918491587, + -1.0023087760789828, + 0.8936445277407328, + -0.7382057628177073, + 1.6500514489754072, + -0.2753697205796481, + 1.1190372083515108, + -0.9283273860327454, + -0.7803254302508014, + 0.6176947743993142, + -0.9445108498061638, + -1.0788093208582523, + -0.7656838143496877, + 2.2685537689696904, + -0.5991491561235801, + -0.5991491561235801, + -0.9283273860327454, + -0.9478092251168133, + -0.7382057628177073, + -0.9313854352331565, + -0.9283273860327454, + 2.4541812665594294, + -0.9175757918491587, + 1.3549140323109619, + -0.744572443798825, + -0.9175757918491585, + 1.176234837670685, + 1.4230942369147515, + 2.0685863089869265, + -0.25961109093339907, + -0.9175757918491585, + 1.5462908675611893, + -11.52689887646887, + 1.4904955030503755, + 0.31586589922938424, + 1.0973783502134518, + 0.6738527489866879, + -0.934683810543806, + -0.7656838143496877, + -0.9283273860327454, + 1.557274225467695, + 0.30943138949812143, + -0.5991491561235801, + -1.3506456315909932, + -0.2919427084812787, + -0.43882693319831856, + 0.6527698569040074, + -1.027815075369798, + 0.4724635094099347, + -7.3780422544405, + -0.9175757918491587, + -0.5991491561235801 ], - "type": "scatter", - "x": [ - 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, - 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, - 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, - 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, - 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, - 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, - 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, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0 + "xaxis": "x7", + "y": [ + 0.45374774720983024, + 0.7606041047617651, + 0.6257844659492124, + 0.49736676199595964, + 0.6555028748894753, + 0.02716540557390157, + 0.792791467721635, + 0.7929780488442281, + 0.746158255595942, + 0.4085422221538815, + 0.13464671536427375, + 0.7250159458807403, + 0.7940670074914126, + 0.04092469861126924, + 0.14021053272597306, + 0.24563305499436572, + 0.6557683049772074, + 0.5160733433011028, + 0.7554675295845366, + 0.7059130677992989, + 0.6949267537220791, + 0.8342025929370577, + 0.5604429117688179, + 0.19829230340287995, + 0.07601864851944751, + 0.24329852178626576, + 0.06537632751914835, + 0.30414118064524664, + 0.6898036674868888, + 0.5496334833833889, + 0.10079108598385345, + 0.09190236267315277, + 0.3506074357872856, + 0.0927590840219309, + 0.7868764056571799, + 0.9799631369942254, + 0.4206245022312566, + 0.43979507375603577, + 0.9108960968306927, + 0.06427211649206199, + 0.9623006901695638, + 0.6683908281836012, + 0.2269778557386113, + 0.853675634678276, + 0.27117386391294973, + 0.8088656199557607, + 0.2865418052729145, + 0.17395410484386997, + 0.0006797038526503707, + 0.2184048138539184, + 0.6250716016456466, + 0.8965217997042512, + 0.4054775592904941, + 0.9259504641882308, + 0.9502980778517762, + 0.10789600103841535, + 0.7154434065108352, + 0.14393964087797706, + 0.9105246155476248, + 0.5124735746051859, + 0.0007130951524869644, + 0.022477921829015868, + 0.3525432159553926, + 0.3370028484192311, + 0.9101107521198868, + 0.026149450785813433, + 0.06058737666353453, + 0.5647269874471675, + 0.15258257938516961, + 0.8708268264279404, + 0.9636913143745223, + 0.6757180637991351, + 0.05561491731924306, + 0.6305062842959646, + 0.4425464065504754, + 0.1438117277455726, + 0.5512835369918095, + 0.48068929667712945, + 0.7457334854632975, + 0.4285355518534778, + 0.0323114521255321, + 0.19800772729490645, + 0.5413327243031812, + 0.9719418465424747, + 0.4597727255933183, + 0.06495849074361981, + 0.12151380434703007, + 0.5524338099103002, + 0.7741206427586229, + 0.8067313120127073, + 0.18783045610401183, + 0.910778049324345, + 0.6801960860815726, + 0.8947091805603056, + 0.7177124263965514, + 0.05499478283097803, + 0.6739206123064364, + 0.11028045268951514, + 0.7195895466570995, + 0.574784383964892, + 0.5150031763805587, + 0.059952853305787035, + 0.6115613211566526, + 0.7170946218285724, + 0.520399234956005, + 0.16094462985686486, + 0.5834230855507253, + 0.9668554766449221, + 0.8490797478222804, + 0.09440043868208114, + 0.4974162323083946, + 0.6905177139887428, + 0.9880328769662425, + 0.7476637912668712, + 0.16407165719824424, + 0.3636457619775404, + 0.8478068251083409, + 0.8753588322398916, + 0.49510140726989704, + 0.23473944705151772, + 0.8743184580201039, + 0.2248265026825994, + 0.5133202645576831, + 0.6307665325596103, + 0.3953938750065692, + 0.585535327192217, + 0.5370549718879043, + 0.1867995520303365, + 0.6949645131088319, + 0.5233424732851764, + 0.2138677561990986, + 0.38459971596191245, + 0.6960255631675514, + 0.14914868036456685, + 0.830581645032613, + 0.9378626424202549, + 0.8483519176979325, + 0.665895088255635, + 0.6597248861850709, + 0.82864166914128, + 0.40082043525350275, + 0.499230661673118, + 0.3098336878972512, + 0.14183114498274052, + 0.6040037640785828, + 0.36116825364989136, + 0.9612002400773327, + 0.7302959484766348, + 0.16726887264359236, + 0.2617610388108742, + 0.07188911590932656, + 0.6485294875673345, + 0.943326765109046, + 0.4855915488938327, + 0.518685759927763, + 0.40525831019160696, + 0.28527496168492983, + 0.9400006992117438, + 0.8007214783278996, + 0.733841006675941, + 0.26100038899146993, + 0.3716751310240545, + 0.5325500885860097, + 0.18882435306379552, + 0.7894605671865015, + 0.7114146229282675, + 0.6929741147863059, + 0.10208418031690858, + 0.7578993359265807, + 0.6880584916943714, + 0.17580998506644907, + 0.83049146908896, + 0.2809694167215294, + 0.14781803375905544, + 0.586900684137791, + 0.9735898091117652, + 0.9193543117587438, + 0.08574764037696248, + 0.5397329533970321, + 0.0685941106988106, + 0.232273089837717, + 0.7941910879258783, + 0.9765568794876063, + 0.463752625101959, + 0.714731525814802, + 0.49519455600331597, + 0.9127403039081895, + 0.6242207741283607, + 0.1587060722925726, + 0.2741777213135339, + 0.23304160126714502, + 0.7110902102863974, + 0.5453772896004646, + 0.6413752803647788, + 0.07941039563248475, + 0.291594519598949, + 0.6198129277558202, + 0.7846045801989038, + 0.6414425850059051, + 0.6433542011077531 + ], + "yaxis": "y7" + }, + { + "hoverinfo": "text", + "marker": { + "color": [ + 38, + 35, + 2, + 27, + 14, + 20, + 14, + 38, + null, + 28, + null, + 19, + 18, + 21, + 45, + 4, + 26, + 21, + 17, + 16, + 29, + 20, + 46, + null, + 21, + 38, + null, + 22, + 20, + 21, + 29, + null, + 16, + 9, + 36.5, + 51, + 55.5, + 44, + null, + 61, + 21, + 18, + null, + 19, + 44, + 28, + 32, + 40, + 24, + 51, + null, + 5, + null, + 33, + null, + 62, + null, + 50, + null, + 3, + null, + 63, + 35, + null, + 22, + 19, + 36, + null, + null, + null, + 61, + null, + null, + 41, + 42, + 29, + 19, + null, + 27, + 19, + null, + 1, + null, + 28, + 24, + 39, + 33, + 30, + 21, + 19, + 45, + null, + 52, + 48, + 48, + 33, + 22, + null, + 25, + 21, + null, + 24, + null, + 37, + 18, + null, + 36, + null, + 30, + 7, + 45, + 32, + 33, + 22, + 39, + null, + 62, + 53, + 19, + 36, + null, + null, + null, + 49, + 35, + 36, + 27, + 22, + 40, + null, + null, + 26, + 27, + 26, + 51, + 32, + null, + 23, + 18, + 23, + 47, + 36, + 40, + 31, + 18, + 27, + 14, + 14, + 18, + 42, + 18, + 26, + 42, + null, + 48, + 29, + 52, + 27, + null, + 33, + 34, + 29, + 23, + 23, + 28.5, + null, + 24, + 31, + 28, + 33, + 16, + 51, + null, + 24, + 43, + 13, + 17, + null, + 25, + 18, + 46, + 49, + 31, + 11, + 0.42, + 31, + 35, + 30.5, + null, + 0.83, + 16, + 34.5, + null, + 9, + 18, + null, + 4, + 33, + 20, + 27 + ], + "colorbar": { + "showticklabels": false, + "title": { + "text": "feature value
(red is high)" + } + }, + "colorscale": [ + [ + 0, + "rgb(0,0,255)" + ], + [ + 1, + "rgb(255,0,0)" + ] + ], + "opacity": 0.3, + "showscale": true, + "size": 5 + }, + "mode": "markers", + "name": "Age", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
shap=7.294", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
shap=5.299", + "None=Palsson, Master. Gosta Leonard
Age=2.0
shap=0.491", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=27.0
shap=-0.329", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
shap=-0.299", + "None=Saundercock, Mr. William Henry
Age=20.0
shap=-0.011", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Age=14.0
shap=0.184", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=38.0
shap=0.435", + "None=Glynn, Miss. Mary Agatha
Age=nan
shap=-0.108", + "None=Meyer, Mr. Edgar Joseph
Age=28.0
shap=-2.582", + "None=Kraeff, Mr. Theodor
Age=nan
shap=0.121", + "None=Devaney, Miss. Margaret Delia
Age=19.0
shap=-0.555", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=18.0
shap=-0.280", + "None=Rugg, Miss. Emily
Age=21.0
shap=-0.366", + "None=Harris, Mr. Henry Birkhardt
Age=45.0
shap=-1.571", + "None=Skoog, Master. Harald
Age=4.0
shap=0.357", + "None=Kink, Mr. Vincenz
Age=26.0
shap=-0.062", + "None=Hood, Mr. Ambrose Jr
Age=21.0
shap=0.018", + "None=Ilett, Miss. Bertha
Age=17.0
shap=0.464", + "None=Ford, Mr. William Neal
Age=16.0
shap=0.135", + "None=Christmann, Mr. Emil
Age=29.0
shap=-0.252", + "None=Andreasson, Mr. Paul Edvin
Age=20.0
shap=-0.011", + "None=Chaffee, Mr. Herbert Fuller
Age=46.0
shap=-0.616", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Age=nan
shap=0.343", + "None=White, Mr. Richard Frasar
Age=21.0
shap=2.686", + "None=Rekic, Mr. Tido
Age=38.0
shap=0.540", + "None=Moran, Miss. Bertha
Age=nan
shap=-0.107", + "None=Barton, Mr. David John
Age=22.0
shap=-0.023", + "None=Jussila, Miss. Katriina
Age=20.0
shap=-0.337", + "None=Pekoniemi, Mr. Edvard
Age=21.0
shap=-0.026", + "None=Turpin, Mr. William John Robert
Age=29.0
shap=-0.271", + "None=Moore, Mr. Leonard Charles
Age=nan
shap=0.343", + "None=Osen, Mr. Olaf Elon
Age=16.0
shap=0.131", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Age=9.0
shap=0.286", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=36.5
shap=1.011", + "None=Bateman, Rev. Robert James
Age=51.0
shap=0.320", + "None=Meo, Mr. Alfonzo
Age=55.5
shap=0.012", + "None=Cribb, Mr. John Hatfield
Age=44.0
shap=0.058", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Age=nan
shap=3.755", + "None=Van der hoef, Mr. Wyckoff
Age=61.0
shap=-2.261", + "None=Sivola, Mr. Antti Wilhelm
Age=21.0
shap=-0.026", + "None=Klasen, Mr. Klas Albin
Age=18.0
shap=0.107", + "None=Rood, Mr. Hugh Roscoe
Age=nan
shap=1.759", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=19.0
shap=-0.452", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Age=44.0
shap=5.828", + "None=Vande Walle, Mr. Nestor Cyriel
Age=28.0
shap=0.069", + "None=Backstrom, Mr. Karl Alfred
Age=32.0
shap=-0.179", + "None=Blank, Mr. Henry
Age=40.0
shap=3.683", + "None=Ali, Mr. Ahmed
Age=24.0
shap=-0.024", + "None=Green, Mr. George Henry
Age=51.0
shap=0.236", + "None=Nenkoff, Mr. Christo
Age=nan
shap=0.343", + "None=Asplund, Miss. Lillian Gertrud
Age=5.0
shap=0.194", + "None=Harknett, Miss. Alice Phoebe
Age=nan
shap=0.170", + "None=Hunt, Mr. George Henry
Age=33.0
shap=0.481", + "None=Reed, Mr. James George
Age=nan
shap=0.343", + "None=Stead, Mr. William Thomas
Age=62.0
shap=-2.660", + "None=Thorne, Mrs. Gertrude Maybelle
Age=nan
shap=-4.277", + "None=Parrish, Mrs. (Lutie Davis)
Age=50.0
shap=3.662", + "None=Smith, Mr. Thomas
Age=nan
shap=0.215", + "None=Asplund, Master. Edvin Rojj Felix
Age=3.0
shap=0.229", + "None=Healy, Miss. Hanora \"Nora\"
Age=nan
shap=-0.108", + "None=Andrews, Miss. Kornelia Theodosia
Age=63.0
shap=-1.548", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Age=35.0
shap=1.210", + "None=Smith, Mr. Richard William
Age=nan
shap=1.759", + "None=Connolly, Miss. Kate
Age=22.0
shap=-0.568", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Age=19.0
shap=-4.351", + "None=Levy, Mr. Rene Jacques
Age=36.0
shap=2.132", + "None=Lewy, Mr. Ervin G
Age=nan
shap=0.136", + "None=Williams, Mr. Howard Hugh \"Harry\"
Age=nan
shap=0.343", + "None=Sage, Mr. George John Jr
Age=nan
shap=1.872", + "None=Nysveen, Mr. Johan Hansen
Age=61.0
shap=0.026", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=nan
shap=-0.920", + "None=Denkoff, Mr. Mitto
Age=nan
shap=0.343", + "None=Burns, Miss. Elizabeth Margaret
Age=41.0
shap=4.131", + "None=Dimic, Mr. Jovan
Age=42.0
shap=0.076", + "None=del Carlo, Mr. Sebastiano
Age=29.0
shap=-0.477", + "None=Beavan, Mr. William Thomas
Age=19.0
shap=-0.011", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=nan
shap=-4.179", + "None=Widener, Mr. Harry Elkins
Age=27.0
shap=2.836", + "None=Gustafsson, Mr. Karl Gideon
Age=19.0
shap=-0.011", + "None=Plotcharsky, Mr. Vasil
Age=nan
shap=0.343", + "None=Goodwin, Master. Sidney Leonard
Age=1.0
shap=-1.452", + "None=Sadlier, Mr. Matthew
Age=nan
shap=0.215", + "None=Gustafsson, Mr. Johan Birger
Age=28.0
shap=0.147", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=24.0
shap=-0.267", + "None=Niskanen, Mr. Juha
Age=39.0
shap=0.830", + "None=Minahan, Miss. Daisy E
Age=33.0
shap=3.678", + "None=Matthews, Mr. William John
Age=30.0
shap=-0.116", + "None=Charters, Mr. David
Age=21.0
shap=-0.107", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=19.0
shap=-0.358", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=45.0
shap=0.331", + "None=Johannesen-Bratthammer, Mr. Bernt
Age=nan
shap=0.254", + "None=Peuchen, Major. Arthur Godfrey
Age=52.0
shap=-2.205", + "None=Anderson, Mr. Harry
Age=48.0
shap=-0.813", + "None=Milling, Mr. Jacob Christian
Age=48.0
shap=0.396", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=33.0
shap=0.430", + "None=Karlsson, Mr. Nils August
Age=22.0
shap=-0.023", + "None=Frost, Mr. Anthony Wood \"Archie\"
Age=nan
shap=-0.193", + "None=Bishop, Mr. Dickinson H
Age=25.0
shap=-2.557", + "None=Windelov, Mr. Einar
Age=21.0
shap=-0.026", + "None=Shellard, Mr. Frederick William
Age=nan
shap=0.343", + "None=Svensson, Mr. Olof
Age=24.0
shap=-0.024", + "None=O'Sullivan, Miss. Bridget Mary
Age=nan
shap=-0.003", + "None=Laitinen, Miss. Kristina Sofia
Age=37.0
shap=1.184", + "None=Penasco y Castellana, Mr. Victor de Satode
Age=18.0
shap=0.933", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Age=nan
shap=1.073", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=36.0
shap=1.419", + "None=Kassem, Mr. Fared
Age=nan
shap=0.121", + "None=Cacic, Miss. Marija
Age=30.0
shap=-0.285", + "None=Hart, Miss. Eva Miriam
Age=7.0
shap=0.476", + "None=Butt, Major. Archibald Willingham
Age=45.0
shap=-0.120", + "None=Beane, Mr. Edward
Age=32.0
shap=0.055", + "None=Goldsmith, Mr. Frank John
Age=33.0
shap=0.282", + "None=Ohman, Miss. Velin
Age=22.0
shap=-0.414", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=39.0
shap=0.603", + "None=Morrow, Mr. Thomas Rowan
Age=nan
shap=0.215", + "None=Harris, Mr. George
Age=62.0
shap=0.498", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=53.0
shap=-7.076", + "None=Patchett, Mr. George
Age=19.0
shap=-0.011", + "None=Ross, Mr. John Hugo
Age=36.0
shap=13.178", + "None=Murdlin, Mr. Joseph
Age=nan
shap=0.343", + "None=Bourke, Miss. Mary
Age=nan
shap=0.079", + "None=Boulos, Mr. Hanna
Age=nan
shap=0.121", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=49.0
shap=-0.670", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Age=35.0
shap=22.702", + "None=Lindell, Mr. Edvard Bengtsson
Age=36.0
shap=0.910", + "None=Daniel, Mr. Robert Williams
Age=27.0
shap=-0.792", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=22.0
shap=-0.617", + "None=Shutes, Miss. Elizabeth W
Age=40.0
shap=0.712", + "None=Jardin, Mr. Jose Neto
Age=nan
shap=0.343", + "None=Horgan, Mr. John
Age=nan
shap=0.215", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=26.0
shap=-0.443", + "None=Yasbeck, Mr. Antoni
Age=27.0
shap=-0.505", + "None=Bostandyeff, Mr. Guentcho
Age=26.0
shap=-0.188", + "None=Lundahl, Mr. Johan Svensson
Age=51.0
shap=0.236", + "None=Stahelin-Maeglin, Dr. Max
Age=32.0
shap=3.866", + "None=Willey, Mr. Edward
Age=nan
shap=0.343", + "None=Stanley, Miss. Amy Zillah Elsie
Age=23.0
shap=-0.408", + "None=Hegarty, Miss. Hanora \"Nora\"
Age=18.0
shap=-0.259", + "None=Eitemiller, Mr. George Floyd
Age=23.0
shap=0.041", + "None=Colley, Mr. Edward Pomeroy
Age=47.0
shap=-1.201", + "None=Coleff, Mr. Peju
Age=36.0
shap=1.077", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Age=40.0
shap=0.164", + "None=Davidson, Mr. Thornton
Age=31.0
shap=0.473", + "None=Turja, Miss. Anna Sofia
Age=18.0
shap=-0.308", + "None=Hassab, Mr. Hammad
Age=27.0
shap=-3.491", + "None=Goodwin, Mr. Charles Edward
Age=14.0
shap=-1.434", + "None=Panula, Mr. Jaako Arnold
Age=14.0
shap=0.340", + "None=Fischer, Mr. Eberhard Thelander
Age=18.0
shap=0.088", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
Age=42.0
shap=-0.052", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Age=18.0
shap=-2.559", + "None=Hansen, Mr. Henrik Juul
Age=26.0
shap=-0.314", + "None=Calderhead, Mr. Edward Pennington
Age=42.0
shap=-0.149", + "None=Klaber, Mr. Herman
Age=nan
shap=3.608", + "None=Taylor, Mr. Elmer Zebley
Age=48.0
shap=-1.314", + "None=Larsson, Mr. August Viktor
Age=29.0
shap=-0.252", + "None=Greenberg, Mr. Samuel
Age=52.0
shap=0.200", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
Age=27.0
shap=-0.273", + "None=McEvoy, Mr. Michael
Age=nan
shap=0.215", + "None=Johnson, Mr. Malkolm Joackim
Age=33.0
shap=0.492", + "None=Gillespie, Mr. William Henry
Age=34.0
shap=1.392", + "None=Allen, Miss. Elisabeth Walton
Age=29.0
shap=-1.294", + "None=Berriman, Mr. William John
Age=23.0
shap=0.041", + "None=Troupiansky, Mr. Moses Aaron
Age=23.0
shap=0.041", + "None=Williams, Mr. Leslie
Age=28.5
shap=0.069", + "None=Ivanoff, Mr. Kanio
Age=nan
shap=0.343", + "None=McNamee, Mr. Neal
Age=24.0
shap=-0.114", + "None=Connaghton, Mr. Michael
Age=31.0
shap=-0.223", + "None=Carlsson, Mr. August Sigfrid
Age=28.0
shap=0.069", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Age=33.0
shap=1.497", + "None=Eklund, Mr. Hans Linus
Age=16.0
shap=0.131", + "None=Hogeboom, Mrs. John C (Anna Andrews)
Age=51.0
shap=-1.553", + "None=Moran, Mr. Daniel J
Age=nan
shap=0.241", + "None=Lievens, Mr. Rene Aime
Age=24.0
shap=-0.024", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Age=43.0
shap=-1.454", + "None=Ayoub, Miss. Banoura
Age=13.0
shap=-0.333", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
Age=17.0
shap=-1.061", + "None=Johnston, Mr. Andrew G
Age=nan
shap=0.307", + "None=Ali, Mr. William
Age=25.0
shap=-0.145", + "None=Sjoblom, Miss. Anna Sofia
Age=18.0
shap=-0.308", + "None=Guggenheim, Mr. Benjamin
Age=46.0
shap=4.066", + "None=Leader, Dr. Alice (Farnham)
Age=49.0
shap=-1.754", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Age=31.0
shap=-0.216", + "None=Carter, Master. William Thornton II
Age=11.0
shap=7.176", + "None=Thomas, Master. Assad Alexander
Age=0.42
shap=0.047", + "None=Johansson, Mr. Karl Johan
Age=31.0
shap=-0.157", + "None=Slemen, Mr. Richard James
Age=35.0
shap=1.354", + "None=Tomlin, Mr. Ernest Portage
Age=30.5
shap=-0.146", + "None=McCormack, Mr. Thomas Joseph
Age=nan
shap=0.084", + "None=Richards, Master. George Sibley
Age=0.83
shap=0.241", + "None=Mudd, Mr. Thomas Charles
Age=16.0
shap=0.887", + "None=Lemberopolous, Mr. Peter L
Age=34.5
shap=2.974", + "None=Sage, Mr. Douglas Bullen
Age=nan
shap=1.872", + "None=Boulos, Miss. Nourelain
Age=9.0
shap=-0.080", + "None=Aks, Mrs. Sam (Leah Rosen)
Age=18.0
shap=-0.250", + "None=Razi, Mr. Raihed
Age=nan
shap=0.121", + "None=Johnson, Master. Harold Theodor
Age=4.0
shap=0.310", + "None=Carlsson, Mr. Frans Olof
Age=33.0
shap=1.967", + "None=Gustafsson, Mr. Alfred Ossian
Age=20.0
shap=-0.011", + "None=Montvila, Rev. Juozas
Age=27.0
shap=-0.177" + ], + "type": "scattergl", + "x": [ + 7.293561110068257, + 5.299210818746949, + 0.49146947999602514, + -0.3289497753688725, + -0.2993422625913043, + -0.010847887635784417, + 0.18361189714203432, + 0.4349752748826714, + -0.10846875520901202, + -2.5817112224149867, + 0.1209166256908297, + -0.555363526786045, + -0.2802871501212023, + -0.36601031093832925, + -1.5707824363601188, + 0.357457939438461, + -0.06212847760804008, + 0.017871878382685724, + 0.4642483857199418, + 0.13487100226011825, + -0.25244405402655706, + -0.010847887635784417, + -0.6160672037217677, + 0.3432846212117614, + 2.6857691969929274, + 0.5396406170836882, + -0.10656546087931314, + -0.02260474993744398, + -0.33663604638183564, + -0.025524497565680076, + -0.27138160761253194, + 0.3432846212117614, + 0.13053604025766255, + 0.2859002988353086, + 1.0108338637996555, + 0.3202254835988891, + 0.011862263039156792, + 0.05784977134794637, + 3.7551603566552543, + -2.2607947885004025, + -0.025524497565680076, + 0.10728326041188828, + 1.7588309377839306, + -0.45211483619269727, + 5.828218326019894, + 0.06877764227324058, + -0.17873918163407615, + 3.6834360545865863, + -0.024116470864005705, + 0.23582397512366554, + 0.3432846212117614, + 0.1941510277383721, + 0.16975824533169923, + 0.48117457920525925, + 0.3432846212117614, + -2.6596933976116905, + -4.276577291044247, + 3.6624655137567284, + 0.2154455940418241, + 0.22941241203144466, + -0.10846875520901202, + -1.5484681774737894, + 1.2103837027383102, + 1.7588309377839306, + -0.5681640950539681, + -4.350700000244729, + 2.132082138270907, + 0.1361033457152938, + 0.3432846212117614, + 1.8718706014557478, + 0.026253128243196804, + -0.9196891091968266, + 0.3432846212117614, + 4.130746755957855, + 0.07558907452507205, + -0.4768170380943938, + -0.010847887635784417, + -4.178576631962444, + 2.835964436613428, + -0.010847887635784417, + 0.3432846212117614, + -1.4518603486733395, + 0.2154455940418241, + 0.14695328157244458, + -0.2669378451608998, + 0.8297733278340897, + 3.6783640765844905, + -0.11639593091124148, + -0.10706952693955157, + -0.3575082973737318, + 0.33082275127322425, + 0.2540337107544315, + -2.2046265475537443, + -0.8129297764047908, + 0.39605843609818586, + 0.4297190007605634, + -0.02260474993744398, + -0.19312194671376368, + -2.5570924386032887, + -0.025524497565680076, + 0.3432846212117614, + -0.024116470864005705, + -0.0034055061281179537, + 1.183613169085186, + 0.9326354999214804, + 1.0727215261997967, + 1.4192129390277155, + 0.1209166256908297, + -0.28517876015729837, + 0.47573120231683513, + -0.1199047615383532, + 0.05517944991031064, + 0.2818636636428384, + -0.41439718183019913, + 0.603102463159512, + 0.2154455940418241, + 0.49772586629912247, + -7.076163199321902, + -0.010847887635784417, + 13.178025453661913, + 0.3432846212117614, + 0.07916704263608788, + 0.1209166256908297, + -0.6703751824071789, + 22.702355620310833, + 0.9096828705310643, + -0.7916787003766437, + -0.6168666426587055, + 0.712113064244633, + 0.3432846212117614, + 0.2154455940418241, + -0.44266967423404696, + -0.5053248869219937, + -0.18770031665854364, + 0.23582397512366554, + 3.865525785897028, + 0.3432846212117614, + -0.40805125871519654, + -0.2591498830222993, + 0.040838877444872204, + -1.2010396695137937, + 1.0773925019503388, + 0.1643491666532003, + 0.4734796895894062, + -0.30801969370349974, + -3.490951981848301, + -1.4336322984098664, + 0.340309019535249, + 0.08804273794385263, + -0.051755140207516946, + -2.558826526750774, + -0.3144048763857761, + -0.1491697040983184, + 3.608429150095552, + -1.3135953995112193, + -0.25244405402655706, + 0.20017824922060407, + -0.27339955286484263, + 0.2154455940418241, + 0.4917054192613568, + 1.39222519767839, + -1.294131274411247, + 0.040838877444872204, + 0.040838877444872204, + 0.06877764227324058, + 0.3432846212117614, + -0.11369062995504578, + -0.22263082789104732, + 0.06877764227324058, + 1.4972606844215075, + 0.13053604025766255, + -1.5530756581590988, + 0.2410450566010706, + -0.024116470864005705, + -1.453660028111668, + -0.3325009634674424, + -1.061000091466146, + 0.3066631261464099, + -0.14508073399210775, + -0.30801969370349974, + 4.066088522820349, + -1.7541598894670425, + -0.21636875898058314, + 7.175988073420611, + 0.04674931565031752, + -0.1568357728429055, + 1.3540543523109436, + -0.14563047773773347, + 0.08360078993972513, + 0.24115724658871793, + 0.8874676309295747, + 2.973642832438085, + 1.8718706014557478, + -0.08014679281902957, + -0.2499833916954793, + 0.1209166256908297, + 0.3102624466755316, + 1.9668027039473852, + -0.010847887635784417, + -0.1766273180314128 + ], + "xaxis": "x8", + "y": [ + 0.2740686725002399, + 0.033485858954377945, + 0.6094304740249461, + 0.6257515068842154, + 0.35934312213860964, + 0.204071114259872, + 0.09433574641360698, + 0.13378253888503688, + 0.09266145253706526, + 0.05696579166637372, + 0.011803756106297136, + 0.4111170529673873, + 0.5395390608459614, + 0.7484766943431094, + 0.5352120276669083, + 0.8932424819491989, + 0.28422108058868545, + 0.177562551555577, + 0.4503796871601592, + 0.8221475390153972, + 0.2628149063466, + 0.7916019099800061, + 0.36839437037797496, + 0.6990026055481493, + 0.09857477825166083, + 0.598476621307294, + 0.9507348635855468, + 0.9932570069272212, + 0.3758883876554413, + 0.8366223369461122, + 0.6818395256711046, + 0.01882521703202622, + 0.4267197482565308, + 0.5361409489818668, + 0.4492371313500667, + 0.7689375416688449, + 0.5140642413406654, + 0.7326865299507332, + 0.3940317454217066, + 0.038917619656003044, + 0.770394175007345, + 0.48071516146980797, + 0.6020972019199919, + 0.237080746120934, + 0.949817753807005, + 0.5170961951125717, + 0.40070223242040903, + 0.12458018728133047, + 0.4082478016195462, + 0.5862701997440033, + 0.781622725366617, + 0.3925047257861849, + 0.5527946281354784, + 0.9526605779577687, + 0.5498416989159988, + 0.15631542311410962, + 0.23114219740257314, + 0.8013036223892991, + 0.11922405330391217, + 0.8639965321177704, + 0.4921221601361949, + 0.8727502781084884, + 0.3053268309686852, + 0.32772938222293024, + 0.494392775814293, + 0.9957846085038613, + 0.04286206095619949, + 0.5910927156082202, + 0.6057918261875398, + 0.2902903784133808, + 0.7091689582097211, + 0.11673648901255063, + 0.4083170672051145, + 0.26330232972056944, + 0.16614187798796343, + 0.7819734909043231, + 0.24838262174357983, + 0.680884827676299, + 0.05320843383702645, + 0.7389821525348717, + 0.8399775181974672, + 0.12277036020340504, + 0.04466137404070902, + 0.4984161751140329, + 0.9711572301639938, + 0.21465583117668852, + 0.9995619223300741, + 0.39878931679349905, + 0.11186286594563666, + 0.7344300363484181, + 0.3599705546171108, + 0.6910688559851401, + 0.1282304744721483, + 0.38852340464462454, + 0.9260382967169319, + 0.489159473704877, + 0.7514231395037115, + 0.6356738222373497, + 0.03798057777786401, + 0.4903175252575801, + 0.06413589811371934, + 0.49936371094427323, + 0.5951936570851927, + 0.5712584313670431, + 0.934574327581524, + 0.6987790451594824, + 0.6388149929994278, + 0.41380514868408436, + 0.5615392347325631, + 0.7958900680961926, + 0.9362443124769279, + 0.11433054643455287, + 0.04114902701189338, + 0.23647539405366602, + 0.26214701901948445, + 0.9628375488641472, + 0.7620908660418945, + 0.07826958115886606, + 0.6974320543501288, + 0.22518684540454514, + 0.49669182660657574, + 0.11762735555782045, + 0.17582230071074323, + 0.18033194704399147, + 0.05636181113435279, + 0.8296803091273478, + 0.6456390300089939, + 0.2718684014642788, + 0.9009048646292962, + 0.34496122907445304, + 0.27176711455108726, + 0.8751310873503133, + 0.01594092829162619, + 0.12935962775342413, + 0.355675422478244, + 0.06137441225844131, + 0.6420952408513693, + 0.16520885709559396, + 0.0783689209947308, + 0.7178794827304628, + 0.7845121860446307, + 0.8292424516972436, + 0.5719939322527307, + 0.48003216777081825, + 0.9877574877451969, + 0.2710426824102572, + 0.0502670988466376, + 0.004515010047481671, + 0.3011201656316971, + 0.6349272056023215, + 0.8905921321695799, + 0.9366332742040822, + 0.514508975049712, + 0.5257097365465367, + 0.7474552953092446, + 0.5420837233796494, + 0.08909803726809318, + 0.9115569319942222, + 0.9173574156310744, + 0.7077360308558492, + 0.5957309782764375, + 0.46764127772530373, + 0.6048698993836031, + 0.5798201903432539, + 0.2274427725429703, + 0.3565834502003842, + 0.9208602864212196, + 0.47682304756862626, + 0.27622773539686263, + 0.7620200643865195, + 0.6294092518842432, + 0.5008001724431461, + 0.4281074145446594, + 0.5633286987163184, + 0.055085288765166496, + 0.9435547138629454, + 0.9652355371520602, + 0.8919204344408874, + 0.8434545263002514, + 0.3488463390171186, + 0.1564317655450591, + 0.13597223027976935, + 0.962724789523171, + 0.7566364051762399, + 0.7193774285687193, + 0.6697142614788321, + 0.8904781193310998, + 0.44687767299473646, + 0.21409594499774576, + 0.587677087072753, + 0.3431905881024201, + 0.7188117532076724, + 0.11856893421413783, + 0.9419152300618332, + 0.861679535404904, + 0.2306326878132744, + 0.7270928483042703, + 0.6968458769297134, + 0.9433083217399744, + 0.6914752772258733 ], - "xaxis": "x22", - "y": [ - 0.9134821535575364, - 0.3671808405653335, - 0.8071455896274127, - 0.013875019824749701, - 0.8454196496703716, - 0.16786664560242748, - 0.3247749956647725, - 0.028595057216183828, - 0.5615192652252691, - 0.13318655016828385, - 0.7910507650486922, - 0.6086727467931702, - 0.43793291916256205, - 0.20649237258610298, - 0.7729872080270201, - 0.26305570419846447, - 0.21613812695369128, - 0.03537888177826887, - 0.1280800434197119, - 0.6934713439171345, - 0.7167265679764797, - 0.28584152212436387, - 0.7785834998966007, - 0.920626668536837, - 0.3696321187773052, - 0.22538519730552264, - 0.7146233647091867, - 0.9889197016892624, - 0.14385828659663746, - 0.540352830733316, - 0.9404395634166833, - 0.15202119874328623, - 0.31946267156701924, - 0.3359128275427856, - 0.32930237900396164, - 0.5580174396730678, - 0.673366214148984, - 0.055285525480806896, - 0.8810388134067184, - 0.7164961732279542, - 0.9650915955552082, - 0.7767705404802645, - 0.38479209772746015, - 0.3544158436373819, - 0.25475579640514723, - 0.3419755325103664, - 0.12531827601970724, - 0.5276353722829893, - 0.521199271845335, - 0.8674608658155798, - 0.4361479251900787, - 0.3490886123568562, - 0.612517748146723, - 0.631492007397386, - 0.4743457155157388, - 0.04827701742162083, - 0.04615664142799103, - 0.7199562219195053, - 0.7800124315696787, - 0.04889528080367345, - 0.5030742922159029, - 0.7274186106752285, - 0.02161444113392208, - 0.47692851022713045, - 0.9725352312186815, - 0.21609547844641508, - 0.7977410983572946, - 0.6403495951846989, - 0.5875786443843709, - 0.9806756235747436, - 0.8264733187311045, - 0.29763868693457607, - 0.9976102671279192, - 0.9304724876139687, - 0.2689458233425619, - 0.42097274345925917, - 0.7215221978311465, - 0.5588411533642115, - 0.5037445194762132, - 0.8228349816033601, - 0.5899096973764337, - 0.019642874387655662, - 0.0772378276941037, - 0.6213834324795858, - 0.8061903170390644, - 0.34543402886858143, - 0.25470909362180205, - 0.8991802452885379, - 0.6528090037427942, - 0.22127952635511083, - 0.29277269339476064, - 0.2306156989689575, - 0.5194931705583307, - 0.69565417346594, - 0.7348090665485034, - 0.7158787872247987, - 0.5920877202614585, - 0.09589942089209247, - 0.4333024412368791, - 0.33765467247791203, - 0.4948815440659383, - 0.07219032978026951, - 0.8532171644210713, - 0.41029728289353373, - 0.6445807563948754, - 0.8692865193717312, - 0.19738388277425123, - 0.8339405490926922, - 0.7084908679275014, - 0.8720488679031075, - 0.2543785039384002, - 0.9965885457933764, - 0.9280165359868324, - 0.15333637144277124, - 0.9767812871832922, - 0.03919735864203511, - 0.5139449340889753, - 0.9803897921142659, - 0.8983565168646543, - 0.46866372525514854, - 0.2506740375226528, - 0.15730360445585312, - 0.31341272943285226, - 0.49790866442635495, - 0.8620118568258448, - 0.9860010538337725, - 0.7128299995725975, - 0.7370728661569935, - 0.7028541895406538, - 0.5158788991457339, - 0.4559086339549747, - 0.4690569119271458, - 0.8070174701245891, - 0.5769318287597126, - 0.1336537329363756, - 0.2337122800867123, - 0.2648328075047144, - 0.5391581118097054, - 0.377441998705235, - 0.024426248556461694, - 0.7959722409029982, - 0.5236676119634901, - 0.3796281993302191, - 0.9079576426898113, - 0.7719726844712216, - 0.1790940458972412, - 0.3136657296936821, - 0.4523548304906838, - 0.666449725656886, - 0.53709285350366, - 0.9934431221572417, - 0.838654579584042, - 0.7800290863275596, - 0.8450559804326364, - 0.2620293168930563, - 0.13904287255140768, - 0.9641366986795756, - 0.3453268653888798, - 0.7772568450424189, - 0.6100369512566626, - 0.628918736923515, - 0.7842083982517315, - 0.07210398953326169, - 0.2602952205745055, - 0.32912022590914236, - 0.7931246558891316, - 0.4520028495162425, - 0.5293862466232715, - 0.42021339611006303, - 0.217378403530871, - 0.2926113547436737, - 0.16834466598582243, - 0.2893129481452714, - 0.9758452695053577, - 0.9989042774831017, - 0.3010023984310465, - 0.4718011436304075, - 0.759184716280045, - 0.6878918699788449, - 0.44960950908181463, - 0.84838146801732, - 0.42468698835944296, - 0.8013872615405175, - 0.7106913696216548, - 0.777122272982929, - 0.0737753071278171, - 0.6695779121307069, - 0.9281409659890744, - 0.14292339100353424, - 0.04985984729537851, - 0.2861488896722272, - 0.5156277070461005, - 0.5302376020479417, - 0.546897805532731, - 0.7825295142677233, - 0.5605880324106551, - 0.6144711457455563, - 0.42507755393166113, - 0.027957806483408287, - 0.7557205803684045 - ], - "yaxis": "y22" + "yaxis": "y8" } ], "layout": { @@ -90795,45 +54725,6 @@ "yanchor": "bottom", "yref": "paper" }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "No_of_relatives_on_board", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.953512396694215, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Embarked_Cherbourg", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.9070247933884297, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Deck_B", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.8605371900826446, - "yanchor": "bottom", - "yref": "paper" - }, { "font": { "size": 16 @@ -90843,98 +54734,7 @@ "x": 0.5, "xanchor": "center", "xref": "paper", - "y": 0.8140495867768595, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Sex_female", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.7675619834710743, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Survived", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.7210743801652892, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Age", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.6745867768595041, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Sex_male", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.6280991735537189, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Embarked_Southampton", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.5816115702479339, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Deck_Unkown", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.5351239669421487, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Deck_C", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.4886363636363637, + "y": 0.8671875, "yanchor": "bottom", "yref": "paper" }, @@ -90947,59 +54747,7 @@ "x": 0.5, "xanchor": "center", "xref": "paper", - "y": 0.44214876033057854, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Deck_D", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.3956611570247934, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Deck_A", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.34917355371900827, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Deck_E", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.30268595041322316, - "yanchor": "bottom", - "yref": "paper" - }, - { - "font": { - "size": 16 - }, - "showarrow": false, - "text": "Deck_F", - "x": 0.5, - "xanchor": "center", - "xref": "paper", - "y": 0.25619834710743805, + "y": 0.734375, "yanchor": "bottom", "yref": "paper" }, @@ -91008,11 +54756,11 @@ "size": 16 }, "showarrow": false, - "text": "Deck_G", + "text": "Embarked", "x": 0.5, "xanchor": "center", "xref": "paper", - "y": 0.2097107438016529, + "y": 0.6015625, "yanchor": "bottom", "yref": "paper" }, @@ -91021,11 +54769,11 @@ "size": 16 }, "showarrow": false, - "text": "Deck_T", + "text": "Sex", "x": 0.5, "xanchor": "center", "xref": "paper", - "y": 0.16322314049586778, + "y": 0.46875, "yanchor": "bottom", "yref": "paper" }, @@ -91034,11 +54782,11 @@ "size": 16 }, "showarrow": false, - "text": "Sex_nan", + "text": "Deck", "x": 0.5, "xanchor": "center", "xref": "paper", - "y": 0.11673553719008264, + "y": 0.3359375, "yanchor": "bottom", "yref": "paper" }, @@ -91047,11 +54795,11 @@ "size": 16 }, "showarrow": false, - "text": "Embarked_Queenstown", + "text": "Survival", "x": 0.5, "xanchor": "center", "xref": "paper", - "y": 0.07024793388429752, + "y": 0.203125, "yanchor": "bottom", "yref": "paper" }, @@ -91060,16 +54808,16 @@ "size": 16 }, "showarrow": false, - "text": "Embarked_Unknown", + "text": "Age", "x": 0.5, "xanchor": "center", "xref": "paper", - "y": 0.023760330578512397, + "y": 0.0703125, "yanchor": "bottom", "yref": "paper" } ], - "height": 1200, + "height": 500, "hovermode": "closest", "margin": { "b": 50, @@ -91091,439 +54839,129 @@ "title": { "text": "Impact of Feature on Predicted Fare
(SHAP values)
" }, - "xaxis": { - "anchor": "y", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis10": { - "anchor": "y10", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis11": { - "anchor": "y11", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis12": { - "anchor": "y12", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis13": { - "anchor": "y13", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis14": { - "anchor": "y14", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis15": { - "anchor": "y15", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis16": { - "anchor": "y16", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis17": { - "anchor": "y17", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis18": { - "anchor": "y18", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis19": { - "anchor": "y19", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis2": { - "anchor": "y2", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis20": { - "anchor": "y20", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis21": { - "anchor": "y21", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis22": { - "anchor": "y22", - "domain": [ - 0, - 1 - ], - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "zeroline": false - }, - "xaxis3": { - "anchor": "y3", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis4": { - "anchor": "y4", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis5": { - "anchor": "y5", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis6": { - "anchor": "y6", - "domain": [ - 0, - 1 - ], - "matches": "x22", - "range": [ - -35.83, - 72.93 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "xaxis7": { - "anchor": "y7", + "xaxis": { + "anchor": "y", "domain": [ 0, 1 ], - "matches": "x22", + "matches": "x8", "range": [ - -35.83, - 72.93 + -35.570654891556764, + 75.34933483378131 ], "showgrid": false, "showticklabels": false, "zeroline": false }, - "xaxis8": { - "anchor": "y8", + "xaxis2": { + "anchor": "y2", "domain": [ 0, 1 ], - "matches": "x22", + "matches": "x8", "range": [ - -35.83, - 72.93 + -35.570654891556764, + 75.34933483378131 ], "showgrid": false, "showticklabels": false, "zeroline": false }, - "xaxis9": { - "anchor": "y9", + "xaxis3": { + "anchor": "y3", "domain": [ 0, 1 ], - "matches": "x22", + "matches": "x8", "range": [ - -35.83, - 72.93 + -35.570654891556764, + 75.34933483378131 ], "showgrid": false, "showticklabels": false, "zeroline": false }, - "yaxis": { - "anchor": "x", + "xaxis4": { + "anchor": "y4", "domain": [ - 0.9762396694214877, + 0, 1 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis10": { - "anchor": "x10", - "domain": [ - 0.5578512396694215, - 0.5816115702479339 + "matches": "x8", + "range": [ + -35.570654891556764, + 75.34933483378131 ], "showgrid": false, "showticklabels": false, "zeroline": false }, - "yaxis11": { - "anchor": "x11", + "xaxis5": { + "anchor": "y5", "domain": [ - 0.5113636363636364, - 0.5351239669421487 + 0, + 1 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis12": { - "anchor": "x12", - "domain": [ - 0.4648760330578513, - 0.4886363636363637 + "matches": "x8", + "range": [ + -35.570654891556764, + 75.34933483378131 ], "showgrid": false, "showticklabels": false, "zeroline": false }, - "yaxis13": { - "anchor": "x13", + "xaxis6": { + "anchor": "y6", "domain": [ - 0.41838842975206614, - 0.44214876033057854 + 0, + 1 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis14": { - "anchor": "x14", - "domain": [ - 0.371900826446281, - 0.3956611570247934 + "matches": "x8", + "range": [ + -35.570654891556764, + 75.34933483378131 ], "showgrid": false, "showticklabels": false, "zeroline": false }, - "yaxis15": { - "anchor": "x15", + "xaxis7": { + "anchor": "y7", "domain": [ - 0.32541322314049587, - 0.34917355371900827 + 0, + 1 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis16": { - "anchor": "x16", - "domain": [ - 0.27892561983471076, - 0.30268595041322316 + "matches": "x8", + "range": [ + -35.570654891556764, + 75.34933483378131 ], "showgrid": false, "showticklabels": false, "zeroline": false }, - "yaxis17": { - "anchor": "x17", + "xaxis8": { + "anchor": "y8", "domain": [ - 0.23243801652892565, - 0.25619834710743805 + 0, + 1 ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis18": { - "anchor": "x18", - "domain": [ - 0.1859504132231405, - 0.2097107438016529 + "range": [ + -35.570654891556764, + 75.34933483378131 ], "showgrid": false, - "showticklabels": false, "zeroline": false }, - "yaxis19": { - "anchor": "x19", + "yaxis": { + "anchor": "x", "domain": [ - 0.13946280991735538, - 0.16322314049586778 + 0.9296875, + 1 ], "showgrid": false, "showticklabels": false, @@ -91532,38 +54970,8 @@ "yaxis2": { "anchor": "x2", "domain": [ - 0.9297520661157026, - 0.953512396694215 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis20": { - "anchor": "x20", - "domain": [ - 0.09297520661157024, - 0.11673553719008264 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis21": { - "anchor": "x21", - "domain": [ - 0.04648760330578512, - 0.07024793388429752 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis22": { - "anchor": "x22", - "domain": [ - 0, - 0.023760330578512397 + 0.796875, + 0.8671875 ], "showgrid": false, "showticklabels": false, @@ -91572,8 +54980,8 @@ "yaxis3": { "anchor": "x3", "domain": [ - 0.8832644628099173, - 0.9070247933884297 + 0.6640625, + 0.734375 ], "showgrid": false, "showticklabels": false, @@ -91582,8 +54990,8 @@ "yaxis4": { "anchor": "x4", "domain": [ - 0.8367768595041323, - 0.8605371900826446 + 0.53125, + 0.6015625 ], "showgrid": false, "showticklabels": false, @@ -91592,8 +55000,8 @@ "yaxis5": { "anchor": "x5", "domain": [ - 0.7902892561983471, - 0.8140495867768595 + 0.3984375, + 0.46875 ], "showgrid": false, "showticklabels": false, @@ -91602,8 +55010,8 @@ "yaxis6": { "anchor": "x6", "domain": [ - 0.743801652892562, - 0.7675619834710743 + 0.265625, + 0.3359375 ], "showgrid": false, "showticklabels": false, @@ -91612,8 +55020,8 @@ "yaxis7": { "anchor": "x7", "domain": [ - 0.6973140495867769, - 0.7210743801652892 + 0.1328125, + 0.203125 ], "showgrid": false, "showticklabels": false, @@ -91622,18 +55030,8 @@ "yaxis8": { "anchor": "x8", "domain": [ - 0.6508264462809917, - 0.6745867768595041 - ], - "showgrid": false, - "showticklabels": false, - "zeroline": false - }, - "yaxis9": { - "anchor": "x9", - "domain": [ - 0.6043388429752066, - 0.6280991735537189 + 0, + 0.0703125 ], "showgrid": false, "showticklabels": false, @@ -91642,9 +55040,9 @@ } }, "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_interactions_detailed(\"Sex\", cats=True)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Contributions" - ] - }, - { - "cell_type": "code", - "execution_count": 59, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:47:08.750280Z", - "start_time": "2020-10-12T08:47:08.719967Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ - { - "hoverinfo": "skip", - "marker": { - "color": "rgba(1,1,1, 0.0)" - }, - "name": "", - "type": "bar", - "x": [ - "Population
average", - "PassengerClass", - "Embarked", - "Age", - "Sex", - "No_of_relatives_on_board", - "Deck", - "Survived", - "No_of_parents_plus_children_on_board", - "Other features combined", - "Final Prediction" + 0.7868426707857807, + 0.3322537184883382, + 0.9910385468402342, + 0.8254715381460532, + 0.41210630256878544, + 0.9189237832834704, + 0.24749002880379256, + 0.23794591799250786, + 0.7876332443817595, + 0.45570189166807884, + 0.5372020215697899, + 0.9769118948112512, + 0.43292920500036336, + 0.8496756805894419, + 0.1267583287839401, + 0.014481803866684517, + 0.6959849273886012, + 0.24133417737532015, + 0.03308056951527938, + 0.7545066444753263, + 0.5869781254470999, + 0.026606364413809813, + 0.6616978321792996, + 0.39518795810056184, + 0.8807755218879033, + 0.4601469820137226, + 0.784156865805712, + 0.7898185639881069, + 0.17282760793353147, + 0.8845001872317926, + 0.7612382538614438, + 0.03294629325389642, + 0.6072655937613677, + 0.8212126328167543, + 0.8233412354303297, + 0.6099727428404567, + 0.1308521599541621, + 0.5052666331891108, + 0.5329031219003202, + 0.1439986109820922, + 0.8298776048446869, + 0.7402129398260154, + 0.5513755309211963, + 0.5753339657553952, + 0.6861539307429882, + 0.632372874700191, + 0.9157585008643824, + 0.036146971951857565, + 0.944861956127727, + 0.0373596217035711, + 0.14955503869171294, + 0.639348412833457, + 0.7631308177816619, + 0.5294324936133675, + 0.501447258311126, + 0.5056586984564067, + 0.5758345343168761, + 0.4169403654356163, + 0.3639390165849975, + 0.5412082497108848, + 0.2491482252882401, + 0.11722778467619666, + 0.4195278966890813, + 0.9789548701248327, + 0.320130925179849, + 0.8350334461580411, + 0.2664212177488605, + 0.236017950119216, + 0.23374763327250125, + 0.6003219079954325, + 0.4710591685812382, + 0.9030479700488349, + 0.12457122326563186, + 0.4581067804784269, + 0.11727669919131767, + 0.7188284524641064, + 0.7328355780763856, + 0.33105966485452354, + 0.018803676510860456, + 0.12091559334822055, + 0.7125263856470041, + 0.1909983030116691, + 0.08269496543600519, + 0.27724407531478634, + 0.8521783626994796, + 0.3301374344502327, + 0.3329850118008987, + 0.858387973951286, + 0.8999806191744634, + 0.28933960772275735, + 0.08840086722383211, + 0.9979040055331253, + 0.24846165136085185, + 0.9660132128066294, + 0.16437557857742124, + 0.6513417958841399, + 0.37026091141935946, + 0.44837777494790243, + 0.4554705025503786, + 0.6482627009031943, + 0.7656458511690395, + 0.25029047654607983, + 0.45681914507785815, + 0.5251512466507029, + 0.9453950680516386, + 0.22424831087891794, + 0.3505880587527834, + 0.24772905109201915, + 0.9889642079127484, + 0.2518974161033657, + 0.0727282211615774, + 0.6309822994750974, + 0.31133096794186943, + 0.9965166107322501, + 0.026569733311279764, + 0.2526705424234873, + 0.7103260277589043, + 0.17596227616398663, + 0.3696288436214429, + 0.06813990558002547, + 0.3843636389983687, + 0.3088959383573463, + 0.1721857105512905, + 0.1423373780100794, + 0.3482406271530549, + 0.8698774885900414, + 0.2642413370615071, + 0.44124167302305506, + 0.31785843968702776, + 0.42319634008209894, + 0.4390000226557931, + 0.23040206685342046, + 0.9950232703613747, + 0.40712505609034555, + 0.1715179350808672, + 0.454036108213824, + 0.204798937557494, + 0.40021290613967486, + 0.712383077857047, + 0.2986143287053562, + 0.16390781326861303, + 0.6286493967137069, + 0.9715533984971408, + 0.9691971484452886, + 0.8405145072674179, + 0.6295134227579321, + 0.06218218023450861, + 0.008656153792145349, + 0.3260868602407728, + 0.46022632872193925, + 0.7424317547417558, + 0.2412478743446883, + 0.049969211996340634, + 0.22579752529265795, + 0.27442284101931813, + 0.514942984670656, + 0.38738476471411243, + 0.5943277036547024, + 0.8745798386442266, + 0.32690588989331193, + 0.1818776918668622, + 0.3461984259420485, + 0.22540912155710546, + 0.06769469587675203, + 0.7964471959460006, + 0.3097661672098915, + 0.9813052338378982, + 0.6731913487178562, + 0.7082309774714142, + 0.537884508283532, + 0.17650335879977697, + 0.9903916638221456, + 0.6036078714139067, + 0.353011976882177, + 0.7857913792547833, + 0.2265587117213056, + 0.5172722915066251, + 0.13107350441162646, + 0.5189873220151656, + 0.12133985851973861, + 0.3419794637424457, + 0.7243174253375997, + 0.2757277441235658, + 0.5023041372451376, + 0.8174762017495799, + 0.8503611230116548, + 0.9012889506486627, + 0.16467921901311044, + 0.27411586901886176, + 0.6743389080311656, + 0.7286266190155141, + 0.7016290008617911, + 0.2945004905654224, + 0.5232126192870998, + 0.27731944548647547, + 0.23893139843974243, + 0.9793616919173275, + 0.42847767900121414, + 0.8447370407529099, + 0.9328316552039817 ], - "y": [ - 0, - 32.59, - 97.93, - 107.47, - 115.03, - 121.63, - 118.68, - 115.77, - 117.93, - 116.3, - 0 - ] + "yaxis": "y5" }, { "hoverinfo": "text", "marker": { - "color": [ - "rgba(230, 230, 30, 1.0)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(50, 200, 50, 1.0)" - ], - "line": { - "color": [ - "rgba(190, 190, 30, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(40, 160, 50, 1.0)" - ], - "width": 2 - } + "color": "#636EFA", + "opacity": 0.3, + "showscale": false, + "size": 5 }, - "name": "contribution", + "mode": "markers", + "name": "Embarked_Southampton", + "opacity": 0.8, + "showlegend": false, "text": [ - "Population
average=
+32.59 $", - "PassengerClass=1
+65.34 $", - "Embarked=Cherbourg
+9.54 $", - "Age=38.0
+7.56 $", - "Sex=female
+6.6 $", - "No_of_relatives_on_board=1
-2.95 $", - "Deck=C
-2.91 $", - "Survived=1
+2.17 $", - "No_of_parents_plus_children_on_board=0
-1.63 $", - "Other features combined=
-0.56 $", - "Final Prediction=
+115.74 $" - ], - "type": "bar", - "x": [ - "Population
average", - "PassengerClass", - "Embarked", - "Age", - "Sex", - "No_of_relatives_on_board", - "Deck", - "Survived", - "No_of_parents_plus_children_on_board", - "Other features combined", - "Final Prediction" + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Embarked=Embarked_Southampton
shap=0.280", + "None=Palsson, Master. Gosta Leonard
Embarked=Embarked_Southampton
shap=0.005", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Embarked=Embarked_Southampton
shap=0.026", + "None=Saundercock, Mr. William Henry
Embarked=Embarked_Southampton
shap=-0.013", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Embarked=Embarked_Southampton
shap=0.103", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Embarked=Embarked_Southampton
shap=0.001", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Embarked=Embarked_Southampton
shap=0.075", + "None=Rugg, Miss. Emily
Embarked=Embarked_Southampton
shap=0.096", + "None=Harris, Mr. Henry Birkhardt
Embarked=Embarked_Southampton
shap=0.079", + "None=Skoog, Master. Harald
Embarked=Embarked_Southampton
shap=0.009", + "None=Kink, Mr. Vincenz
Embarked=Embarked_Southampton
shap=-0.002", + "None=Hood, Mr. Ambrose Jr
Embarked=Embarked_Southampton
shap=-0.010", + "None=Ilett, Miss. Bertha
Embarked=Embarked_Southampton
shap=0.099", + "None=Ford, Mr. William Neal
Embarked=Embarked_Southampton
shap=0.017", + "None=Christmann, Mr. Emil
Embarked=Embarked_Southampton
shap=-0.010", + "None=Andreasson, Mr. Paul Edvin
Embarked=Embarked_Southampton
shap=-0.013", + "None=Chaffee, Mr. Herbert Fuller
Embarked=Embarked_Southampton
shap=0.016", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Embarked=Embarked_Southampton
shap=-0.013", + "None=White, Mr. Richard Frasar
Embarked=Embarked_Southampton
shap=-0.067", + "None=Rekic, Mr. Tido
Embarked=Embarked_Southampton
shap=-0.002", + "None=Barton, Mr. David John
Embarked=Embarked_Southampton
shap=-0.010", + "None=Jussila, Miss. Katriina
Embarked=Embarked_Southampton
shap=0.075", + "None=Pekoniemi, Mr. Edvard
Embarked=Embarked_Southampton
shap=-0.010", + "None=Turpin, Mr. William John Robert
Embarked=Embarked_Southampton
shap=0.000", + "None=Moore, Mr. Leonard Charles
Embarked=Embarked_Southampton
shap=-0.013", + "None=Osen, Mr. Olaf Elon
Embarked=Embarked_Southampton
shap=-0.013", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Embarked=Embarked_Southampton
shap=0.023", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Embarked=Embarked_Southampton
shap=-0.015", + "None=Bateman, Rev. Robert James
Embarked=Embarked_Southampton
shap=0.019", + "None=Meo, Mr. Alfonzo
Embarked=Embarked_Southampton
shap=0.020", + "None=Cribb, Mr. John Hatfield
Embarked=Embarked_Southampton
shap=0.020", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Embarked=Embarked_Southampton
shap=0.382", + "None=Van der hoef, Mr. Wyckoff
Embarked=Embarked_Southampton
shap=-0.694", + "None=Sivola, Mr. Antti Wilhelm
Embarked=Embarked_Southampton
shap=-0.010", + "None=Klasen, Mr. Klas Albin
Embarked=Embarked_Southampton
shap=0.012", + "None=Rood, Mr. Hugh Roscoe
Embarked=Embarked_Southampton
shap=-0.297", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Embarked=Embarked_Southampton
shap=0.072", + "None=Vande Walle, Mr. Nestor Cyriel
Embarked=Embarked_Southampton
shap=-0.010", + "None=Backstrom, Mr. Karl Alfred
Embarked=Embarked_Southampton
shap=0.000", + "None=Ali, Mr. Ahmed
Embarked=Embarked_Southampton
shap=-0.010", + "None=Green, Mr. George Henry
Embarked=Embarked_Southampton
shap=0.019", + "None=Nenkoff, Mr. Christo
Embarked=Embarked_Southampton
shap=-0.013", + "None=Asplund, Miss. Lillian Gertrud
Embarked=Embarked_Southampton
shap=0.023", + "None=Harknett, Miss. Alice Phoebe
Embarked=Embarked_Southampton
shap=0.103", + "None=Hunt, Mr. George Henry
Embarked=Embarked_Southampton
shap=-0.009", + "None=Reed, Mr. James George
Embarked=Embarked_Southampton
shap=-0.013", + "None=Stead, Mr. William Thomas
Embarked=Embarked_Southampton
shap=0.046", + "None=Parrish, Mrs. (Lutie Davis)
Embarked=Embarked_Southampton
shap=0.005", + "None=Asplund, Master. Edvin Rojj Felix
Embarked=Embarked_Southampton
shap=0.005", + "None=Andrews, Miss. Kornelia Theodosia
Embarked=Embarked_Southampton
shap=0.080", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Embarked=Embarked_Southampton
shap=0.014", + "None=Smith, Mr. Richard William
Embarked=Embarked_Southampton
shap=-0.297", + "None=Williams, Mr. Howard Hugh \"Harry\"
Embarked=Embarked_Southampton
shap=-0.013", + "None=Sage, Mr. George John Jr
Embarked=Embarked_Southampton
shap=0.009", + "None=Nysveen, Mr. Johan Hansen
Embarked=Embarked_Southampton
shap=0.020", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Embarked=Embarked_Southampton
shap=0.232", + "None=Denkoff, Mr. Mitto
Embarked=Embarked_Southampton
shap=-0.013", + "None=Dimic, Mr. Jovan
Embarked=Embarked_Southampton
shap=0.002", + "None=Beavan, Mr. William Thomas
Embarked=Embarked_Southampton
shap=-0.013", + "None=Gustafsson, Mr. Karl Gideon
Embarked=Embarked_Southampton
shap=-0.013", + "None=Plotcharsky, Mr. Vasil
Embarked=Embarked_Southampton
shap=-0.013", + "None=Goodwin, Master. Sidney Leonard
Embarked=Embarked_Southampton
shap=0.009", + "None=Gustafsson, Mr. Johan Birger
Embarked=Embarked_Southampton
shap=-0.002", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Embarked=Embarked_Southampton
shap=0.075", + "None=Niskanen, Mr. Juha
Embarked=Embarked_Southampton
shap=-0.003", + "None=Matthews, Mr. William John
Embarked=Embarked_Southampton
shap=-0.010", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Embarked=Embarked_Southampton
shap=0.099", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Embarked=Embarked_Southampton
shap=0.008", + "None=Johannesen-Bratthammer, Mr. Bernt
Embarked=Embarked_Southampton
shap=-0.014", + "None=Peuchen, Major. Arthur Godfrey
Embarked=Embarked_Southampton
shap=0.060", + "None=Anderson, Mr. Harry
Embarked=Embarked_Southampton
shap=-0.041", + "None=Milling, Mr. Jacob Christian
Embarked=Embarked_Southampton
shap=0.011", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Embarked=Embarked_Southampton
shap=0.012", + "None=Karlsson, Mr. Nils August
Embarked=Embarked_Southampton
shap=-0.010", + "None=Frost, Mr. Anthony Wood \"Archie\"
Embarked=Embarked_Southampton
shap=-0.013", + "None=Windelov, Mr. Einar
Embarked=Embarked_Southampton
shap=-0.010", + "None=Shellard, Mr. Frederick William
Embarked=Embarked_Southampton
shap=-0.013", + "None=Svensson, Mr. Olof
Embarked=Embarked_Southampton
shap=-0.010", + "None=Laitinen, Miss. Kristina Sofia
Embarked=Embarked_Southampton
shap=0.089", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Embarked=Embarked_Southampton
shap=0.025", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Embarked=Embarked_Southampton
shap=0.058", + "None=Cacic, Miss. Marija
Embarked=Embarked_Southampton
shap=0.100", + "None=Hart, Miss. Eva Miriam
Embarked=Embarked_Southampton
shap=0.029", + "None=Butt, Major. Archibald Willingham
Embarked=Embarked_Southampton
shap=-1.423", + "None=Beane, Mr. Edward
Embarked=Embarked_Southampton
shap=-0.000", + "None=Goldsmith, Mr. Frank John
Embarked=Embarked_Southampton
shap=0.015", + "None=Ohman, Miss. Velin
Embarked=Embarked_Southampton
shap=0.096", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Embarked=Embarked_Southampton
shap=0.176", + "None=Harris, Mr. George
Embarked=Embarked_Southampton
shap=0.019", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Embarked=Embarked_Southampton
shap=-0.110", + "None=Patchett, Mr. George
Embarked=Embarked_Southampton
shap=-0.013", + "None=Murdlin, Mr. Joseph
Embarked=Embarked_Southampton
shap=-0.013", + "None=Lindell, Mr. Edvard Bengtsson
Embarked=Embarked_Southampton
shap=0.009", + "None=Daniel, Mr. Robert Williams
Embarked=Embarked_Southampton
shap=0.060", + "None=Shutes, Miss. Elizabeth W
Embarked=Embarked_Southampton
shap=0.557", + "None=Jardin, Mr. Jose Neto
Embarked=Embarked_Southampton
shap=-0.013", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Embarked=Embarked_Southampton
shap=0.072", + "None=Bostandyeff, Mr. Guentcho
Embarked=Embarked_Southampton
shap=-0.010", + "None=Lundahl, Mr. Johan Svensson
Embarked=Embarked_Southampton
shap=0.019", + "None=Willey, Mr. Edward
Embarked=Embarked_Southampton
shap=-0.013", + "None=Stanley, Miss. Amy Zillah Elsie
Embarked=Embarked_Southampton
shap=0.096", + "None=Eitemiller, Mr. George Floyd
Embarked=Embarked_Southampton
shap=-0.010", + "None=Colley, Mr. Edward Pomeroy
Embarked=Embarked_Southampton
shap=-0.062", + "None=Coleff, Mr. Peju
Embarked=Embarked_Southampton
shap=-0.002", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Embarked=Embarked_Southampton
shap=0.014", + "None=Davidson, Mr. Thornton
Embarked=Embarked_Southampton
shap=-1.404", + "None=Turja, Miss. Anna Sofia
Embarked=Embarked_Southampton
shap=0.099", + "None=Goodwin, Mr. Charles Edward
Embarked=Embarked_Southampton
shap=0.009", + "None=Panula, Mr. Jaako Arnold
Embarked=Embarked_Southampton
shap=0.005", + "None=Fischer, Mr. Eberhard Thelander
Embarked=Embarked_Southampton
shap=-0.013", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
Embarked=Embarked_Southampton
shap=-0.031", + "None=Hansen, Mr. Henrik Juul
Embarked=Embarked_Southampton
shap=0.000", + "None=Calderhead, Mr. Edward Pennington
Embarked=Embarked_Southampton
shap=-0.114", + "None=Klaber, Mr. Herman
Embarked=Embarked_Southampton
shap=-0.234", + "None=Taylor, Mr. Elmer Zebley
Embarked=Embarked_Southampton
shap=0.125", + "None=Larsson, Mr. August Viktor
Embarked=Embarked_Southampton
shap=-0.010", + "None=Greenberg, Mr. Samuel
Embarked=Embarked_Southampton
shap=0.019", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
Embarked=Embarked_Southampton
shap=0.131", + "None=Johnson, Mr. Malkolm Joackim
Embarked=Embarked_Southampton
shap=-0.009", + "None=Gillespie, Mr. William Henry
Embarked=Embarked_Southampton
shap=-0.002", + "None=Allen, Miss. Elisabeth Walton
Embarked=Embarked_Southampton
shap=2.061", + "None=Berriman, Mr. William John
Embarked=Embarked_Southampton
shap=-0.010", + "None=Troupiansky, Mr. Moses Aaron
Embarked=Embarked_Southampton
shap=-0.010", + "None=Williams, Mr. Leslie
Embarked=Embarked_Southampton
shap=-0.010", + "None=Ivanoff, Mr. Kanio
Embarked=Embarked_Southampton
shap=-0.013", + "None=McNamee, Mr. Neal
Embarked=Embarked_Southampton
shap=0.000", + "None=Carlsson, Mr. August Sigfrid
Embarked=Embarked_Southampton
shap=-0.010", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Embarked=Embarked_Southampton
shap=2.021", + "None=Eklund, Mr. Hans Linus
Embarked=Embarked_Southampton
shap=-0.013", + "None=Hogeboom, Mrs. John C (Anna Andrews)
Embarked=Embarked_Southampton
shap=0.085", + "None=Lievens, Mr. Rene Aime
Embarked=Embarked_Southampton
shap=-0.010", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Embarked=Embarked_Southampton
shap=1.276", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
Embarked=Embarked_Southampton
shap=1.777", + "None=Johnston, Mr. Andrew G
Embarked=Embarked_Southampton
shap=0.017", + "None=Ali, Mr. William
Embarked=Embarked_Southampton
shap=-0.010", + "None=Sjoblom, Miss. Anna Sofia
Embarked=Embarked_Southampton
shap=0.099", + "None=Leader, Dr. Alice (Farnham)
Embarked=Embarked_Southampton
shap=0.361", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Embarked=Embarked_Southampton
shap=0.022", + "None=Carter, Master. William Thornton II
Embarked=Embarked_Southampton
shap=-1.305", + "None=Johansson, Mr. Karl Johan
Embarked=Embarked_Southampton
shap=-0.010", + "None=Slemen, Mr. Richard James
Embarked=Embarked_Southampton
shap=-0.002", + "None=Tomlin, Mr. Ernest Portage
Embarked=Embarked_Southampton
shap=-0.010", + "None=Richards, Master. George Sibley
Embarked=Embarked_Southampton
shap=0.011", + "None=Mudd, Mr. Thomas Charles
Embarked=Embarked_Southampton
shap=-0.013", + "None=Sage, Mr. Douglas Bullen
Embarked=Embarked_Southampton
shap=0.009", + "None=Aks, Mrs. Sam (Leah Rosen)
Embarked=Embarked_Southampton
shap=0.039", + "None=Johnson, Master. Harold Theodor
Embarked=Embarked_Southampton
shap=0.011", + "None=Carlsson, Mr. Frans Olof
Embarked=Embarked_Southampton
shap=-1.528", + "None=Gustafsson, Mr. Alfred Ossian
Embarked=Embarked_Southampton
shap=-0.013", + "None=Montvila, Rev. Juozas
Embarked=Embarked_Southampton
shap=-0.010" + ], + "type": "scattergl", + "x": [ + 0.2804901068682042, + 0.005181845946956091, + 0.02619384182869674, + -0.013149428999925456, + 0.10256928604783663, + 0.0010860016815704004, + 0.07537165743368353, + 0.09607992292133001, + 0.07888699028051992, + 0.008651479016031602, + -0.0024288620251133163, + -0.009868329617489619, + 0.09910863004357846, + 0.016719837189936734, + -0.009868329617489622, + -0.013149428999925456, + 0.015852919644287804, + -0.013149428999925439, + -0.06739363397168215, + -0.0016472979665849014, + -0.009868329617489619, + 0.07537165743368353, + -0.009868329617489619, + 0.0004318332102388432, + -0.013149428999925439, + -0.01314942899992545, + 0.023135715255093725, + -0.01516645481863969, + 0.018594675566134353, + 0.019890783622091894, + 0.020085389569463236, + 0.38153997550265534, + -0.693824620467911, + -0.009868329617489619, + 0.011592802827705542, + -0.2965791233031455, + 0.07191100142942539, + -0.009868329617489622, + 0.0004318332102388467, + -0.009868329617489619, + 0.018594675566134353, + -0.013149428999925439, + 0.023450864897461034, + 0.10256928604783663, + -0.0091236893354399, + -0.013149428999925439, + 0.046083607521246586, + 0.005125117608131273, + 0.005399377717733214, + 0.07957356920624249, + 0.013960156350873908, + -0.2965791233031455, + -0.013149428999925439, + 0.008651479016031602, + 0.019890783622091894, + 0.23175874748638492, + -0.013149428999925439, + 0.00230867148769707, + -0.013149428999925456, + -0.013149428999925456, + -0.013149428999925439, + 0.008651479016031602, + -0.0024288620251133163, + 0.07457506246816649, + -0.0025032149122171474, + -0.009868329617489626, + 0.09910863004357846, + 0.008175404292287768, + -0.014005345945557694, + 0.05961462164579448, + -0.041128700638911095, + 0.011488802435405938, + 0.01154159029113867, + -0.009868329617489619, + -0.013149428999925446, + -0.009868329617489619, + -0.013149428999925439, + -0.009868329617489619, + 0.08891609317485799, + 0.025104709347619103, + 0.05825780855644677, + 0.09954057892558815, + 0.029222548950945188, + -1.4229066200921223, + -0.0004240837353933968, + 0.01518251738407074, + 0.09607992292133001, + 0.17573839372074246, + 0.01903486667645965, + -0.11043975746105542, + -0.013149428999925456, + -0.013149428999925439, + 0.008652864861143564, + 0.060024205305865275, + 0.5568054730176166, + -0.013149428999925439, + 0.07234295031143508, + -0.009868329617489622, + 0.018594675566134353, + -0.013149428999925439, + 0.09607992292133001, + -0.009868329617489619, + -0.06177147649907015, + -0.0016472979665849083, + 0.013960156350873908, + -1.4038159339376095, + 0.09910863004357846, + 0.008651479016031602, + 0.005181845946956091, + -0.013149428999925456, + -0.03081599418043935, + 0.0004318332102388432, + -0.11384696150523801, + -0.2335450526669134, + 0.12549423433630674, + -0.009868329617489622, + 0.018594675566134346, + 0.13104387014294913, + -0.0091236893354399, + -0.001647297966584929, + 2.06119098799553, + -0.009868329617489619, + -0.009868329617489619, + -0.009868329617489622, + -0.013149428999925439, + 0.00043183321023885016, + -0.009868329617489622, + 2.021197230276232, + -0.01314942899992545, + 0.08490739050795092, + -0.009868329617489619, + 1.2756298715723087, + 1.7767574724076136, + 0.01671983718993672, + -0.009868329617489619, + 0.09910863004357846, + 0.36122275665736325, + 0.02240451656100221, + -1.3051474837694863, + -0.00986832961748963, + -0.001647297966584929, + -0.009868329617489626, + 0.010736885882073301, + -0.01314942899992545, + 0.008651479016031602, + 0.0393261643438671, + 0.010736885882073305, + -1.5278745589403822, + -0.013149428999925456, + -0.009868329617489622 ], + "xaxis": "x6", "y": [ - 32.59, - 65.34, - 9.54, - 7.56, - 6.6, - -2.95, - -2.91, - 2.17, - -1.63, - -0.56, - 115.74 - ] - } - ], - "layout": { - "barmode": "stack", - "height": 600, - "margin": { - "b": 216, - "l": 50, - "pad": 4, - "r": 100, - "t": 50 - }, - "plot_bgcolor": "#fff", - "showlegend": false, - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } - }, - "title": { - "text": "Contribution to prediction Fare = 115.74 $", - "x": 0.5 + 0.692413741155566, + 0.9221447883798488, + 0.6621081106030495, + 0.25807454742976565, + 0.5960652942718483, + 0.9077981583985242, + 0.6494235715149165, + 0.21862088764339194, + 0.9822575793021177, + 0.2174634325298046, + 0.08685466240862427, + 0.4522657890786782, + 0.9441350643099119, + 0.14528137616577386, + 0.17188996159240344, + 0.04928399682365092, + 0.9202468180097223, + 0.2108997592037708, + 0.6455280279506186, + 0.22742282588781393, + 0.38688941780023534, + 0.33906664740969394, + 0.4951217830515592, + 0.8247815340019393, + 0.8817755356084936, + 0.626705350503194, + 0.07477320853147174, + 0.11802959124896995, + 0.9354544788097824, + 0.260275596989902, + 0.02807827138933039, + 0.7910266209336455, + 0.5800867992560299, + 0.9328453378059782, + 0.315325896402221, + 0.4561352239416606, + 0.341579450982596, + 0.49445077339333543, + 0.7201846616722217, + 0.26706326662616453, + 0.023498714079403626, + 0.7397908047639126, + 0.5439409084613346, + 0.1505643218518089, + 0.24762394216742067, + 0.28841695559321656, + 0.3881029648190484, + 0.7493689729341413, + 0.062153384722507865, + 0.9923119911699907, + 0.6750731831066912, + 0.9157067917175356, + 0.5585139587080444, + 0.4676120115272129, + 0.5696813936400259, + 0.15225918276252193, + 0.5184181518715945, + 0.37910976824287357, + 0.564229128562572, + 0.7682562637088942, + 0.7142544211744453, + 0.07825117684788618, + 0.7399102484019094, + 0.9678602487958441, + 0.3311168298126892, + 0.11913220229458443, + 0.27055686077778907, + 0.21552668984255374, + 0.5873460170853352, + 0.16666834550180543, + 0.4825323945183967, + 0.04204551193938255, + 0.24492977331836596, + 0.999179664529061, + 0.4461185427916109, + 0.16056140465398938, + 0.10919673178438771, + 0.7195501779701189, + 0.4302201221587604, + 0.051377490739590415, + 0.0558145478630343, + 0.17692155348582395, + 0.5431261608642468, + 0.7466709992117881, + 0.008029587352688328, + 0.3142234214129299, + 0.3537079516469136, + 0.691861277974869, + 0.8294953903278217, + 0.20324556107668879, + 0.31542285412802973, + 0.8051784945485575, + 0.8481972766864011, + 0.4932821484397727, + 0.15935802749297112, + 0.2338154388886885, + 0.5162544191429334, + 0.4300224427914261, + 0.44587800555401624, + 0.49623475524725136, + 0.4269001692860346, + 0.07847223700302952, + 0.057533295959394604, + 0.34638655725469314, + 0.21797698780798924, + 0.7602589617205917, + 0.9897976098769617, + 0.5395390062725979, + 0.5274782843196566, + 0.039589037568164454, + 0.5197158008346144, + 0.7782444786880207, + 0.134715502176741, + 0.012926871823120134, + 0.8909700489768252, + 0.18492046105256998, + 0.6700931863451531, + 0.08891653365830321, + 0.6077597197967403, + 0.1396690715933766, + 0.25574112362823453, + 0.8904417476938952, + 0.8173314671950519, + 0.4308831056636788, + 0.8635071253752732, + 0.5018712656886923, + 0.48240534188591966, + 0.6037942601585256, + 0.38421824278610106, + 0.7504621325612187, + 0.6722477238808933, + 0.012098030645233737, + 0.4812062347111645, + 0.2694374326300627, + 0.6069272179797126, + 0.3571144173278624, + 0.5180822633563107, + 0.11420237510967146, + 0.06938309437919588, + 0.429486319631203, + 0.2874033243770512, + 0.7673828161343571, + 0.6745672057473373, + 0.9803088111165096, + 0.8653955596746189, + 0.1320644531876819, + 0.14893858347967792, + 0.05343339422027504, + 0.6900393439781832, + 0.026503490347614234 + ], + "yaxis": "y6" }, - "yaxis": { - "title": { - "text": "Predicted $" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "index = 0 # explain prediction for first row of X_test\n", - "explainer.plot_contributions(index, cats=True, topx=8, round=2)" - ] - }, - { - "cell_type": "code", - "execution_count": 60, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:47:09.842559Z", - "start_time": "2020-10-12T08:47:09.810965Z" - } - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Cumings, Mrs. John Bradley (Florence Briggs Thayer)\n" - ] - }, - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ { - "hoverinfo": "skip", + "hoverinfo": "text", "marker": { - "color": "rgba(1,1,1, 0.0)" + "color": "#EF553B", + "opacity": 0.3, + "showscale": false, + "size": 5 }, - "name": "", - "orientation": "h", - "type": "bar", - "x": [ - 0, - 50.4, - 42.85, - 36.85, - 32.94, - 29.39, - 26.7, - 24.26, - 22.1, - 21.9, - 21.78, - 21.78, - 21.78, - 21.78, - 21.78, - 21.78, - 21.78, - 21.78, - 21.78, - 22.34, - 23.97, - 25.84, - 28.8, - 32.59, - 0 + "mode": "markers", + "name": "Embarked_Cherbourg", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Embarked=Embarked_Cherbourg
shap=-0.454", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Embarked=Embarked_Cherbourg
shap=-0.148", + "None=Meyer, Mr. Edgar Joseph
Embarked=Embarked_Cherbourg
shap=-0.043", + "None=Kraeff, Mr. Theodor
Embarked=Embarked_Cherbourg
shap=0.044", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Embarked=Embarked_Cherbourg
shap=-3.229", + "None=Blank, Mr. Henry
Embarked=Embarked_Cherbourg
shap=0.272", + "None=Thorne, Mrs. Gertrude Maybelle
Embarked=Embarked_Cherbourg
shap=-1.017", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Embarked=Embarked_Cherbourg
shap=-3.074", + "None=Levy, Mr. Rene Jacques
Embarked=Embarked_Cherbourg
shap=0.047", + "None=Lewy, Mr. Ervin G
Embarked=Embarked_Cherbourg
shap=0.164", + "None=Burns, Miss. Elizabeth Margaret
Embarked=Embarked_Cherbourg
shap=-1.116", + "None=del Carlo, Mr. Sebastiano
Embarked=Embarked_Cherbourg
shap=0.024", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Embarked=Embarked_Cherbourg
shap=-0.613", + "None=Widener, Mr. Harry Elkins
Embarked=Embarked_Cherbourg
shap=0.005", + "None=Bishop, Mr. Dickinson H
Embarked=Embarked_Cherbourg
shap=2.702", + "None=Penasco y Castellana, Mr. Victor de Satode
Embarked=Embarked_Cherbourg
shap=0.193", + "None=Kassem, Mr. Fared
Embarked=Embarked_Cherbourg
shap=0.044", + "None=Ross, Mr. John Hugo
Embarked=Embarked_Cherbourg
shap=0.315", + "None=Boulos, Mr. Hanna
Embarked=Embarked_Cherbourg
shap=0.044", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Embarked=Embarked_Cherbourg
shap=-0.062", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Embarked=Embarked_Cherbourg
shap=-0.055", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Embarked=Embarked_Cherbourg
shap=-0.053", + "None=Yasbeck, Mr. Antoni
Embarked=Embarked_Cherbourg
shap=0.024", + "None=Stahelin-Maeglin, Dr. Max
Embarked=Embarked_Cherbourg
shap=2.902", + "None=Hassab, Mr. Hammad
Embarked=Embarked_Cherbourg
shap=0.234", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Embarked=Embarked_Cherbourg
shap=-0.668", + "None=Ayoub, Miss. Banoura
Embarked=Embarked_Cherbourg
shap=-0.188", + "None=Guggenheim, Mr. Benjamin
Embarked=Embarked_Cherbourg
shap=2.442", + "None=Thomas, Master. Assad Alexander
Embarked=Embarked_Cherbourg
shap=0.017", + "None=Lemberopolous, Mr. Peter L
Embarked=Embarked_Cherbourg
shap=0.028", + "None=Boulos, Miss. Nourelain
Embarked=Embarked_Cherbourg
shap=-0.082", + "None=Razi, Mr. Raihed
Embarked=Embarked_Cherbourg
shap=0.044" + ], + "type": "scattergl", + "x": [ + -0.45442934933732165, + -0.14771582853937626, + -0.04312607751977818, + 0.044315170223023476, + -3.2292093861775673, + 0.2723708077775188, + -1.0173363923979573, + -3.0735265703114076, + 0.047325593067797364, + 0.1638939027070991, + -1.1162986775907053, + 0.023938773199846858, + -0.6125521330510677, + 0.0052555731845467385, + 2.702333534218364, + 0.19342836749996578, + 0.044315170223023476, + 0.31499361697408007, + 0.044315170223023476, + -0.062112965860461195, + -0.055351583753430494, + -0.053494146506613646, + 0.023938773199846858, + 2.901929909526325, + 0.23421385736187222, + -0.6675186773670686, + -0.18761790255384442, + 2.441863499043424, + 0.016523273332701028, + 0.02773002951059382, + -0.08179928972849956, + 0.044315170223023476 ], + "xaxis": "x6", "y": [ - "Final Prediction", - "PassengerClass", - "Age", - "Embarked_Cherbourg", - "Sex_female", - "Embarked_Southampton", - "Sex_male", - "Deck_C", - "Survived", - "Deck_D", - "Deck_A", - "Deck_E", - "Sex_nan", - "Deck_F", - "Deck_G", - "Deck_T", - "Embarked_Queenstown", - "Embarked_Unknown", - "Other features combined", - "No_of_siblings_plus_spouses_on_board", - "No_of_parents_plus_children_on_board", - "Deck_Unkown", - "No_of_relatives_on_board", - "Deck_B", - "Population
average" - ] + 0.9236409394249875, + 0.8718695363482266, + 0.9271013837896487, + 0.9122852444090643, + 0.045267705288744686, + 0.30372497316772495, + 0.05744301439663391, + 0.8964767825522187, + 0.8530000372611236, + 0.9482420047029196, + 0.3090366898180311, + 0.8846999393118474, + 0.699509031124627, + 0.37165358944447324, + 0.03695819772718267, + 0.3245499402990665, + 0.46619643204674177, + 0.998771146271141, + 0.40248576298505634, + 0.30025756785316116, + 0.833280850470183, + 0.5440603878614237, + 0.5959522020211969, + 0.7169074805302198, + 0.5901862044871177, + 0.38284824025999065, + 0.5721064560360386, + 0.031957893219027866, + 0.11716903911244148, + 0.28012225325410833, + 0.3242775370269346, + 0.9714508434282999 + ], + "yaxis": "y6" }, { "hoverinfo": "text", "marker": { - "color": [ - "rgba(50, 200, 50, 1.0)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(219, 64, 82, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(55, 128, 191, 0.7)", - "rgba(230, 230, 30, 1.0)" - ], - "line": { - "color": [ - "rgba(40, 160, 50, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(219, 64, 82, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(55, 128, 191, 1.0)", - "rgba(190, 190, 30, 1.0)" - ], - "width": 2 - } + "color": "#00CC96", + "opacity": 0.3, + "showscale": false, + "size": 5 }, - "name": "contribution", - "orientation": "h", + "mode": "markers", + "name": "Embarked_Queenstown", + "opacity": 0.8, + "showlegend": false, "text": [ - "Population
average=
+32.59 $", - "Deck_B=0.0
-3.79 $", - "No_of_relatives_on_board=1.0
-2.95 $", - "Deck_Unkown=0.0
-1.87 $", - "No_of_parents_plus_children_on_board=0.0
-1.63 $", - "No_of_siblings_plus_spouses_on_board=1.0
-0.56 $", - "Other features combined=
0.0 $", - "Embarked_Unknown=0.0
0.0 $", - "Embarked_Queenstown=0.0
0.0 $", - "Deck_T=0.0
0.0 $", - "Deck_G=0.0
0.0 $", - "Deck_F=0.0
0.0 $", - "Sex_nan=0.0
0.0 $", - "Deck_E=0.0
0.0 $", - "Deck_A=0.0
+0.11 $", - "Deck_D=0.0
+0.2 $", - "Survived=1.0
+2.17 $", - "Deck_C=1.0
+2.44 $", - "Sex_male=0.0
+2.69 $", - "Embarked_Southampton=0.0
+3.55 $", - "Sex_female=1.0
+3.92 $", - "Embarked_Cherbourg=1.0
+5.99 $", - "Age=38.0
+7.56 $", - "PassengerClass=1.0
+65.34 $", - "Final Prediction=
+115.74 $" - ], - "type": "bar", - "x": [ - 115.74, - 65.34, - 7.56, - 5.99, - 3.92, - 3.55, - 2.69, - 2.44, - 2.17, - 0.2, - 0.11, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - -0.56, - -1.63, - -1.87, - -2.95, - -3.79, - 32.59 + "None=Glynn, Miss. Mary Agatha
Embarked=Embarked_Queenstown
shap=-0.216", + "None=Devaney, Miss. Margaret Delia
Embarked=Embarked_Queenstown
shap=-0.216", + "None=Moran, Miss. Bertha
Embarked=Embarked_Queenstown
shap=-0.183", + "None=Smith, Mr. Thomas
Embarked=Embarked_Queenstown
shap=0.074", + "None=Healy, Miss. Hanora \"Nora\"
Embarked=Embarked_Queenstown
shap=-0.216", + "None=Connolly, Miss. Kate
Embarked=Embarked_Queenstown
shap=-0.212", + "None=Sadlier, Mr. Matthew
Embarked=Embarked_Queenstown
shap=0.074", + "None=Minahan, Miss. Daisy E
Embarked=Embarked_Queenstown
shap=-0.075", + "None=Charters, Mr. David
Embarked=Embarked_Queenstown
shap=0.069", + "None=O'Sullivan, Miss. Bridget Mary
Embarked=Embarked_Queenstown
shap=-0.231", + "None=Morrow, Mr. Thomas Rowan
Embarked=Embarked_Queenstown
shap=0.074", + "None=Bourke, Miss. Mary
Embarked=Embarked_Queenstown
shap=-0.156", + "None=Horgan, Mr. John
Embarked=Embarked_Queenstown
shap=0.074", + "None=Hegarty, Miss. Hanora \"Nora\"
Embarked=Embarked_Queenstown
shap=-0.231", + "None=McEvoy, Mr. Michael
Embarked=Embarked_Queenstown
shap=0.074", + "None=Connaghton, Mr. Michael
Embarked=Embarked_Queenstown
shap=0.069", + "None=Moran, Mr. Daniel J
Embarked=Embarked_Queenstown
shap=0.062", + "None=McCormack, Mr. Thomas Joseph
Embarked=Embarked_Queenstown
shap=0.062" + ], + "type": "scattergl", + "x": [ + -0.21596241666364357, + -0.21596241666364357, + -0.18270521074878987, + 0.07385227987078577, + -0.21596241666364357, + -0.2116147564397708, + 0.07385227987078577, + -0.07532309923846459, + 0.06914231462825687, + -0.23051193661277308, + 0.07385227987078577, + -0.1564796009919533, + 0.07385227987078577, + -0.2305119366127731, + 0.07385227987078577, + 0.06914231462825687, + 0.06174701462108635, + 0.06156682818550369 ], + "xaxis": "x6", "y": [ - "Final Prediction", - "PassengerClass", - "Age", - "Embarked_Cherbourg", - "Sex_female", - "Embarked_Southampton", - "Sex_male", - "Deck_C", - "Survived", - "Deck_D", - "Deck_A", - "Deck_E", - "Sex_nan", - "Deck_F", - "Deck_G", - "Deck_T", - "Embarked_Queenstown", - "Embarked_Unknown", - "Other features combined", - "No_of_siblings_plus_spouses_on_board", - "No_of_parents_plus_children_on_board", - "Deck_Unkown", - "No_of_relatives_on_board", - "Deck_B", - "Population
average" - ] - } - ], - "layout": { - "barmode": "stack", - "height": 975, - "margin": { - "b": 50, - "l": 252, - "pad": 4, - "r": 100, - "t": 50 - }, - "plot_bgcolor": "#fff", - "showlegend": false, - "template": { - "data": { - "scatter": [ - { - "type": "scatter" - } - ] - } - }, - "title": { - "text": "Contribution to prediction Fare = 115.74 $", - "x": 0.5 + 0.8136292657194097, + 0.25183444681837064, + 0.0005368488035596419, + 0.39862370873948816, + 0.8475489941799086, + 0.9547994275051921, + 0.4007495933797438, + 0.5335262068715936, + 0.00289649789667068, + 0.39721262126103707, + 0.977014862696263, + 0.07194618776957873, + 0.7081482598295014, + 0.0025559339039006312, + 0.4553553448004377, + 0.49943251962253576, + 0.37611301268232555, + 0.7977428871111882 + ], + "yaxis": "y6" + }, + { + "hoverinfo": "text", + "marker": { + "color": [ + 38, + 35, + 2, + 27, + 14, + 20, + 14, + 38, + null, + 28, + null, + 19, + 18, + 21, + 45, + 4, + 26, + 21, + 17, + 16, + 29, + 20, + 46, + null, + 21, + 38, + null, + 22, + 20, + 21, + 29, + null, + 16, + 9, + 36.5, + 51, + 55.5, + 44, + null, + 61, + 21, + 18, + null, + 19, + 44, + 28, + 32, + 40, + 24, + 51, + null, + 5, + null, + 33, + null, + 62, + null, + 50, + null, + 3, + null, + 63, + 35, + null, + 22, + 19, + 36, + null, + null, + null, + 61, + null, + null, + 41, + 42, + 29, + 19, + null, + 27, + 19, + null, + 1, + null, + 28, + 24, + 39, + 33, + 30, + 21, + 19, + 45, + null, + 52, + 48, + 48, + 33, + 22, + null, + 25, + 21, + null, + 24, + null, + 37, + 18, + null, + 36, + null, + 30, + 7, + 45, + 32, + 33, + 22, + 39, + null, + 62, + 53, + 19, + 36, + null, + null, + null, + 49, + 35, + 36, + 27, + 22, + 40, + null, + null, + 26, + 27, + 26, + 51, + 32, + null, + 23, + 18, + 23, + 47, + 36, + 40, + 31, + 18, + 27, + 14, + 14, + 18, + 42, + 18, + 26, + 42, + null, + 48, + 29, + 52, + 27, + null, + 33, + 34, + 29, + 23, + 23, + 28.5, + null, + 24, + 31, + 28, + 33, + 16, + 51, + null, + 24, + 43, + 13, + 17, + null, + 25, + 18, + 46, + 49, + 31, + 11, + 0.42, + 31, + 35, + 30.5, + null, + 0.83, + 16, + 34.5, + null, + 9, + 18, + null, + 4, + 33, + 20, + 27 + ], + "colorbar": { + "showticklabels": false, + "title": { + "text": "feature value
(red is high)" + } + }, + "colorscale": [ + [ + 0, + "rgb(0,0,255)" + ], + [ + 1, + "rgb(255,0,0)" + ] + ], + "opacity": 0.3, + "showscale": true, + "size": 5 + }, + "mode": "markers", + "name": "Age", + "opacity": 0.8, + "showlegend": false, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
shap=0.956", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
shap=0.718", + "None=Palsson, Master. Gosta Leonard
Age=2.0
shap=0.078", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=27.0
shap=-0.107", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
shap=-0.159", + "None=Saundercock, Mr. William Henry
Age=20.0
shap=0.167", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Age=14.0
shap=-0.155", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=38.0
shap=0.116", + "None=Glynn, Miss. Mary Agatha
Age=nan
shap=-0.141", + "None=Meyer, Mr. Edgar Joseph
Age=28.0
shap=0.625", + "None=Kraeff, Mr. Theodor
Age=nan
shap=0.140", + "None=Devaney, Miss. Margaret Delia
Age=19.0
shap=-0.193", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=18.0
shap=-0.160", + "None=Rugg, Miss. Emily
Age=21.0
shap=-0.164", + "None=Harris, Mr. Henry Birkhardt
Age=45.0
shap=0.081", + "None=Skoog, Master. Harald
Age=4.0
shap=0.075", + "None=Kink, Mr. Vincenz
Age=26.0
shap=0.160", + "None=Hood, Mr. Ambrose Jr
Age=21.0
shap=0.160", + "None=Ilett, Miss. Bertha
Age=17.0
shap=-0.168", + "None=Ford, Mr. William Neal
Age=16.0
shap=0.165", + "None=Christmann, Mr. Emil
Age=29.0
shap=0.090", + "None=Andreasson, Mr. Paul Edvin
Age=20.0
shap=0.167", + "None=Chaffee, Mr. Herbert Fuller
Age=46.0
shap=0.083", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Age=nan
shap=0.113", + "None=White, Mr. Richard Frasar
Age=21.0
shap=0.982", + "None=Rekic, Mr. Tido
Age=38.0
shap=-0.115", + "None=Moran, Miss. Bertha
Age=nan
shap=-0.126", + "None=Barton, Mr. David John
Age=22.0
shap=0.160", + "None=Jussila, Miss. Katriina
Age=20.0
shap=-0.162", + "None=Pekoniemi, Mr. Edvard
Age=21.0
shap=0.160", + "None=Turpin, Mr. William John Robert
Age=29.0
shap=0.083", + "None=Moore, Mr. Leonard Charles
Age=nan
shap=0.113", + "None=Osen, Mr. Olaf Elon
Age=16.0
shap=0.143", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Age=9.0
shap=-0.083", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=36.5
shap=0.007", + "None=Bateman, Rev. Robert James
Age=51.0
shap=-0.073", + "None=Meo, Mr. Alfonzo
Age=55.5
shap=-0.077", + "None=Cribb, Mr. John Hatfield
Age=44.0
shap=-0.082", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Age=nan
shap=-0.501", + "None=Van der hoef, Mr. Wyckoff
Age=61.0
shap=-0.209", + "None=Sivola, Mr. Antti Wilhelm
Age=21.0
shap=0.160", + "None=Klasen, Mr. Klas Albin
Age=18.0
shap=0.194", + "None=Rood, Mr. Hugh Roscoe
Age=nan
shap=0.249", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=19.0
shap=-0.154", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Age=44.0
shap=-0.283", + "None=Vande Walle, Mr. Nestor Cyriel
Age=28.0
shap=0.090", + "None=Backstrom, Mr. Karl Alfred
Age=32.0
shap=0.080", + "None=Blank, Mr. Henry
Age=40.0
shap=-0.279", + "None=Ali, Mr. Ahmed
Age=24.0
shap=0.198", + "None=Green, Mr. George Henry
Age=51.0
shap=-0.073", + "None=Nenkoff, Mr. Christo
Age=nan
shap=0.113", + "None=Asplund, Miss. Lillian Gertrud
Age=5.0
shap=-0.061", + "None=Harknett, Miss. Alice Phoebe
Age=nan
shap=-0.126", + "None=Hunt, Mr. George Henry
Age=33.0
shap=-0.034", + "None=Reed, Mr. James George
Age=nan
shap=0.113", + "None=Stead, Mr. William Thomas
Age=62.0
shap=0.039", + "None=Thorne, Mrs. Gertrude Maybelle
Age=nan
shap=-1.009", + "None=Parrish, Mrs. (Lutie Davis)
Age=50.0
shap=0.074", + "None=Smith, Mr. Thomas
Age=nan
shap=0.136", + "None=Asplund, Master. Edvin Rojj Felix
Age=3.0
shap=0.060", + "None=Healy, Miss. Hanora \"Nora\"
Age=nan
shap=-0.141", + "None=Andrews, Miss. Kornelia Theodosia
Age=63.0
shap=-0.548", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Age=35.0
shap=0.055", + "None=Smith, Mr. Richard William
Age=nan
shap=0.249", + "None=Connolly, Miss. Kate
Age=22.0
shap=-0.180", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Age=19.0
shap=-1.072", + "None=Levy, Mr. Rene Jacques
Age=36.0
shap=-0.044", + "None=Lewy, Mr. Ervin G
Age=nan
shap=0.878", + "None=Williams, Mr. Howard Hugh \"Harry\"
Age=nan
shap=0.113", + "None=Sage, Mr. George John Jr
Age=nan
shap=0.099", + "None=Nysveen, Mr. Johan Hansen
Age=61.0
shap=-0.087", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=nan
shap=-0.601", + "None=Denkoff, Mr. Mitto
Age=nan
shap=0.113", + "None=Burns, Miss. Elizabeth Margaret
Age=41.0
shap=0.313", + "None=Dimic, Mr. Jovan
Age=42.0
shap=-0.093", + "None=del Carlo, Mr. Sebastiano
Age=29.0
shap=0.102", + "None=Beavan, Mr. William Thomas
Age=19.0
shap=0.167", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=nan
shap=-0.858", + "None=Widener, Mr. Harry Elkins
Age=27.0
shap=0.864", + "None=Gustafsson, Mr. Karl Gideon
Age=19.0
shap=0.167", + "None=Plotcharsky, Mr. Vasil
Age=nan
shap=0.113", + "None=Goodwin, Master. Sidney Leonard
Age=1.0
shap=0.075", + "None=Sadlier, Mr. Matthew
Age=nan
shap=0.136", + "None=Gustafsson, Mr. Johan Birger
Age=28.0
shap=0.160", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=24.0
shap=-0.185", + "None=Niskanen, Mr. Juha
Age=39.0
shap=-0.076", + "None=Minahan, Miss. Daisy E
Age=33.0
shap=0.266", + "None=Matthews, Mr. William John
Age=30.0
shap=0.086", + "None=Charters, Mr. David
Age=21.0
shap=0.175", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=19.0
shap=-0.170", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=45.0
shap=0.083", + "None=Johannesen-Bratthammer, Mr. Bernt
Age=nan
shap=0.099", + "None=Peuchen, Major. Arthur Godfrey
Age=52.0
shap=0.139", + "None=Anderson, Mr. Harry
Age=48.0
shap=0.116", + "None=Milling, Mr. Jacob Christian
Age=48.0
shap=-0.057", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=33.0
shap=0.008", + "None=Karlsson, Mr. Nils August
Age=22.0
shap=0.160", + "None=Frost, Mr. Anthony Wood \"Archie\"
Age=nan
shap=0.113", + "None=Bishop, Mr. Dickinson H
Age=25.0
shap=1.084", + "None=Windelov, Mr. Einar
Age=21.0
shap=0.160", + "None=Shellard, Mr. Frederick William
Age=nan
shap=0.113", + "None=Svensson, Mr. Olof
Age=24.0
shap=0.198", + "None=O'Sullivan, Miss. Bridget Mary
Age=nan
shap=-0.149", + "None=Laitinen, Miss. Kristina Sofia
Age=37.0
shap=0.185", + "None=Penasco y Castellana, Mr. Victor de Satode
Age=18.0
shap=0.654", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Age=nan
shap=0.620", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=36.0
shap=0.164", + "None=Kassem, Mr. Fared
Age=nan
shap=0.140", + "None=Cacic, Miss. Marija
Age=30.0
shap=-0.087", + "None=Hart, Miss. Eva Miriam
Age=7.0
shap=-0.118", + "None=Butt, Major. Archibald Willingham
Age=45.0
shap=0.159", + "None=Beane, Mr. Edward
Age=32.0
shap=0.113", + "None=Goldsmith, Mr. Frank John
Age=33.0
shap=0.031", + "None=Ohman, Miss. Velin
Age=22.0
shap=-0.164", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=39.0
shap=0.470", + "None=Morrow, Mr. Thomas Rowan
Age=nan
shap=0.136", + "None=Harris, Mr. George
Age=62.0
shap=-0.045", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=53.0
shap=-0.732", + "None=Patchett, Mr. George
Age=19.0
shap=0.167", + "None=Ross, Mr. John Hugo
Age=36.0
shap=-0.411", + "None=Murdlin, Mr. Joseph
Age=nan
shap=0.113", + "None=Bourke, Miss. Mary
Age=nan
shap=-0.157", + "None=Boulos, Mr. Hanna
Age=nan
shap=0.140", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=49.0
shap=-0.177", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Age=35.0
shap=-0.731", + "None=Lindell, Mr. Edvard Bengtsson
Age=36.0
shap=-0.094", + "None=Daniel, Mr. Robert Williams
Age=27.0
shap=0.525", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=22.0
shap=-0.191", + "None=Shutes, Miss. Elizabeth W
Age=40.0
shap=0.391", + "None=Jardin, Mr. Jose Neto
Age=nan
shap=0.113", + "None=Horgan, Mr. John
Age=nan
shap=0.136", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=26.0
shap=-0.083", + "None=Yasbeck, Mr. Antoni
Age=27.0
shap=0.102", + "None=Bostandyeff, Mr. Guentcho
Age=26.0
shap=0.090", + "None=Lundahl, Mr. Johan Svensson
Age=51.0
shap=-0.073", + "None=Stahelin-Maeglin, Dr. Max
Age=32.0
shap=0.962", + "None=Willey, Mr. Edward
Age=nan
shap=0.113", + "None=Stanley, Miss. Amy Zillah Elsie
Age=23.0
shap=-0.164", + "None=Hegarty, Miss. Hanora \"Nora\"
Age=18.0
shap=-0.199", + "None=Eitemiller, Mr. George Floyd
Age=23.0
shap=0.160", + "None=Colley, Mr. Edward Pomeroy
Age=47.0
shap=0.107", + "None=Coleff, Mr. Peju
Age=36.0
shap=-0.088", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Age=40.0
shap=0.126", + "None=Davidson, Mr. Thornton
Age=31.0
shap=0.119", + "None=Turja, Miss. Anna Sofia
Age=18.0
shap=-0.168", + "None=Hassab, Mr. Hammad
Age=27.0
shap=0.126", + "None=Goodwin, Mr. Charles Edward
Age=14.0
shap=0.093", + "None=Panula, Mr. Jaako Arnold
Age=14.0
shap=0.097", + "None=Fischer, Mr. Eberhard Thelander
Age=18.0
shap=0.165", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
Age=42.0
shap=-0.025", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Age=18.0
shap=-0.512", + "None=Hansen, Mr. Henrik Juul
Age=26.0
shap=0.083", + "None=Calderhead, Mr. Edward Pennington
Age=42.0
shap=-0.077", + "None=Klaber, Mr. Herman
Age=nan
shap=0.328", + "None=Taylor, Mr. Elmer Zebley
Age=48.0
shap=0.198", + "None=Larsson, Mr. August Viktor
Age=29.0
shap=0.090", + "None=Greenberg, Mr. Samuel
Age=52.0
shap=-0.073", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
Age=27.0
shap=-0.006", + "None=McEvoy, Mr. Michael
Age=nan
shap=0.136", + "None=Johnson, Mr. Malkolm Joackim
Age=33.0
shap=-0.034", + "None=Gillespie, Mr. William Henry
Age=34.0
shap=-0.064", + "None=Allen, Miss. Elisabeth Walton
Age=29.0
shap=-0.049", + "None=Berriman, Mr. William John
Age=23.0
shap=0.160", + "None=Troupiansky, Mr. Moses Aaron
Age=23.0
shap=0.160", + "None=Williams, Mr. Leslie
Age=28.5
shap=0.090", + "None=Ivanoff, Mr. Kanio
Age=nan
shap=0.113", + "None=McNamee, Mr. Neal
Age=24.0
shap=0.188", + "None=Connaghton, Mr. Michael
Age=31.0
shap=0.089", + "None=Carlsson, Mr. August Sigfrid
Age=28.0
shap=0.090", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Age=33.0
shap=0.027", + "None=Eklund, Mr. Hans Linus
Age=16.0
shap=0.143", + "None=Hogeboom, Mrs. John C (Anna Andrews)
Age=51.0
shap=-0.562", + "None=Moran, Mr. Daniel J
Age=nan
shap=0.125", + "None=Lievens, Mr. Rene Aime
Age=24.0
shap=0.198", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Age=43.0
shap=0.569", + "None=Ayoub, Miss. Banoura
Age=13.0
shap=-0.138", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
Age=17.0
shap=-0.523", + "None=Johnston, Mr. Andrew G
Age=nan
shap=0.138", + "None=Ali, Mr. William
Age=25.0
shap=0.123", + "None=Sjoblom, Miss. Anna Sofia
Age=18.0
shap=-0.168", + "None=Guggenheim, Mr. Benjamin
Age=46.0
shap=0.679", + "None=Leader, Dr. Alice (Farnham)
Age=49.0
shap=-0.426", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Age=31.0
shap=-0.063", + "None=Carter, Master. William Thornton II
Age=11.0
shap=0.715", + "None=Thomas, Master. Assad Alexander
Age=0.42
shap=0.158", + "None=Johansson, Mr. Karl Johan
Age=31.0
shap=0.074", + "None=Slemen, Mr. Richard James
Age=35.0
shap=-0.073", + "None=Tomlin, Mr. Ernest Portage
Age=30.5
shap=0.086", + "None=McCormack, Mr. Thomas Joseph
Age=nan
shap=0.122", + "None=Richards, Master. George Sibley
Age=0.83
shap=0.123", + "None=Mudd, Mr. Thomas Charles
Age=16.0
shap=0.143", + "None=Lemberopolous, Mr. Peter L
Age=34.5
shap=-0.073", + "None=Sage, Mr. Douglas Bullen
Age=nan
shap=0.099", + "None=Boulos, Miss. Nourelain
Age=9.0
shap=-0.151", + "None=Aks, Mrs. Sam (Leah Rosen)
Age=18.0
shap=-0.179", + "None=Razi, Mr. Raihed
Age=nan
shap=0.140", + "None=Johnson, Master. Harold Theodor
Age=4.0
shap=0.123", + "None=Carlsson, Mr. Frans Olof
Age=33.0
shap=0.116", + "None=Gustafsson, Mr. Alfred Ossian
Age=20.0
shap=0.167", + "None=Montvila, Rev. Juozas
Age=27.0
shap=0.090" + ], + "type": "scattergl", + "x": [ + 0.9560614081060079, + 0.7176442864120703, + 0.07787048972206272, + -0.10655484330387455, + -0.15916389441961704, + 0.16661389204836277, + -0.1553644829284653, + 0.11559713650134945, + -0.14126344140790678, + 0.6246472798214665, + 0.14022100861981507, + -0.19314359763659644, + -0.16008309789635258, + -0.16378043372576423, + 0.08144544780661406, + 0.07469832892373769, + 0.16032809134472187, + 0.16040323964589495, + -0.1676741559928306, + 0.16472391904868322, + 0.09011821587501247, + 0.16661389204836277, + 0.08289423606674165, + 0.1128367996312115, + 0.9818793639694952, + -0.11530734245098662, + -0.12564980984573976, + 0.16040323964589495, + -0.16192228553925653, + 0.16040323964589495, + 0.08251367123089182, + 0.1128367996312115, + 0.1432912752456775, + -0.08334955007068331, + 0.006795677302750679, + -0.07294278014729494, + -0.07683110431516758, + -0.08193158877912012, + -0.5005548521687688, + -0.20880276564351094, + 0.16040323964589495, + 0.1939782239541786, + 0.24862528655578897, + -0.1538997120735675, + -0.2832248748272648, + 0.09011821587501247, + 0.07954542811513869, + -0.27902285703819446, + 0.19832712451667944, + -0.07294278014729494, + 0.1128367996312115, + -0.06066398077504896, + -0.12565576087273383, + -0.03447236241943022, + 0.1128367996312115, + 0.03892641862474686, + -1.0086891969687461, + 0.07440753373859182, + 0.1355886444076435, + 0.06026387338904157, + -0.14126344140790678, + -0.5476590154844214, + 0.05469249678530455, + 0.24862528655578897, + -0.1800343203805049, + -1.071954328796386, + -0.04430341574390089, + 0.8777155141401881, + 0.1128367996312115, + 0.09875833172516861, + -0.08654788124233341, + -0.6012672508215039, + 0.1128367996312115, + 0.31315441136639044, + -0.09328838385686511, + 0.10190681559453071, + 0.16661389204836277, + -0.8581500017366834, + 0.8636711995432318, + 0.16661389204836277, + 0.1128367996312115, + 0.07469832892373775, + 0.1355886444076435, + 0.16032809134472187, + -0.1849883856347394, + -0.07554930554302408, + 0.2656867307583591, + 0.0862284648694599, + 0.17516401979736226, + -0.16951334363573453, + 0.08285328663528907, + 0.09939860497161748, + 0.138706845483475, + 0.11593330714004897, + -0.05681115776949963, + 0.00764745465879519, + 0.16040323964589495, + 0.1128367996312115, + 1.0838787753721506, + 0.16040323964589495, + 0.1128367996312115, + 0.19832712451667944, + -0.14928601487359577, + 0.18526879446768965, + 0.6543042772706296, + 0.6197015056523048, + 0.16358168427196257, + 0.14022100861981507, + -0.08721502869529241, + -0.11814104316812388, + 0.15892507405148523, + 0.1128494232984156, + 0.03140455270799276, + -0.16378043372576423, + 0.4698292742694402, + 0.1355886444076435, + -0.045127592458187704, + -0.7316254932727982, + 0.16661389204836277, + -0.4108321583310941, + 0.1128367996312115, + -0.1571539413831656, + 0.14022100861981507, + -0.1774872538598461, + -0.7314407812535161, + -0.09399938017530486, + 0.5245590878040555, + -0.19100403911039388, + 0.390976761115291, + 0.1128367996312115, + 0.1355886444076435, + -0.083009162921938, + 0.10190681559453071, + 0.09011821587501247, + -0.07294278014729494, + 0.9621543917097942, + 0.1128367996312115, + -0.16378043372576423, + -0.1993269834593815, + 0.16040323964589495, + 0.10679424251213228, + -0.08801208339739301, + 0.12606007706909877, + 0.11895110614375122, + -0.1676741559928306, + 0.12647503568574348, + 0.09348461492229057, + 0.09665677572061554, + 0.16477470440545883, + -0.024637225868963115, + -0.5119471284372407, + 0.08251367123089182, + -0.07659314231317374, + 0.32806350788606725, + 0.19800126006782443, + 0.09011821587501247, + -0.07294278014729494, + -0.0062400430744007414, + 0.1355886444076435, + -0.034472362419430226, + -0.06447007822823349, + -0.049331777346641945, + 0.16040323964589495, + 0.16040323964589495, + 0.09011821587501247, + 0.1128367996312115, + 0.18804507075803056, + 0.08872069852273315, + 0.09011821587501247, + 0.026598461287925174, + 0.1432912752456775, + -0.5619882131469726, + 0.1253065906489946, + 0.19832712451667944, + 0.5687093870488993, + -0.13815181193309617, + -0.5232981948965841, + 0.137592713829132, + 0.12290970084670505, + -0.1676741559928306, + 0.6793288637858055, + -0.42637444715403167, + -0.06300692979192345, + 0.7151510158273239, + 0.15825576355914434, + 0.07395991837126584, + -0.07257425198534907, + 0.0862284648694599, + 0.1221504497480495, + 0.1231710118999659, + 0.14329127524567753, + -0.07327731474251568, + 0.09875833172516861, + -0.1511372726579567, + -0.17912277783006347, + 0.14022100861981507, + 0.12317101189996589, + 0.11582108932362772, + 0.16661389204836277, + 0.09011821587501247 + ], + "xaxis": "x7", + "y": [ + 0.28315315454909173, + 0.04808313216060622, + 0.654343886315305, + 0.23839134644270998, + 0.28125168520761334, + 0.39408183426266785, + 0.5568575466125489, + 0.026164994927046603, + 0.7516599127928751, + 0.9567245081081117, + 0.19685133284232748, + 0.8359347530729909, + 0.05549046914791156, + 0.9080711961616215, + 0.6550713305477062, + 0.423996078841649, + 0.5945946312422303, + 0.6125472412339588, + 0.5549352785689936, + 0.3675332073491612, + 0.3020227479062678, + 0.31225636290631376, + 0.41979276074275007, + 0.29163283756519676, + 0.8450481055893597, + 0.8414151885937958, + 0.8125126628255469, + 0.5837056231051337, + 0.2709021799944298, + 0.7850295097795873, + 0.5139029884301672, + 0.13938743901296602, + 0.4248517690331749, + 0.21671063286486636, + 0.024317329173924485, + 0.11469951569252057, + 0.5975437352849172, + 0.7309557344792468, + 0.18896212250283595, + 0.7428686993946209, + 0.2796792338487287, + 0.17227266430940136, + 0.36412120826333305, + 0.935609452851068, + 0.5638757441077765, + 0.03415085908258608, + 0.3241414141802057, + 0.7400434595708612, + 0.8040534096796459, + 0.4095378302938436, + 0.7001462668267354, + 0.7384488055239579, + 0.1579396425364996, + 0.3116020473660098, + 0.10708300851557417, + 0.492710884863931, + 0.9161888533918385, + 0.14012545181197333, + 0.22646353860117385, + 0.8248228536776453, + 0.6324081439883271, + 0.35371364219298196, + 0.40698061556176934, + 0.7985562646537799, + 0.34616163529670174, + 0.10276615988324567, + 0.4768790431034532, + 0.5371159134585012, + 0.33880479958257514, + 0.18184115743677842, + 0.8947635627553582, + 0.7133024676757013, + 0.6604415476718197, + 0.0369805094595973, + 0.8631260729950547, + 0.08413427045947475, + 0.8079619182367227, + 0.03453762414630279, + 0.419650621494144, + 0.4463093089461011, + 0.5577735471812315, + 0.8344424224116639, + 0.15629393334234765, + 0.7021813917461164, + 0.4137168620428847, + 0.8936888131459979, + 0.5035479268266123, + 0.10459630439847278, + 0.057748566965111214, + 0.26988496854053534, + 0.5088184723725184, + 0.6508435348042543, + 0.21986277290259448, + 0.44813971407748276, + 0.06894755410745579, + 0.7799616404156227, + 0.7564140652892084, + 0.6048670519866524, + 0.7775798075749643, + 0.4751836586025351, + 0.21113103703224023, + 0.11126208082704914, + 0.29595155988053123, + 0.5218602102432964, + 0.2488456599196328, + 0.471639104888148, + 0.03937959180510997, + 0.6697970079219133, + 0.6716779452510315, + 0.8131141045588524, + 0.9404158693153347, + 0.13332553616932497, + 0.007813461658348064, + 0.6617780658858132, + 0.3353238441834906, + 0.005380977606932902, + 0.8584878801353912, + 0.41226860868752546, + 0.8688064092828673, + 0.5745163593932212, + 0.7444342992691648, + 0.4192185743964876, + 0.8379760986915733, + 0.8438055635193781, + 0.2943588738683547, + 0.060378663337916305, + 0.88923817579802, + 0.4291875577297607, + 0.6583104276501629, + 0.372131790711843, + 0.4157153402866923, + 0.44737519116394164, + 0.006868171368336506, + 0.43568593527227917, + 0.5555991860693237, + 0.4642813806064603, + 0.7233196604471218, + 0.8590004169949584, + 0.4354632990473105, + 0.4584082559747258, + 0.8794953432364307, + 0.8095050349045187, + 0.6249630511568045, + 0.2101410061593172, + 0.8164604273759618, + 0.9461153326683914, + 0.8384059968019525, + 0.10390106160819146, + 0.12065908556519711, + 0.7162762588108271, + 0.8749130873247041, + 0.6112282284805335, + 0.5169177599961472, + 0.025411195158999145, + 0.2370061117672868, + 0.16572969430622853, + 0.8338468099752201, + 0.6474294926297515, + 0.23543932922148714, + 0.1942185557445505, + 0.3201062931168531, + 0.26280594464017126, + 0.23700442406976785, + 0.5060774527524441, + 0.5807129726891044, + 0.939938068574248, + 0.0822246408063042, + 0.7367226823886602, + 0.5493140064177262, + 0.6686660417790805, + 0.0759958539734108, + 0.7297640164255764, + 0.6458437204006617, + 0.8335181820548704, + 0.9852936400385909, + 0.36934368757639213, + 0.04357713407363917, + 0.6332121721288664, + 0.7446337962458883, + 0.46561957268968546, + 0.8874383105278577, + 0.36203896430702864, + 0.923281679744087, + 0.08317403904018028, + 0.8242912591525648, + 0.30893848423915404, + 0.3030169325159602, + 0.5666363903196183, + 0.2835015990046855, + 0.6219679801481477, + 0.9836148791512085, + 0.3968348817064081, + 0.8317736626878725, + 0.8048034117478864, + 0.40728053635106454, + 0.849188787628349, + 0.5182120086124873, + 0.29976791532954017, + 0.3449541299673822, + 0.5192718015163491 + ], + "yaxis": "y7" }, - "xaxis": { - "title": { - "text": "Predicted $" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "name = test_names[0] # explainer prediction for name\n", - "print(name)\n", - "explainer.plot_contributions(name, cats=False, sort='low-to-high', orientation='horizontal')" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Shap dependence plots" - ] - }, - { - "cell_type": "code", - "execution_count": 61, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:47:20.477164Z", - "start_time": "2020-10-12T08:47:20.466137Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ { "hoverinfo": "text", "marker": { - "opacity": 0.6, - "size": 7 + "color": [ + 1, + 1, + 0, + 1, + 1, + 0, + 0, + 1, + 1, + 0, + 0, + 1, + 0, + 1, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 1, + 1, + 0, + 0, + 1, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 1, + 1, + 0, + 1, + 1, + 1, + 1, + 0, + 1, + 1, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 1, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 1, + 1, + 0, + 0, + 1, + 1, + 1, + 1, + 1, + 0, + 1, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 1, + 0, + 0, + 1, + 0, + 1, + 0, + 1, + 1, + 0, + 1, + 1, + 0, + 0, + 0, + 0, + 0, + 1, + 1, + 0, + 1, + 1, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 1, + 0, + 0, + 0, + 0, + 1, + 0, + 1, + 1, + 0, + 0, + 0, + 0, + 1, + 0, + 1, + 0, + 1, + 0, + 0, + 1, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 1, + 0, + 0, + 1, + 1, + 1, + 0, + 0, + 1, + 0, + 1, + 1, + 1, + 1, + 0, + 0, + 0, + 1, + 1, + 0, + 0, + 0, + 0, + 1, + 0, + 1, + 0, + 0, + 0 + ], + "colorbar": { + "showticklabels": false, + "title": { + "text": "feature value
(red is high)" + } + }, + "colorscale": [ + [ + 0, + "rgb(0,0,255)" + ], + [ + 1, + "rgb(255,0,0)" + ] + ], + "opacity": 0.3, + "showscale": true, + "size": 5 }, "mode": "markers", + "name": "Survival", + "opacity": 0.8, + "showlegend": false, "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
SHAP=7.56", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
SHAP=6.13", - "index=Palsson, Master. Gosta Leonard
Age=2.0
SHAP=0.11", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=27.0
SHAP=-0.65", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
SHAP=-0.91", - "index=Saundercock, Mr. William Henry
Age=20.0
SHAP=-0.4", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Age=14.0
SHAP=0.09", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=38.0
SHAP=0.75", - "index=Glynn, Miss. Mary Agatha
Age=nan
SHAP=-0.35", - "index=Meyer, Mr. Edgar Joseph
Age=28.0
SHAP=-2.67", - "index=Kraeff, Mr. Theodor
Age=nan
SHAP=-0.08", - "index=Devaney, Miss. Margaret Delia
Age=19.0
SHAP=-0.89", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=18.0
SHAP=-0.84", - "index=Rugg, Miss. Emily
Age=21.0
SHAP=-0.79", - "index=Harris, Mr. Henry Birkhardt
Age=45.0
SHAP=-1.12", - "index=Skoog, Master. Harald
Age=4.0
SHAP=0.09", - "index=Kink, Mr. Vincenz
Age=26.0
SHAP=-0.38", - "index=Hood, Mr. Ambrose Jr
Age=21.0
SHAP=-0.3", - "index=Ilett, Miss. Bertha
Age=17.0
SHAP=-0.16", - "index=Ford, Mr. William Neal
Age=16.0
SHAP=-0.21", - "index=Christmann, Mr. Emil
Age=29.0
SHAP=-0.4", - "index=Andreasson, Mr. Paul Edvin
Age=20.0
SHAP=-0.4", - "index=Chaffee, Mr. Herbert Fuller
Age=46.0
SHAP=-0.51", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Age=nan
SHAP=0.27", - "index=White, Mr. Richard Frasar
Age=21.0
SHAP=2.44", - "index=Rekic, Mr. Tido
Age=38.0
SHAP=0.51", - "index=Moran, Miss. Bertha
Age=nan
SHAP=0.38", - "index=Barton, Mr. David John
Age=22.0
SHAP=-0.4", - "index=Jussila, Miss. Katriina
Age=20.0
SHAP=-0.98", - "index=Pekoniemi, Mr. Edvard
Age=21.0
SHAP=-0.4", - "index=Turpin, Mr. William John Robert
Age=29.0
SHAP=-0.25", - "index=Moore, Mr. Leonard Charles
Age=nan
SHAP=0.27", - "index=Osen, Mr. Olaf Elon
Age=16.0
SHAP=-0.19", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Age=9.0
SHAP=-0.03", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=36.5
SHAP=1.94", - "index=Bateman, Rev. Robert James
Age=51.0
SHAP=0.22", - "index=Meo, Mr. Alfonzo
Age=55.5
SHAP=-0.16", - "index=Cribb, Mr. John Hatfield
Age=44.0
SHAP=-0.29", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Age=nan
SHAP=0.78", - "index=Van der hoef, Mr. Wyckoff
Age=61.0
SHAP=-2.17", - "index=Sivola, Mr. Antti Wilhelm
Age=21.0
SHAP=-0.4", - "index=Klasen, Mr. Klas Albin
Age=18.0
SHAP=-0.19", - "index=Rood, Mr. Hugh Roscoe
Age=nan
SHAP=1.52", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=19.0
SHAP=-1.14", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Age=44.0
SHAP=6.35", - "index=Vande Walle, Mr. Nestor Cyriel
Age=28.0
SHAP=-0.34", - "index=Backstrom, Mr. Karl Alfred
Age=32.0
SHAP=-0.44", - "index=Blank, Mr. Henry
Age=40.0
SHAP=4.3", - "index=Ali, Mr. Ahmed
Age=24.0
SHAP=-0.35", - "index=Green, Mr. George Henry
Age=51.0
SHAP=-0.08", - "index=Nenkoff, Mr. Christo
Age=nan
SHAP=0.27", - "index=Asplund, Miss. Lillian Gertrud
Age=5.0
SHAP=-0.13", - "index=Harknett, Miss. Alice Phoebe
Age=nan
SHAP=-0.02", - "index=Hunt, Mr. George Henry
Age=33.0
SHAP=0.37", - "index=Reed, Mr. James George
Age=nan
SHAP=0.27", - "index=Stead, Mr. William Thomas
Age=62.0
SHAP=-3.21", - "index=Thorne, Mrs. Gertrude Maybelle
Age=nan
SHAP=-6.2", - "index=Parrish, Mrs. (Lutie Davis)
Age=50.0
SHAP=0.73", - "index=Smith, Mr. Thomas
Age=nan
SHAP=0.09", - "index=Asplund, Master. Edvin Rojj Felix
Age=3.0
SHAP=-0.01", - "index=Healy, Miss. Hanora \"Nora\"
Age=nan
SHAP=-0.35", - "index=Andrews, Miss. Kornelia Theodosia
Age=63.0
SHAP=-1.48", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Age=35.0
SHAP=2.22", - "index=Smith, Mr. Richard William
Age=nan
SHAP=1.52", - "index=Connolly, Miss. Kate
Age=22.0
SHAP=-0.88", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Age=19.0
SHAP=-3.6", - "index=Levy, Mr. Rene Jacques
Age=36.0
SHAP=3.36", - "index=Lewy, Mr. Ervin G
Age=nan
SHAP=-0.53", - "index=Williams, Mr. Howard Hugh \"Harry\"
Age=nan
SHAP=0.27", - "index=Sage, Mr. George John Jr
Age=nan
SHAP=1.44", - "index=Nysveen, Mr. Johan Hansen
Age=61.0
SHAP=-0.15", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=nan
SHAP=-2.0", - "index=Denkoff, Mr. Mitto
Age=nan
SHAP=0.27", - "index=Burns, Miss. Elizabeth Margaret
Age=41.0
SHAP=6.32", - "index=Dimic, Mr. Jovan
Age=42.0
SHAP=0.41", - "index=del Carlo, Mr. Sebastiano
Age=29.0
SHAP=-0.44", - "index=Beavan, Mr. William Thomas
Age=19.0
SHAP=-0.4", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=nan
SHAP=-4.52", - "index=Widener, Mr. Harry Elkins
Age=27.0
SHAP=-0.1", - "index=Gustafsson, Mr. Karl Gideon
Age=19.0
SHAP=-0.4", - "index=Plotcharsky, Mr. Vasil
Age=nan
SHAP=0.27", - "index=Goodwin, Master. Sidney Leonard
Age=1.0
SHAP=-1.58", - "index=Sadlier, Mr. Matthew
Age=nan
SHAP=0.09", - "index=Gustafsson, Mr. Johan Birger
Age=28.0
SHAP=-0.41", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=24.0
SHAP=-0.28", - "index=Niskanen, Mr. Juha
Age=39.0
SHAP=1.21", - "index=Minahan, Miss. Daisy E
Age=33.0
SHAP=1.67", - "index=Matthews, Mr. William John
Age=30.0
SHAP=-0.18", - "index=Charters, Mr. David
Age=21.0
SHAP=-0.32", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=19.0
SHAP=-0.79", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=45.0
SHAP=0.92", - "index=Johannesen-Bratthammer, Mr. Bernt
Age=nan
SHAP=0.13", - "index=Peuchen, Major. Arthur Godfrey
Age=52.0
SHAP=-1.64", - "index=Anderson, Mr. Harry
Age=48.0
SHAP=-0.42", - "index=Milling, Mr. Jacob Christian
Age=48.0
SHAP=0.31", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=33.0
SHAP=0.73", - "index=Karlsson, Mr. Nils August
Age=22.0
SHAP=-0.4", - "index=Frost, Mr. Anthony Wood \"Archie\"
Age=nan
SHAP=-1.07", - "index=Bishop, Mr. Dickinson H
Age=25.0
SHAP=-4.35", - "index=Windelov, Mr. Einar
Age=21.0
SHAP=-0.4", - "index=Shellard, Mr. Frederick William
Age=nan
SHAP=0.27", - "index=Svensson, Mr. Olof
Age=24.0
SHAP=-0.35", - "index=O'Sullivan, Miss. Bridget Mary
Age=nan
SHAP=-0.2", - "index=Laitinen, Miss. Kristina Sofia
Age=37.0
SHAP=1.11", - "index=Penasco y Castellana, Mr. Victor de Satode
Age=18.0
SHAP=-1.15", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Age=nan
SHAP=0.02", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=36.0
SHAP=2.15", - "index=Kassem, Mr. Fared
Age=nan
SHAP=-0.08", - "index=Cacic, Miss. Marija
Age=30.0
SHAP=-0.62", - "index=Hart, Miss. Eva Miriam
Age=7.0
SHAP=-0.33", - "index=Butt, Major. Archibald Willingham
Age=45.0
SHAP=0.97", - "index=Beane, Mr. Edward
Age=32.0
SHAP=0.06", - "index=Goldsmith, Mr. Frank John
Age=33.0
SHAP=0.45", - "index=Ohman, Miss. Velin
Age=22.0
SHAP=-0.95", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=39.0
SHAP=1.82", - "index=Morrow, Mr. Thomas Rowan
Age=nan
SHAP=0.09", - "index=Harris, Mr. George
Age=62.0
SHAP=0.51", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=53.0
SHAP=-1.27", - "index=Patchett, Mr. George
Age=19.0
SHAP=-0.4", - "index=Ross, Mr. John Hugo
Age=36.0
SHAP=20.24", - "index=Murdlin, Mr. Joseph
Age=nan
SHAP=0.27", - "index=Bourke, Miss. Mary
Age=nan
SHAP=-0.14", - "index=Boulos, Mr. Hanna
Age=nan
SHAP=-0.08", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=49.0
SHAP=-1.78", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Age=35.0
SHAP=24.24", - "index=Lindell, Mr. Edvard Bengtsson
Age=36.0
SHAP=1.25", - "index=Daniel, Mr. Robert Williams
Age=27.0
SHAP=-1.97", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=22.0
SHAP=-1.06", - "index=Shutes, Miss. Elizabeth W
Age=40.0
SHAP=3.34", - "index=Jardin, Mr. Jose Neto
Age=nan
SHAP=0.27", - "index=Horgan, Mr. John
Age=nan
SHAP=0.09", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=26.0
SHAP=-0.88", - "index=Yasbeck, Mr. Antoni
Age=27.0
SHAP=-0.9", - "index=Bostandyeff, Mr. Guentcho
Age=26.0
SHAP=-0.15", - "index=Lundahl, Mr. Johan Svensson
Age=51.0
SHAP=-0.08", - "index=Stahelin-Maeglin, Dr. Max
Age=32.0
SHAP=1.36", - "index=Willey, Mr. Edward
Age=nan
SHAP=0.27", - "index=Stanley, Miss. Amy Zillah Elsie
Age=23.0
SHAP=-0.94", - "index=Hegarty, Miss. Hanora \"Nora\"
Age=18.0
SHAP=-0.47", - "index=Eitemiller, Mr. George Floyd
Age=23.0
SHAP=-0.29", - "index=Colley, Mr. Edward Pomeroy
Age=47.0
SHAP=-1.06", - "index=Coleff, Mr. Peju
Age=36.0
SHAP=1.62", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Age=40.0
SHAP=1.1", - "index=Davidson, Mr. Thornton
Age=31.0
SHAP=-0.88", - "index=Turja, Miss. Anna Sofia
Age=18.0
SHAP=-0.75", - "index=Hassab, Mr. Hammad
Age=27.0
SHAP=-4.14", - "index=Goodwin, Mr. Charles Edward
Age=14.0
SHAP=-1.64", - "index=Panula, Mr. Jaako Arnold
Age=14.0
SHAP=0.04", - "index=Fischer, Mr. Eberhard Thelander
Age=18.0
SHAP=-0.19", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Age=42.0
SHAP=0.3", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Age=18.0
SHAP=-3.47", - "index=Hansen, Mr. Henrik Juul
Age=26.0
SHAP=-0.69", - "index=Calderhead, Mr. Edward Pennington
Age=42.0
SHAP=1.15", - "index=Klaber, Mr. Herman
Age=nan
SHAP=2.34", - "index=Taylor, Mr. Elmer Zebley
Age=48.0
SHAP=-1.0", - "index=Larsson, Mr. August Viktor
Age=29.0
SHAP=-0.4", - "index=Greenberg, Mr. Samuel
Age=52.0
SHAP=0.22", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Age=27.0
SHAP=-0.35", - "index=McEvoy, Mr. Michael
Age=nan
SHAP=0.09", - "index=Johnson, Mr. Malkolm Joackim
Age=33.0
SHAP=0.25", - "index=Gillespie, Mr. William Henry
Age=34.0
SHAP=1.61", - "index=Allen, Miss. Elisabeth Walton
Age=29.0
SHAP=-2.88", - "index=Berriman, Mr. William John
Age=23.0
SHAP=-0.29", - "index=Troupiansky, Mr. Moses Aaron
Age=23.0
SHAP=-0.29", - "index=Williams, Mr. Leslie
Age=28.5
SHAP=-0.34", - "index=Ivanoff, Mr. Kanio
Age=nan
SHAP=0.27", - "index=McNamee, Mr. Neal
Age=24.0
SHAP=-0.66", - "index=Connaghton, Mr. Michael
Age=31.0
SHAP=-0.03", - "index=Carlsson, Mr. August Sigfrid
Age=28.0
SHAP=-0.34", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Age=33.0
SHAP=1.34", - "index=Eklund, Mr. Hans Linus
Age=16.0
SHAP=-0.19", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Age=51.0
SHAP=-1.2", - "index=Moran, Mr. Daniel J
Age=nan
SHAP=0.77", - "index=Lievens, Mr. Rene Aime
Age=24.0
SHAP=-0.35", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Age=43.0
SHAP=2.68", - "index=Ayoub, Miss. Banoura
Age=13.0
SHAP=-0.54", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Age=17.0
SHAP=-2.06", - "index=Johnston, Mr. Andrew G
Age=nan
SHAP=0.14", - "index=Ali, Mr. William
Age=25.0
SHAP=-0.44", - "index=Sjoblom, Miss. Anna Sofia
Age=18.0
SHAP=-0.75", - "index=Guggenheim, Mr. Benjamin
Age=46.0
SHAP=0.54", - "index=Leader, Dr. Alice (Farnham)
Age=49.0
SHAP=0.47", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Age=31.0
SHAP=-0.1", - "index=Carter, Master. William Thornton II
Age=11.0
SHAP=1.79", - "index=Thomas, Master. Assad Alexander
Age=0.42
SHAP=-0.32", - "index=Johansson, Mr. Karl Johan
Age=31.0
SHAP=-0.26", - "index=Slemen, Mr. Richard James
Age=35.0
SHAP=2.03", - "index=Tomlin, Mr. Ernest Portage
Age=30.5
SHAP=-0.35", - "index=McCormack, Mr. Thomas Joseph
Age=nan
SHAP=-0.06", - "index=Richards, Master. George Sibley
Age=0.83
SHAP=-0.12", - "index=Mudd, Mr. Thomas Charles
Age=16.0
SHAP=0.44", - "index=Lemberopolous, Mr. Peter L
Age=34.5
SHAP=3.03", - "index=Sage, Mr. Douglas Bullen
Age=nan
SHAP=1.44", - "index=Boulos, Miss. Nourelain
Age=9.0
SHAP=-0.29", - "index=Aks, Mrs. Sam (Leah Rosen)
Age=18.0
SHAP=-1.04", - "index=Razi, Mr. Raihed
Age=nan
SHAP=-0.08", - "index=Johnson, Master. Harold Theodor
Age=4.0
SHAP=0.05", - "index=Carlsson, Mr. Frans Olof
Age=33.0
SHAP=1.76", - "index=Gustafsson, Mr. Alfred Ossian
Age=20.0
SHAP=-0.4", - "index=Montvila, Rev. Juozas
Age=27.0
SHAP=-0.31" - ], - "type": "scatter", - "x": [ - 38, - 35, - 2, - 27, - 14, - 20, - 14, - 38, - null, - 28, - null, - 19, - 18, - 21, - 45, - 4, - 26, - 21, - 17, - 16, - 29, - 20, - 46, - null, - 21, - 38, - null, - 22, - 20, - 21, - 29, - null, - 16, - 9, - 36.5, - 51, - 55.5, - 44, - null, - 61, - 21, - 18, - null, - 19, - 44, - 28, - 32, - 40, - 24, - 51, - null, - 5, - null, - 33, - null, - 62, - null, - 50, - null, - 3, - null, - 63, - 35, - null, - 22, - 19, - 36, - null, - null, - null, - 61, - null, - null, - 41, - 42, - 29, - 19, - null, - 27, - 19, - null, - 1, - null, - 28, - 24, - 39, - 33, - 30, - 21, - 19, - 45, - null, - 52, - 48, - 48, - 33, - 22, - null, - 25, - 21, - null, - 24, - null, - 37, - 18, - null, - 36, - null, - 30, - 7, - 45, - 32, - 33, - 22, - 39, - null, - 62, - 53, - 19, - 36, - null, - null, - null, - 49, - 35, - 36, - 27, - 22, - 40, - null, - null, - 26, - 27, - 26, - 51, - 32, - null, - 23, - 18, - 23, - 47, - 36, - 40, - 31, - 18, - 27, - 14, - 14, - 18, - 42, - 18, - 26, - 42, - null, - 48, - 29, - 52, - 27, - null, - 33, - 34, - 29, - 23, - 23, - 28.5, - null, - 24, - 31, - 28, - 33, - 16, - 51, - null, - 24, - 43, - 13, - 17, - null, - 25, - 18, - 46, - 49, - 31, - 11, - 0.42, - 31, - 35, - 30.5, - null, - 0.83, - 16, - 34.5, - null, - 9, - 18, - null, - 4, - 33, - 20, - 27 + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Survival=1
shap=-0.048", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Survival=1
shap=-0.049", + "None=Palsson, Master. Gosta Leonard
Survival=0
shap=-0.027", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Survival=1
shap=-0.020", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Survival=1
shap=-0.025", + "None=Saundercock, Mr. William Henry
Survival=0
shap=-0.084", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Survival=0
shap=0.040", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Survival=1
shap=-0.022", + "None=Glynn, Miss. Mary Agatha
Survival=1
shap=-0.042", + "None=Meyer, Mr. Edgar Joseph
Survival=0
shap=-0.115", + "None=Kraeff, Mr. Theodor
Survival=0
shap=-0.080", + "None=Devaney, Miss. Margaret Delia
Survival=1
shap=-0.042", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Survival=0
shap=0.029", + "None=Rugg, Miss. Emily
Survival=1
shap=-0.044", + "None=Harris, Mr. Henry Birkhardt
Survival=0
shap=-0.205", + "None=Skoog, Master. Harald
Survival=0
shap=-0.034", + "None=Kink, Mr. Vincenz
Survival=0
shap=-0.049", + "None=Hood, Mr. Ambrose Jr
Survival=0
shap=-0.084", + "None=Ilett, Miss. Bertha
Survival=1
shap=-0.044", + "None=Ford, Mr. William Neal
Survival=0
shap=-0.050", + "None=Christmann, Mr. Emil
Survival=0
shap=-0.084", + "None=Andreasson, Mr. Paul Edvin
Survival=0
shap=-0.084", + "None=Chaffee, Mr. Herbert Fuller
Survival=0
shap=-0.205", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Survival=0
shap=-0.084", + "None=White, Mr. Richard Frasar
Survival=0
shap=-0.039", + "None=Rekic, Mr. Tido
Survival=0
shap=-0.100", + "None=Moran, Miss. Bertha
Survival=1
shap=-0.022", + "None=Barton, Mr. David John
Survival=0
shap=-0.084", + "None=Jussila, Miss. Katriina
Survival=0
shap=0.029", + "None=Pekoniemi, Mr. Edvard
Survival=0
shap=-0.084", + "None=Turpin, Mr. William John Robert
Survival=0
shap=-0.065", + "None=Moore, Mr. Leonard Charles
Survival=0
shap=-0.084", + "None=Osen, Mr. Olaf Elon
Survival=0
shap=-0.084", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Survival=0
shap=0.006", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Survival=0
shap=-0.076", + "None=Bateman, Rev. Robert James
Survival=0
shap=-0.100", + "None=Meo, Mr. Alfonzo
Survival=0
shap=-0.100", + "None=Cribb, Mr. John Hatfield
Survival=0
shap=-0.069", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Survival=1
shap=0.017", + "None=Van der hoef, Mr. Wyckoff
Survival=0
shap=-1.905", + "None=Sivola, Mr. Antti Wilhelm
Survival=0
shap=-0.084", + "None=Klasen, Mr. Klas Albin
Survival=0
shap=-0.043", + "None=Rood, Mr. Hugh Roscoe
Survival=0
shap=-0.224", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Survival=1
shap=-0.024", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Survival=1
shap=-0.548", + "None=Vande Walle, Mr. Nestor Cyriel
Survival=0
shap=-0.084", + "None=Backstrom, Mr. Karl Alfred
Survival=0
shap=-0.081", + "None=Blank, Mr. Henry
Survival=1
shap=0.144", + "None=Ali, Mr. Ahmed
Survival=0
shap=-0.084", + "None=Green, Mr. George Henry
Survival=0
shap=-0.100", + "None=Nenkoff, Mr. Christo
Survival=0
shap=-0.084", + "None=Asplund, Miss. Lillian Gertrud
Survival=1
shap=-0.011", + "None=Harknett, Miss. Alice Phoebe
Survival=0
shap=0.040", + "None=Hunt, Mr. George Henry
Survival=0
shap=-0.100", + "None=Reed, Mr. James George
Survival=0
shap=-0.084", + "None=Stead, Mr. William Thomas
Survival=0
shap=-0.311", + "None=Thorne, Mrs. Gertrude Maybelle
Survival=1
shap=-0.053", + "None=Parrish, Mrs. (Lutie Davis)
Survival=1
shap=-0.028", + "None=Smith, Mr. Thomas
Survival=0
shap=-0.073", + "None=Asplund, Master. Edvin Rojj Felix
Survival=1
shap=0.031", + "None=Healy, Miss. Hanora \"Nora\"
Survival=1
shap=-0.042", + "None=Andrews, Miss. Kornelia Theodosia
Survival=1
shap=-0.057", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Survival=1
shap=-0.021", + "None=Smith, Mr. Richard William
Survival=0
shap=-0.224", + "None=Connolly, Miss. Kate
Survival=1
shap=-0.042", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Survival=1
shap=-0.408", + "None=Levy, Mr. Rene Jacques
Survival=0
shap=-0.096", + "None=Lewy, Mr. Ervin G
Survival=0
shap=-0.149", + "None=Williams, Mr. Howard Hugh \"Harry\"
Survival=0
shap=-0.084", + "None=Sage, Mr. George John Jr
Survival=0
shap=-0.034", + "None=Nysveen, Mr. Johan Hansen
Survival=0
shap=-0.107", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Survival=1
shap=-0.041", + "None=Denkoff, Mr. Mitto
Survival=0
shap=-0.084", + "None=Burns, Miss. Elizabeth Margaret
Survival=1
shap=-0.061", + "None=Dimic, Mr. Jovan
Survival=0
shap=-0.100", + "None=del Carlo, Mr. Sebastiano
Survival=0
shap=-0.061", + "None=Beavan, Mr. William Thomas
Survival=0
shap=-0.084", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Survival=1
shap=-0.040", + "None=Widener, Mr. Harry Elkins
Survival=0
shap=-0.035", + "None=Gustafsson, Mr. Karl Gideon
Survival=0
shap=-0.084", + "None=Plotcharsky, Mr. Vasil
Survival=0
shap=-0.084", + "None=Goodwin, Master. Sidney Leonard
Survival=0
shap=-0.034", + "None=Sadlier, Mr. Matthew
Survival=0
shap=-0.073", + "None=Gustafsson, Mr. Johan Birger
Survival=0
shap=-0.049", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Survival=1
shap=-0.020", + "None=Niskanen, Mr. Juha
Survival=1
shap=0.115", + "None=Minahan, Miss. Daisy E
Survival=1
shap=-0.032", + "None=Matthews, Mr. William John
Survival=0
shap=-0.084", + "None=Charters, Mr. David
Survival=0
shap=-0.073", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Survival=1
shap=-0.044", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Survival=1
shap=-0.021", + "None=Johannesen-Bratthammer, Mr. Bernt
Survival=1
shap=0.085", + "None=Peuchen, Major. Arthur Godfrey
Survival=1
shap=0.132", + "None=Anderson, Mr. Harry
Survival=1
shap=0.132", + "None=Milling, Mr. Jacob Christian
Survival=0
shap=-0.100", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Survival=1
shap=-0.022", + "None=Karlsson, Mr. Nils August
Survival=0
shap=-0.084", + "None=Frost, Mr. Anthony Wood \"Archie\"
Survival=0
shap=-0.084", + "None=Bishop, Mr. Dickinson H
Survival=1
shap=0.975", + "None=Windelov, Mr. Einar
Survival=0
shap=-0.084", + "None=Shellard, Mr. Frederick William
Survival=0
shap=-0.084", + "None=Svensson, Mr. Olof
Survival=0
shap=-0.084", + "None=O'Sullivan, Miss. Bridget Mary
Survival=0
shap=0.024", + "None=Laitinen, Miss. Kristina Sofia
Survival=0
shap=0.049", + "None=Penasco y Castellana, Mr. Victor de Satode
Survival=0
shap=-0.115", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Survival=1
shap=0.120", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Survival=1
shap=-0.039", + "None=Kassem, Mr. Fared
Survival=0
shap=-0.080", + "None=Cacic, Miss. Marija
Survival=0
shap=0.040", + "None=Hart, Miss. Eva Miriam
Survival=1
shap=-0.020", + "None=Butt, Major. Archibald Willingham
Survival=0
shap=-1.833", + "None=Beane, Mr. Edward
Survival=1
shap=0.082", + "None=Goldsmith, Mr. Frank John
Survival=0
shap=-0.059", + "None=Ohman, Miss. Velin
Survival=1
shap=-0.044", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Survival=1
shap=-0.035", + "None=Morrow, Mr. Thomas Rowan
Survival=0
shap=-0.073", + "None=Harris, Mr. George
Survival=1
shap=0.116", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Survival=1
shap=-0.030", + "None=Patchett, Mr. George
Survival=0
shap=-0.084", + "None=Ross, Mr. John Hugo
Survival=0
shap=-0.164", + "None=Murdlin, Mr. Joseph
Survival=0
shap=-0.084", + "None=Bourke, Miss. Mary
Survival=0
shap=0.010", + "None=Boulos, Mr. Hanna
Survival=0
shap=-0.080", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Survival=1
shap=0.121", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Survival=1
shap=0.144", + "None=Lindell, Mr. Edvard Bengtsson
Survival=0
shap=-0.081", + "None=Daniel, Mr. Robert Williams
Survival=1
shap=0.120", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Survival=1
shap=-0.015", + "None=Shutes, Miss. Elizabeth W
Survival=1
shap=-0.062", + "None=Jardin, Mr. Jose Neto
Survival=0
shap=-0.084", + "None=Horgan, Mr. John
Survival=0
shap=-0.073", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Survival=0
shap=0.029", + "None=Yasbeck, Mr. Antoni
Survival=0
shap=-0.061", + "None=Bostandyeff, Mr. Guentcho
Survival=0
shap=-0.084", + "None=Lundahl, Mr. Johan Svensson
Survival=0
shap=-0.100", + "None=Stahelin-Maeglin, Dr. Max
Survival=1
shap=1.228", + "None=Willey, Mr. Edward
Survival=0
shap=-0.084", + "None=Stanley, Miss. Amy Zillah Elsie
Survival=1
shap=-0.044", + "None=Hegarty, Miss. Hanora \"Nora\"
Survival=0
shap=0.024", + "None=Eitemiller, Mr. George Floyd
Survival=0
shap=-0.084", + "None=Colley, Mr. Edward Pomeroy
Survival=0
shap=-0.239", + "None=Coleff, Mr. Peju
Survival=0
shap=-0.100", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Survival=1
shap=-0.021", + "None=Davidson, Mr. Thornton
Survival=0
shap=-1.361", + "None=Turja, Miss. Anna Sofia
Survival=1
shap=-0.044", + "None=Hassab, Mr. Hammad
Survival=1
shap=0.132", + "None=Goodwin, Mr. Charles Edward
Survival=0
shap=-0.034", + "None=Panula, Mr. Jaako Arnold
Survival=0
shap=-0.027", + "None=Fischer, Mr. Eberhard Thelander
Survival=0
shap=-0.084", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
Survival=0
shap=-0.100", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Survival=1
shap=-0.040", + "None=Hansen, Mr. Henrik Juul
Survival=0
shap=-0.065", + "None=Calderhead, Mr. Edward Pennington
Survival=1
shap=0.132", + "None=Klaber, Mr. Herman
Survival=0
shap=-0.224", + "None=Taylor, Mr. Elmer Zebley
Survival=1
shap=0.109", + "None=Larsson, Mr. August Viktor
Survival=0
shap=-0.084", + "None=Greenberg, Mr. Samuel
Survival=0
shap=-0.100", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
Survival=1
shap=-0.044", + "None=McEvoy, Mr. Michael
Survival=0
shap=-0.073", + "None=Johnson, Mr. Malkolm Joackim
Survival=0
shap=-0.100", + "None=Gillespie, Mr. William Henry
Survival=0
shap=-0.100", + "None=Allen, Miss. Elisabeth Walton
Survival=1
shap=-0.323", + "None=Berriman, Mr. William John
Survival=0
shap=-0.084", + "None=Troupiansky, Mr. Moses Aaron
Survival=0
shap=-0.084", + "None=Williams, Mr. Leslie
Survival=0
shap=-0.084", + "None=Ivanoff, Mr. Kanio
Survival=0
shap=-0.084", + "None=McNamee, Mr. Neal
Survival=0
shap=-0.065", + "None=Connaghton, Mr. Michael
Survival=0
shap=-0.076", + "None=Carlsson, Mr. August Sigfrid
Survival=0
shap=-0.084", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Survival=1
shap=-0.331", + "None=Eklund, Mr. Hans Linus
Survival=0
shap=-0.084", + "None=Hogeboom, Mrs. John C (Anna Andrews)
Survival=1
shap=-0.049", + "None=Moran, Mr. Daniel J
Survival=0
shap=-0.054", + "None=Lievens, Mr. Rene Aime
Survival=0
shap=-0.084", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Survival=1
shap=-0.285", + "None=Ayoub, Miss. Banoura
Survival=1
shap=-0.045", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
Survival=1
shap=-0.190", + "None=Johnston, Mr. Andrew G
Survival=0
shap=-0.050", + "None=Ali, Mr. William
Survival=0
shap=-0.084", + "None=Sjoblom, Miss. Anna Sofia
Survival=1
shap=-0.044", + "None=Guggenheim, Mr. Benjamin
Survival=0
shap=-2.174", + "None=Leader, Dr. Alice (Farnham)
Survival=1
shap=-0.062", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Survival=1
shap=-0.018", + "None=Carter, Master. William Thornton II
Survival=1
shap=0.422", + "None=Thomas, Master. Assad Alexander
Survival=1
shap=0.049", + "None=Johansson, Mr. Karl Johan
Survival=0
shap=-0.086", + "None=Slemen, Mr. Richard James
Survival=0
shap=-0.100", + "None=Tomlin, Mr. Ernest Portage
Survival=0
shap=-0.084", + "None=McCormack, Mr. Thomas Joseph
Survival=1
shap=0.084", + "None=Richards, Master. George Sibley
Survival=1
shap=0.034", + "None=Mudd, Mr. Thomas Charles
Survival=0
shap=-0.084", + "None=Lemberopolous, Mr. Peter L
Survival=0
shap=-0.096", + "None=Sage, Mr. Douglas Bullen
Survival=0
shap=-0.034", + "None=Boulos, Miss. Nourelain
Survival=0
shap=-0.000", + "None=Aks, Mrs. Sam (Leah Rosen)
Survival=1
shap=-0.019", + "None=Razi, Mr. Raihed
Survival=0
shap=-0.080", + "None=Johnson, Master. Harold Theodor
Survival=1
shap=0.034", + "None=Carlsson, Mr. Frans Olof
Survival=0
shap=-1.833", + "None=Gustafsson, Mr. Alfred Ossian
Survival=0
shap=-0.084", + "None=Montvila, Rev. Juozas
Survival=0
shap=-0.084" + ], + "type": "scattergl", + "x": [ + -0.04825754255729146, + -0.048989596683806286, + -0.026845207450475538, + -0.019663839428101557, + -0.025416266840357752, + -0.08361598638355296, + 0.04007449459592126, + -0.022167058577693147, + -0.041970006226951406, + -0.11478752349515255, + -0.07950169716469127, + -0.041970006226951406, + 0.02938338779976028, + -0.04360729494998665, + -0.20540512198335298, + -0.03423819322801312, + -0.04899848459338921, + -0.08361598638355296, + -0.04360729494998665, + -0.04996739661835717, + -0.08361598638355296, + -0.08361598638355296, + -0.20540512198335298, + -0.08361598638355296, + -0.039397741718058765, + -0.09973339417200523, + -0.02212126346360907, + -0.08361598638355296, + 0.02938338779976028, + -0.08361598638355296, + -0.06472768798373324, + -0.08361598638355296, + -0.08361598638355296, + 0.0063328914836353, + -0.07611949230344472, + -0.09973339417200523, + -0.09973339417200523, + -0.06872650652590713, + 0.017264087071021096, + -1.9046245072718704, + -0.08361598638355296, + -0.042574410840819574, + -0.22418464747439656, + -0.02375855218664431, + -0.5484678555288676, + -0.08361598638355296, + -0.08084509577218553, + 0.14433868226702623, + -0.08361598638355296, + -0.09973339417200523, + -0.08361598638355296, + -0.011155613403946593, + 0.04007449459592126, + -0.09973339417200523, + -0.08361598638355296, + -0.31057502849202545, + -0.05317805037512433, + -0.027698468985483414, + -0.07322550025659855, + 0.031058780710482823, + -0.041970006226951406, + -0.05728409516069012, + -0.02130620305084744, + -0.22418464747439656, + -0.041970006226951406, + -0.4075791903647137, + -0.09561910495314355, + -0.1487246768192131, + -0.08361598638355296, + -0.03423819322801312, + -0.107161866281275, + -0.040764198780814234, + -0.08361598638355296, + -0.06140344827811639, + -0.09973339417200523, + -0.06061339876487156, + -0.08361598638355296, + -0.04003214465429942, + -0.0349864254598342, + -0.08361598638355296, + -0.08361598638355296, + -0.03423819322801312, + -0.07322550025659855, + -0.04899848459338921, + -0.019663839428101536, + 0.11548494972919936, + -0.032313387328690935, + -0.08361598638355296, + -0.07322550025659855, + -0.04360729494998665, + -0.021306203050847437, + 0.0848601676747807, + 0.13214429666856298, + 0.13214429666856298, + -0.09973339417200523, + -0.02216705857769315, + -0.08361598638355296, + -0.08361598638355296, + 0.9749552644830735, + -0.08361598638355296, + -0.08361598638355296, + -0.08361598638355296, + 0.0237016073655689, + 0.04885379929029698, + -0.11478752349515255, + 0.11975523026910484, + -0.03866441862187217, + -0.07950169716469127, + 0.04007449459592126, + -0.019663839428101557, + -1.8333917540872586, + 0.08155159832507747, + -0.05934446625323547, + -0.04360729494998665, + -0.03453306231508751, + -0.07322550025659855, + 0.1161727712207984, + -0.030049765675622207, + -0.08361598638355296, + -0.16388230465223005, + -0.08361598638355296, + 0.009995723989331629, + -0.07950169716469127, + 0.12099070031745167, + 0.14433868226702623, + -0.08084509577218553, + 0.11975523026910484, + -0.014929288147179023, + -0.0621355024046312, + -0.08361598638355296, + -0.07322550025659855, + 0.02938338779976028, + -0.06061339876487156, + -0.08361598638355296, + -0.09973339417200523, + 1.2279966065418095, + -0.08361598638355296, + -0.04360729494998665, + 0.0237016073655689, + -0.08361598638355296, + -0.23934227530741353, + -0.09973339417200523, + -0.021306203050847437, + -1.361227917034228, + -0.04360729494998665, + 0.1319496158675681, + -0.03423819322801312, + -0.026845207450475538, + -0.08361598638355296, + -0.09973339417200525, + -0.040032144654299356, + -0.06472768798373324, + 0.13214429666856298, + -0.22418464747439656, + 0.1087963147189884, + -0.08361598638355296, + -0.09973339417200523, + -0.043607294949986636, + -0.07322550025659855, + -0.09973339417200523, + -0.09973339417200523, + -0.32263208211077976, + -0.08361598638355296, + -0.08361598638355296, + -0.08361598638355296, + -0.08361598638355296, + -0.06472768798373324, + -0.07551466486275939, + -0.08361598638355296, + -0.33085748001377185, + -0.08361598638355296, + -0.0489895966838063, + -0.05433720185677884, + -0.08361598638355296, + -0.28523335665262417, + -0.04526500960370008, + -0.18996881484961795, + -0.04996739661835717, + -0.08361598638355296, + -0.04360729494998665, + -2.1738221256065717, + -0.06213550240463122, + -0.01758943531208194, + 0.4223447389476763, + 0.04925275675523635, + -0.0859051509897138, + -0.09973339417200523, + -0.08361598638355296, + 0.08382111906208525, + 0.03449654529897557, + -0.08361598638355296, + -0.09561910495314355, + -0.03423819322801312, + -0.00014102222319732974, + -0.018802983901255843, + -0.07950169716469127, + 0.03449654529897557, + -1.8333917540872586, + -0.08361598638355296, + -0.08361598638355296 ], + "xaxis": "x8", "y": [ - 7.5565204798659815, - 6.125801497165066, - 0.10676086418380337, - -0.6510378001665383, - -0.9119361499414768, - -0.4032724829063158, - 0.08898713064428877, - 0.7461670815612641, - -0.3454512046743985, - -2.6715546532504972, - -0.07811752154982794, - -0.8850992607004508, - -0.8418455042379255, - -0.7884979448628002, - -1.1231197850355985, - 0.09345423012391019, - -0.3792091643987693, - -0.29766874702392615, - -0.15693073344250047, - -0.21425330472450843, - -0.4026457883678799, - -0.4032724829063158, - -0.5148128839590438, - 0.266507340470443, - 2.437990581520618, - 0.5084844757779529, - 0.3836514212668406, - -0.39835535471850414, - -0.9752265001049413, - -0.4032724829063158, - -0.24765723111490018, - 0.266507340470443, - -0.19026761341941714, - -0.032867086244189034, - 1.9444075545514623, - 0.21936994208140426, - -0.15651730607710507, - -0.28978524303965963, - 0.7804781994551143, - -2.1683982646826165, - -0.4032724829063158, - -0.1851105023645763, - 1.5157658586257532, - -1.1354246699579618, - 6.349726540841527, - -0.34228672880683764, - -0.43642725932238524, - 4.29618093823111, - -0.3494148800102339, - -0.08286550942263587, - 0.266507340470443, - -0.12582756453675092, - -0.016170773955726102, - 0.37317265611879574, - 0.266507340470443, - -3.2078388981998303, - -6.203241114242164, - 0.7254131263647582, - 0.086898183779718, - -0.008922395238775156, - -0.3454512046743985, - -1.4799747025280623, - 2.215216232106762, - 1.5157658586257532, - -0.8798902046182834, - -3.5993072689349876, - 3.3552057267291917, - -0.526393207279233, - 0.266507340470443, - 1.4423534465041423, - -0.15226390766670372, - -2.0046021498577655, - 0.266507340470443, - 6.319160657526987, - 0.4050320218314219, - -0.4379673156518441, - -0.4032724829063158, - -4.51992065059223, - -0.1040063269715107, - -0.4032724829063158, - 0.266507340470443, - -1.575306913828413, - 0.086898183779718, - -0.41208030331545675, - -0.2771442950755362, - 1.2061397106037712, - 1.6690393884529926, - -0.1782632161872672, - -0.31640485291462617, - -0.7884979448628002, - 0.9180181836935721, - 0.129204624679271, - -1.641302290071068, - -0.42001185398620017, - 0.308347118638638, - 0.7271577988467455, - -0.39835535471850414, - -1.0699359198249114, - -4.354505090038779, - -0.4032724829063158, - 0.266507340470443, - -0.3494148800102339, - -0.20042725177567577, - 1.1105842612040768, - -1.1533513638139201, - 0.023011806977133904, - 2.149648646347353, - -0.07811752154982794, - -0.6185746377189435, - -0.32603544334966106, - 0.9687828321987414, - 0.05652533826818864, - 0.44790957644144946, - -0.9530004261676062, - 1.8226684916599045, - 0.086898183779718, - 0.5122918336167066, - -1.2741916492828387, - -0.4032724829063158, - 20.242012620683294, - 0.266507340470443, - -0.1406289187171451, - -0.07811752154982794, - -1.775259277016585, - 24.244570816702304, - 1.2514693068989795, - -1.9665213578174514, - -1.0601917554014602, - 3.3439187185491988, - 0.266507340470443, - 0.086898183779718, - -0.8844324055628898, - -0.9014735801552007, - -0.14562221175219, - -0.08286550942263587, - 1.3635947341260353, - 0.266507340470443, - -0.9358288035888571, - -0.47209712495497147, - -0.2920030991113654, - -1.0645643153860636, - 1.6184332831061568, - 1.0993051777865739, - -0.875608640189562, - -0.7499059471662365, - -4.144595303754496, - -1.6441890229981209, - 0.036103477161108545, - -0.19496894782277882, - 0.2960117633943211, - -3.4716184624348037, - -0.6931213579775495, - 1.1548548871196083, - 2.344970864127483, - -1.0029075361076274, - -0.4026457883678799, - 0.21936994208140426, - -0.3545974999681788, - 0.086898183779718, - 0.25030288058654127, - 1.610586843433766, - -2.8797628264923634, - -0.2920030991113654, - -0.2920030991113654, - -0.34228672880683764, - 0.266507340470443, - -0.6554961512576867, - -0.030916511292118275, - -0.34228672880683764, - 1.339909350097108, - -0.19026761341941714, - -1.201770235651871, - 0.7660460124401851, - -0.3494148800102339, - 2.6824449316011956, - -0.5415313930160067, - -2.062611724034082, - 0.13886120414521502, - -0.4419435698760028, - -0.7499059471662365, - 0.5412915537638153, - 0.4718280773713342, - -0.09540202941151532, - 1.7918169561500523, - -0.32041973632125254, - -0.2605011525966907, - 2.0328295443327082, - -0.34975893527117985, - -0.0595146193245965, - -0.11560815985466014, - 0.441462832029592, - 3.0306123808768706, - 1.4423534465041423, - -0.28879265843189206, - -1.0372414048486958, - -0.07811752154982794, - 0.048619275766900415, - 1.7646302554730513, - -0.4032724829063158, - -0.31024862344810694 - ] + 0.3431258699655909, + 0.5524941510720925, + 0.8684823765162318, + 0.950762332719525, + 0.2984863533326366, + 0.5428620256065096, + 0.1734257113025529, + 0.1355473217486286, + 0.5045850579446798, + 0.06525306475516934, + 0.6962227050199852, + 0.09733550489156018, + 0.06561557432544207, + 0.6959560948512951, + 0.2699824954332698, + 0.6233312248973472, + 0.04522244283344734, + 0.3873009299373389, + 0.0005247323211825528, + 0.8960480432302286, + 0.4686638546062175, + 0.6556970628483169, + 0.1222921942309726, + 0.5396877356117671, + 0.6805206762369369, + 0.43617277428736145, + 0.7686674956775608, + 0.7876695814554289, + 0.0024583835418033884, + 0.32453642820245854, + 0.10393510107859127, + 0.27282438766487593, + 0.9855130952581818, + 0.8439172614179884, + 0.8700852354444012, + 0.5785120277871398, + 0.5485980947541752, + 0.33870850833060984, + 0.5581246141272309, + 0.8919333950807506, + 0.7970048671144757, + 0.7795675723926995, + 0.18273204209990557, + 0.7671443631768016, + 0.979015408346909, + 0.8477879508639483, + 0.9367347178645592, + 0.7674869735196413, + 0.04562816788322832, + 0.9396027007271006, + 0.5853345497460509, + 0.019941643709963097, + 0.3034347354764152, + 0.5340070087120936, + 0.8171036423717947, + 0.039572105505806476, + 0.1196169472366474, + 0.7686530163760762, + 0.33361014711832315, + 0.7996450772743073, + 0.7832830997151197, + 0.6425226167994681, + 0.7777710870936209, + 0.2342178289758623, + 0.14484690696968505, + 0.6749238749631488, + 0.992906621302709, + 0.13302819578146274, + 0.0978664753812355, + 0.8492798005400642, + 0.7885958963981958, + 0.5012014076093831, + 0.7397028932008362, + 0.11759105805709646, + 0.4677369841003004, + 0.26230462018086387, + 0.7540204267588, + 0.24855430754602548, + 0.7113206539333411, + 0.4689616162526751, + 0.15956983049859053, + 0.46477688053638555, + 0.15777152790265536, + 0.8509868916161916, + 0.3116898382393568, + 0.6341926833529198, + 0.09029407301228298, + 0.8025291639046045, + 0.42210183516799527, + 0.3105568130751185, + 0.9606569500115252, + 0.9758151204552309, + 0.991243608799948, + 0.0310545047529458, + 0.39799989764134036, + 0.2504133319597144, + 0.32817341288906, + 0.13595578688197862, + 0.02852808674877938, + 0.4569484384784165, + 0.7889818335772223, + 0.10093913419994038, + 0.020665647896336403, + 0.28003204434541906, + 0.500257257232347, + 0.8294274881934678, + 0.7386889932886507, + 0.6680218474763296, + 0.9816802551217739, + 0.3348212210971363, + 0.10440074987756154, + 0.562326920508124, + 0.41158652607608104, + 0.2027812793396827, + 0.46791741947322407, + 0.610174567911921, + 0.7396305143967362, + 0.6178599011997651, + 0.15586499275704424, + 0.732098236054535, + 0.8612719454638423, + 0.19186592576789196, + 0.3968822257016209, + 0.260852189279709, + 0.47305945346882006, + 0.619704870640175, + 0.5498280964196135, + 0.4283964149489007, + 0.10166774427699832, + 0.49188054260393077, + 0.9852391738311458, + 0.48217735941515705, + 0.1635021838297056, + 0.8757162650579137, + 0.32657859725412286, + 0.3974636439693148, + 0.24858398237858192, + 0.5702138716887706, + 0.9906484580422104, + 0.7538191341188697, + 0.5933481103646973, + 0.8063202057679941, + 0.3995858197612282, + 0.18649808236225796, + 0.40933610873696513, + 0.06417757572583582, + 0.8224497781601613, + 0.5510391161223334, + 0.9988141710565911, + 0.3480323654562367, + 0.6727789764001437, + 0.03707676606411758, + 0.10366996641044124, + 0.5503085755206722, + 0.08431728197608945, + 0.8271543769781396, + 0.19881189019149725, + 0.7895442516068738, + 0.44421415617745963, + 0.10899326711673596, + 0.4970187886277071, + 0.8388406229173258, + 0.7722801029579273, + 0.8079202737377119, + 0.13735652436750978, + 0.649869224098228, + 0.4144470135858994, + 0.6723552411876955, + 0.2683971028705887, + 0.7534986013759271, + 0.24401279266283704, + 0.23327875203445347, + 0.21199251838616995, + 0.9782145029190139, + 0.8708189067147212, + 0.3530802242427237, + 0.054492637998134974, + 0.7298496341013722, + 0.5768770871416661, + 0.6125689582834097, + 0.9375917184725264, + 0.5283136456686593, + 0.33975720084334626, + 0.592366112592013, + 0.10856813100544815, + 0.6117506375430493, + 0.697211291220334, + 0.6816582849828506, + 0.3002768927912379, + 0.24603114137472648, + 0.8481943802640276, + 0.6842152979840991, + 0.13656732323264764, + 0.4756998178634977, + 0.6904265452191417, + 0.4355049117021589, + 0.06865571041562335, + 0.7837853610182547, + 0.6045443461369877, + 0.8571266529459869 + ], + "yaxis": "y8" } ], "layout": { + "annotations": [ + { + "font": { + "size": 16 + }, + "showarrow": false, + "text": "Sex", + "x": 0.5, + "xanchor": "center", + "xref": "paper", + "y": 1, + "yanchor": "bottom", + "yref": "paper" + }, + { + "font": { + "size": 16 + }, + "showarrow": false, + "text": "PassengerClass", + "x": 0.5, + "xanchor": "center", + "xref": "paper", + "y": 0.8671875, + "yanchor": "bottom", + "yref": "paper" + }, + { + "font": { + "size": 16 + }, + "showarrow": false, + "text": "Deck", + "x": 0.5, + "xanchor": "center", + "xref": "paper", + "y": 0.734375, + "yanchor": "bottom", + "yref": "paper" + }, + { + "font": { + "size": 16 + }, + "showarrow": false, + "text": "No_of_parents_plus_children_on_board", + "x": 0.5, + "xanchor": "center", + "xref": "paper", + "y": 0.6015625, + "yanchor": "bottom", + "yref": "paper" + }, + { + "font": { + "size": 16 + }, + "showarrow": false, + "text": "No_of_siblings_plus_spouses_on_board", + "x": 0.5, + "xanchor": "center", + "xref": "paper", + "y": 0.46875, + "yanchor": "bottom", + "yref": "paper" + }, + { + "font": { + "size": 16 + }, + "showarrow": false, + "text": "Embarked", + "x": 0.5, + "xanchor": "center", + "xref": "paper", + "y": 0.3359375, + "yanchor": "bottom", + "yref": "paper" + }, + { + "font": { + "size": 16 + }, + "showarrow": false, + "text": "Age", + "x": 0.5, + "xanchor": "center", + "xref": "paper", + "y": 0.203125, + "yanchor": "bottom", + "yref": "paper" + }, + { + "font": { + "size": 16 + }, + "showarrow": false, + "text": "Survival", + "x": 0.5, + "xanchor": "center", + "xref": "paper", + "y": 0.0703125, + "yanchor": "bottom", + "yref": "paper" + } + ], + "height": 500, "hovermode": "closest", - "paper_bgcolor": "#fff", + "margin": { + "b": 50, + "l": 50, + "pad": 4, + "r": 50, + "t": 100 + }, "plot_bgcolor": "#fff", - "showlegend": false, "template": { "data": { "scatter": [ @@ -100611,724 +61702,369 @@ } }, "title": { - "text": "Dependence plot for Age" + "text": "Shap interaction values for Sex
" }, "xaxis": { - "title": { - "text": "Age" - } + "anchor": "y", + "domain": [ + 0, + 1 + ], + "matches": "x8", + "range": [ + -8.20195474059211, + 8.135347379225085 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "xaxis2": { + "anchor": "y2", + "domain": [ + 0, + 1 + ], + "matches": "x8", + "range": [ + -8.20195474059211, + 8.135347379225085 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "xaxis3": { + "anchor": "y3", + "domain": [ + 0, + 1 + ], + "matches": "x8", + "range": [ + -8.20195474059211, + 8.135347379225085 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "xaxis4": { + "anchor": "y4", + "domain": [ + 0, + 1 + ], + "matches": "x8", + "range": [ + -8.20195474059211, + 8.135347379225085 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "xaxis5": { + "anchor": "y5", + "domain": [ + 0, + 1 + ], + "matches": "x8", + "range": [ + -8.20195474059211, + 8.135347379225085 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "xaxis6": { + "anchor": "y6", + "domain": [ + 0, + 1 + ], + "matches": "x8", + "range": [ + -8.20195474059211, + 8.135347379225085 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "xaxis7": { + "anchor": "y7", + "domain": [ + 0, + 1 + ], + "matches": "x8", + "range": [ + -8.20195474059211, + 8.135347379225085 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "xaxis8": { + "anchor": "y8", + "domain": [ + 0, + 1 + ], + "range": [ + -8.20195474059211, + 8.135347379225085 + ], + "showgrid": false, + "zeroline": false }, "yaxis": { - "title": { - "text": "SHAP value ($)" - } - } - } - }, - "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_dependence(\")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### color by sex" - ] - }, - { - "cell_type": "code", - "execution_count": 62, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:47:22.438729Z", - "start_time": "2020-10-12T08:47:22.419701Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ - { - "hoverinfo": "text", - "marker": { - "opacity": 0.6, - "showscale": false, - "size": 7 - }, - "mode": "markers", - "name": "female", - "opacity": 0.8, - "showlegend": true, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
Sex=female
SHAP=7.56", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
Sex=female
SHAP=6.13", - "index=Palsson, Master. Gosta Leonard
Age=27.0
Sex=female
SHAP=-0.65", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=14.0
Sex=female
SHAP=-0.91", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
Sex=female
SHAP=0.09", - "index=Saundercock, Mr. William Henry
Age=38.0
Sex=female
SHAP=0.75", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Age=-999.0
Sex=female
SHAP=-0.35", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=19.0
Sex=female
SHAP=-0.89", - "index=Glynn, Miss. Mary Agatha
Age=18.0
Sex=female
SHAP=-0.84", - "index=Meyer, Mr. Edgar Joseph
Age=21.0
Sex=female
SHAP=-0.79", - "index=Kraeff, Mr. Theodor
Age=17.0
Sex=female
SHAP=-0.16", - "index=Devaney, Miss. Margaret Delia
Age=-999.0
Sex=female
SHAP=0.38", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=20.0
Sex=female
SHAP=-0.98", - "index=Rugg, Miss. Emily
Age=9.0
Sex=female
SHAP=-0.03", - "index=Harris, Mr. Henry Birkhardt
Age=-999.0
Sex=female
SHAP=0.78", - "index=Skoog, Master. Harald
Age=19.0
Sex=female
SHAP=-1.14", - "index=Kink, Mr. Vincenz
Age=44.0
Sex=female
SHAP=6.35", - "index=Hood, Mr. Ambrose Jr
Age=5.0
Sex=female
SHAP=-0.13", - "index=Ilett, Miss. Bertha
Age=-999.0
Sex=female
SHAP=-0.02", - "index=Ford, Mr. William Neal
Age=-999.0
Sex=female
SHAP=-6.2", - "index=Christmann, Mr. Emil
Age=50.0
Sex=female
SHAP=0.73", - "index=Andreasson, Mr. Paul Edvin
Age=-999.0
Sex=female
SHAP=-0.35", - "index=Chaffee, Mr. Herbert Fuller
Age=63.0
Sex=female
SHAP=-1.48", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Age=35.0
Sex=female
SHAP=2.22", - "index=White, Mr. Richard Frasar
Age=22.0
Sex=female
SHAP=-0.88", - "index=Rekic, Mr. Tido
Age=19.0
Sex=female
SHAP=-3.6", - "index=Moran, Miss. Bertha
Age=-999.0
Sex=female
SHAP=-2.0", - "index=Barton, Mr. David John
Age=41.0
Sex=female
SHAP=6.32", - "index=Jussila, Miss. Katriina
Age=-999.0
Sex=female
SHAP=-4.52", - "index=Pekoniemi, Mr. Edvard
Age=24.0
Sex=female
SHAP=-0.28", - "index=Turpin, Mr. William John Robert
Age=33.0
Sex=female
SHAP=1.67", - "index=Moore, Mr. Leonard Charles
Age=19.0
Sex=female
SHAP=-0.79", - "index=Osen, Mr. Olaf Elon
Age=45.0
Sex=female
SHAP=0.92", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Age=33.0
Sex=female
SHAP=0.73", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=-999.0
Sex=female
SHAP=-0.2", - "index=Bateman, Rev. Robert James
Age=37.0
Sex=female
SHAP=1.11", - "index=Meo, Mr. Alfonzo
Age=36.0
Sex=female
SHAP=2.15", - "index=Cribb, Mr. John Hatfield
Age=30.0
Sex=female
SHAP=-0.62", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Age=7.0
Sex=female
SHAP=-0.33", - "index=Van der hoef, Mr. Wyckoff
Age=22.0
Sex=female
SHAP=-0.95", - "index=Sivola, Mr. Antti Wilhelm
Age=39.0
Sex=female
SHAP=1.82", - "index=Klasen, Mr. Klas Albin
Age=53.0
Sex=female
SHAP=-1.27", - "index=Rood, Mr. Hugh Roscoe
Age=-999.0
Sex=female
SHAP=-0.14", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=22.0
Sex=female
SHAP=-1.06", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Age=40.0
Sex=female
SHAP=3.34", - "index=Vande Walle, Mr. Nestor Cyriel
Age=26.0
Sex=female
SHAP=-0.88", - "index=Backstrom, Mr. Karl Alfred
Age=23.0
Sex=female
SHAP=-0.94", - "index=Blank, Mr. Henry
Age=18.0
Sex=female
SHAP=-0.47", - "index=Ali, Mr. Ahmed
Age=40.0
Sex=female
SHAP=1.1", - "index=Green, Mr. George Henry
Age=18.0
Sex=female
SHAP=-0.75", - "index=Nenkoff, Mr. Christo
Age=18.0
Sex=female
SHAP=-3.47", - "index=Asplund, Miss. Lillian Gertrud
Age=27.0
Sex=female
SHAP=-0.35", - "index=Harknett, Miss. Alice Phoebe
Age=29.0
Sex=female
SHAP=-2.88", - "index=Hunt, Mr. George Henry
Age=33.0
Sex=female
SHAP=1.34", - "index=Reed, Mr. James George
Age=51.0
Sex=female
SHAP=-1.2", - "index=Stead, Mr. William Thomas
Age=43.0
Sex=female
SHAP=2.68", - "index=Thorne, Mrs. Gertrude Maybelle
Age=13.0
Sex=female
SHAP=-0.54", - "index=Parrish, Mrs. (Lutie Davis)
Age=17.0
Sex=female
SHAP=-2.06", - "index=Smith, Mr. Thomas
Age=18.0
Sex=female
SHAP=-0.75", - "index=Asplund, Master. Edvin Rojj Felix
Age=49.0
Sex=female
SHAP=0.47", - "index=Healy, Miss. Hanora \"Nora\"
Age=31.0
Sex=female
SHAP=-0.1", - "index=Andrews, Miss. Kornelia Theodosia
Age=9.0
Sex=female
SHAP=-0.29", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Age=18.0
Sex=female
SHAP=-1.04" + "anchor": "x", + "domain": [ + 0.9296875, + 1 ], - "type": "scatter", - "x": [ - 38, - 35, - 27, - 14, - 14, - 38, - null, - 19, - 18, - 21, - 17, - null, - 20, - 9, - null, - 19, - 44, - 5, - null, - null, - 50, - null, - 63, - 35, - 22, - 19, - null, - 41, - null, - 24, - 33, - 19, - 45, - 33, - null, - 37, - 36, - 30, - 7, - 22, - 39, - 53, - null, - 22, - 40, - 26, - 23, - 18, - 40, - 18, - 18, - 27, - 29, - 33, - 51, - 43, - 13, - 17, - 18, - 49, - 31, - 9, - 18 + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "yaxis2": { + "anchor": "x2", + "domain": [ + 0.796875, + 0.8671875 ], - "y": [ - 7.5565204798659815, - 6.125801497165066, - -0.6510378001665383, - -0.9119361499414768, - 0.08898713064428877, - 0.7461670815612641, - -0.3454512046743985, - -0.8850992607004508, - -0.8418455042379255, - -0.7884979448628002, - -0.15693073344250047, - 0.3836514212668406, - -0.9752265001049413, - -0.032867086244189034, - 0.7804781994551143, - -1.1354246699579618, - 6.349726540841527, - -0.12582756453675092, - -0.016170773955726102, - -6.203241114242164, - 0.7254131263647582, - -0.3454512046743985, - -1.4799747025280623, - 2.215216232106762, - -0.8798902046182834, - -3.5993072689349876, - -2.0046021498577655, - 6.319160657526987, - -4.51992065059223, - -0.2771442950755362, - 1.6690393884529926, - -0.7884979448628002, - 0.9180181836935721, - 0.7271577988467455, - -0.20042725177567577, - 1.1105842612040768, - 2.149648646347353, - -0.6185746377189435, - -0.32603544334966106, - -0.9530004261676062, - 1.8226684916599045, - -1.2741916492828387, - -0.1406289187171451, - -1.0601917554014602, - 3.3439187185491988, - -0.8844324055628898, - -0.9358288035888571, - -0.47209712495497147, - 1.0993051777865739, - -0.7499059471662365, - -3.4716184624348037, - -0.3545974999681788, - -2.8797628264923634, - 1.339909350097108, - -1.201770235651871, - 2.6824449316011956, - -0.5415313930160067, - -2.062611724034082, - -0.7499059471662365, - 0.4718280773713342, - -0.09540202941151532, - -0.28879265843189206, - -1.0372414048486958 - ] + "showgrid": false, + "showticklabels": false, + "zeroline": false }, - { - "hoverinfo": "text", - "marker": { - "opacity": 0.6, - "showscale": false, - "size": 7 - }, - "mode": "markers", - "name": "male", - "opacity": 0.8, - "showlegend": true, - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=2.0
Sex=male
SHAP=0.11", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=20.0
Sex=male
SHAP=-0.4", - "index=Palsson, Master. Gosta Leonard
Age=28.0
Sex=male
SHAP=-2.67", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=-999.0
Sex=male
SHAP=-0.08", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Age=45.0
Sex=male
SHAP=-1.12", - "index=Saundercock, Mr. William Henry
Age=4.0
Sex=male
SHAP=0.09", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Age=26.0
Sex=male
SHAP=-0.38", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=21.0
Sex=male
SHAP=-0.3", - "index=Glynn, Miss. Mary Agatha
Age=16.0
Sex=male
SHAP=-0.21", - "index=Meyer, Mr. Edgar Joseph
Age=29.0
Sex=male
SHAP=-0.4", - "index=Kraeff, Mr. Theodor
Age=20.0
Sex=male
SHAP=-0.4", - "index=Devaney, Miss. Margaret Delia
Age=46.0
Sex=male
SHAP=-0.51", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=-999.0
Sex=male
SHAP=0.27", - "index=Rugg, Miss. Emily
Age=21.0
Sex=male
SHAP=2.44", - "index=Harris, Mr. Henry Birkhardt
Age=38.0
Sex=male
SHAP=0.51", - "index=Skoog, Master. Harald
Age=22.0
Sex=male
SHAP=-0.4", - "index=Kink, Mr. Vincenz
Age=21.0
Sex=male
SHAP=-0.4", - "index=Hood, Mr. Ambrose Jr
Age=29.0
Sex=male
SHAP=-0.25", - "index=Ilett, Miss. Bertha
Age=-999.0
Sex=male
SHAP=0.27", - "index=Ford, Mr. William Neal
Age=16.0
Sex=male
SHAP=-0.19", - "index=Christmann, Mr. Emil
Age=36.5
Sex=male
SHAP=1.94", - "index=Andreasson, Mr. Paul Edvin
Age=51.0
Sex=male
SHAP=0.22", - "index=Chaffee, Mr. Herbert Fuller
Age=55.5
Sex=male
SHAP=-0.16", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Age=44.0
Sex=male
SHAP=-0.29", - "index=White, Mr. Richard Frasar
Age=61.0
Sex=male
SHAP=-2.17", - "index=Rekic, Mr. Tido
Age=21.0
Sex=male
SHAP=-0.4", - "index=Moran, Miss. Bertha
Age=18.0
Sex=male
SHAP=-0.19", - "index=Barton, Mr. David John
Age=-999.0
Sex=male
SHAP=1.52", - "index=Jussila, Miss. Katriina
Age=28.0
Sex=male
SHAP=-0.34", - "index=Pekoniemi, Mr. Edvard
Age=32.0
Sex=male
SHAP=-0.44", - "index=Turpin, Mr. William John Robert
Age=40.0
Sex=male
SHAP=4.3", - "index=Moore, Mr. Leonard Charles
Age=24.0
Sex=male
SHAP=-0.35", - "index=Osen, Mr. Olaf Elon
Age=51.0
Sex=male
SHAP=-0.08", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Age=-999.0
Sex=male
SHAP=0.27", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=33.0
Sex=male
SHAP=0.37", - "index=Bateman, Rev. Robert James
Age=-999.0
Sex=male
SHAP=0.27", - "index=Meo, Mr. Alfonzo
Age=62.0
Sex=male
SHAP=-3.21", - "index=Cribb, Mr. John Hatfield
Age=-999.0
Sex=male
SHAP=0.09", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Age=3.0
Sex=male
SHAP=-0.01", - "index=Van der hoef, Mr. Wyckoff
Age=-999.0
Sex=male
SHAP=1.52", - "index=Sivola, Mr. Antti Wilhelm
Age=36.0
Sex=male
SHAP=3.36", - "index=Klasen, Mr. Klas Albin
Age=-999.0
Sex=male
SHAP=-0.53", - "index=Rood, Mr. Hugh Roscoe
Age=-999.0
Sex=male
SHAP=0.27", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=-999.0
Sex=male
SHAP=1.44", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Age=61.0
Sex=male
SHAP=-0.15", - "index=Vande Walle, Mr. Nestor Cyriel
Age=-999.0
Sex=male
SHAP=0.27", - "index=Backstrom, Mr. Karl Alfred
Age=42.0
Sex=male
SHAP=0.41", - "index=Blank, Mr. Henry
Age=29.0
Sex=male
SHAP=-0.44", - "index=Ali, Mr. Ahmed
Age=19.0
Sex=male
SHAP=-0.4", - "index=Green, Mr. George Henry
Age=27.0
Sex=male
SHAP=-0.1", - "index=Nenkoff, Mr. Christo
Age=19.0
Sex=male
SHAP=-0.4", - "index=Asplund, Miss. Lillian Gertrud
Age=-999.0
Sex=male
SHAP=0.27", - "index=Harknett, Miss. Alice Phoebe
Age=1.0
Sex=male
SHAP=-1.58", - "index=Hunt, Mr. George Henry
Age=-999.0
Sex=male
SHAP=0.09", - "index=Reed, Mr. James George
Age=28.0
Sex=male
SHAP=-0.41", - "index=Stead, Mr. William Thomas
Age=39.0
Sex=male
SHAP=1.21", - "index=Thorne, Mrs. Gertrude Maybelle
Age=30.0
Sex=male
SHAP=-0.18", - "index=Parrish, Mrs. (Lutie Davis)
Age=21.0
Sex=male
SHAP=-0.32", - "index=Smith, Mr. Thomas
Age=-999.0
Sex=male
SHAP=0.13", - "index=Asplund, Master. Edvin Rojj Felix
Age=52.0
Sex=male
SHAP=-1.64", - "index=Healy, Miss. Hanora \"Nora\"
Age=48.0
Sex=male
SHAP=-0.42", - "index=Andrews, Miss. Kornelia Theodosia
Age=48.0
Sex=male
SHAP=0.31", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Age=22.0
Sex=male
SHAP=-0.4", - "index=Smith, Mr. Richard William
Age=-999.0
Sex=male
SHAP=-1.07", - "index=Connolly, Miss. Kate
Age=25.0
Sex=male
SHAP=-4.35", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Age=21.0
Sex=male
SHAP=-0.4", - "index=Levy, Mr. Rene Jacques
Age=-999.0
Sex=male
SHAP=0.27", - "index=Lewy, Mr. Ervin G
Age=24.0
Sex=male
SHAP=-0.35", - "index=Williams, Mr. Howard Hugh \"Harry\"
Age=18.0
Sex=male
SHAP=-1.15", - "index=Sage, Mr. George John Jr
Age=-999.0
Sex=male
SHAP=0.02", - "index=Nysveen, Mr. Johan Hansen
Age=-999.0
Sex=male
SHAP=-0.08", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=45.0
Sex=male
SHAP=0.97", - "index=Denkoff, Mr. Mitto
Age=32.0
Sex=male
SHAP=0.06", - "index=Burns, Miss. Elizabeth Margaret
Age=33.0
Sex=male
SHAP=0.45", - "index=Dimic, Mr. Jovan
Age=-999.0
Sex=male
SHAP=0.09", - "index=del Carlo, Mr. Sebastiano
Age=62.0
Sex=male
SHAP=0.51", - "index=Beavan, Mr. William Thomas
Age=19.0
Sex=male
SHAP=-0.4", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=36.0
Sex=male
SHAP=20.24", - "index=Widener, Mr. Harry Elkins
Age=-999.0
Sex=male
SHAP=0.27", - "index=Gustafsson, Mr. Karl Gideon
Age=-999.0
Sex=male
SHAP=-0.08", - "index=Plotcharsky, Mr. Vasil
Age=49.0
Sex=male
SHAP=-1.78", - "index=Goodwin, Master. Sidney Leonard
Age=35.0
Sex=male
SHAP=24.24", - "index=Sadlier, Mr. Matthew
Age=36.0
Sex=male
SHAP=1.25", - "index=Gustafsson, Mr. Johan Birger
Age=27.0
Sex=male
SHAP=-1.97", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=-999.0
Sex=male
SHAP=0.27", - "index=Niskanen, Mr. Juha
Age=-999.0
Sex=male
SHAP=0.09", - "index=Minahan, Miss. Daisy E
Age=27.0
Sex=male
SHAP=-0.9", - "index=Matthews, Mr. William John
Age=26.0
Sex=male
SHAP=-0.15", - "index=Charters, Mr. David
Age=51.0
Sex=male
SHAP=-0.08", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=32.0
Sex=male
SHAP=1.36", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=-999.0
Sex=male
SHAP=0.27", - "index=Johannesen-Bratthammer, Mr. Bernt
Age=23.0
Sex=male
SHAP=-0.29", - "index=Peuchen, Major. Arthur Godfrey
Age=47.0
Sex=male
SHAP=-1.06", - "index=Anderson, Mr. Harry
Age=36.0
Sex=male
SHAP=1.62", - "index=Milling, Mr. Jacob Christian
Age=31.0
Sex=male
SHAP=-0.88", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=27.0
Sex=male
SHAP=-4.14", - "index=Karlsson, Mr. Nils August
Age=14.0
Sex=male
SHAP=-1.64", - "index=Frost, Mr. Anthony Wood \"Archie\"
Age=14.0
Sex=male
SHAP=0.04", - "index=Bishop, Mr. Dickinson H
Age=18.0
Sex=male
SHAP=-0.19", - "index=Windelov, Mr. Einar
Age=42.0
Sex=male
SHAP=0.3", - "index=Shellard, Mr. Frederick William
Age=26.0
Sex=male
SHAP=-0.69", - "index=Svensson, Mr. Olof
Age=42.0
Sex=male
SHAP=1.15", - "index=O'Sullivan, Miss. Bridget Mary
Age=-999.0
Sex=male
SHAP=2.34", - "index=Laitinen, Miss. Kristina Sofia
Age=48.0
Sex=male
SHAP=-1.0", - "index=Penasco y Castellana, Mr. Victor de Satode
Age=29.0
Sex=male
SHAP=-0.4", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Age=52.0
Sex=male
SHAP=0.22", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=-999.0
Sex=male
SHAP=0.09", - "index=Kassem, Mr. Fared
Age=33.0
Sex=male
SHAP=0.25", - "index=Cacic, Miss. Marija
Age=34.0
Sex=male
SHAP=1.61", - "index=Hart, Miss. Eva Miriam
Age=23.0
Sex=male
SHAP=-0.29", - "index=Butt, Major. Archibald Willingham
Age=23.0
Sex=male
SHAP=-0.29", - "index=Beane, Mr. Edward
Age=28.5
Sex=male
SHAP=-0.34", - "index=Goldsmith, Mr. Frank John
Age=-999.0
Sex=male
SHAP=0.27", - "index=Ohman, Miss. Velin
Age=24.0
Sex=male
SHAP=-0.66", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=31.0
Sex=male
SHAP=-0.03", - "index=Morrow, Mr. Thomas Rowan
Age=28.0
Sex=male
SHAP=-0.34", - "index=Harris, Mr. George
Age=16.0
Sex=male
SHAP=-0.19", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=-999.0
Sex=male
SHAP=0.77", - "index=Patchett, Mr. George
Age=24.0
Sex=male
SHAP=-0.35", - "index=Ross, Mr. John Hugo
Age=-999.0
Sex=male
SHAP=0.14", - "index=Murdlin, Mr. Joseph
Age=25.0
Sex=male
SHAP=-0.44", - "index=Bourke, Miss. Mary
Age=46.0
Sex=male
SHAP=0.54", - "index=Boulos, Mr. Hanna
Age=11.0
Sex=male
SHAP=1.79", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=0.42
Sex=male
SHAP=-0.32", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Age=31.0
Sex=male
SHAP=-0.26", - "index=Lindell, Mr. Edvard Bengtsson
Age=35.0
Sex=male
SHAP=2.03", - "index=Daniel, Mr. Robert Williams
Age=30.5
Sex=male
SHAP=-0.35", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=-999.0
Sex=male
SHAP=-0.06", - "index=Shutes, Miss. Elizabeth W
Age=0.83
Sex=male
SHAP=-0.12", - "index=Jardin, Mr. Jose Neto
Age=16.0
Sex=male
SHAP=0.44", - "index=Horgan, Mr. John
Age=34.5
Sex=male
SHAP=3.03", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=-999.0
Sex=male
SHAP=1.44", - "index=Yasbeck, Mr. Antoni
Age=-999.0
Sex=male
SHAP=-0.08", - "index=Bostandyeff, Mr. Guentcho
Age=4.0
Sex=male
SHAP=0.05", - "index=Lundahl, Mr. Johan Svensson
Age=33.0
Sex=male
SHAP=1.76", - "index=Stahelin-Maeglin, Dr. Max
Age=20.0
Sex=male
SHAP=-0.4", - "index=Willey, Mr. Edward
Age=27.0
Sex=male
SHAP=-0.31" + "yaxis3": { + "anchor": "x3", + "domain": [ + 0.6640625, + 0.734375 ], - "type": "scatter", - "x": [ - 2, - 20, - 28, - null, - 45, - 4, - 26, - 21, - 16, - 29, - 20, - 46, - null, - 21, - 38, - 22, - 21, - 29, - null, - 16, - 36.5, - 51, - 55.5, - 44, - 61, - 21, - 18, - null, - 28, - 32, - 40, - 24, - 51, - null, - 33, - null, - 62, - null, - 3, - null, - 36, - null, - null, - null, - 61, - null, - 42, - 29, - 19, - 27, - 19, - null, - 1, - null, - 28, - 39, - 30, - 21, - null, - 52, - 48, - 48, - 22, - null, - 25, - 21, - null, - 24, - 18, - null, - null, - 45, - 32, - 33, - null, - 62, - 19, - 36, - null, - null, - 49, - 35, - 36, - 27, - null, - null, - 27, - 26, - 51, - 32, - null, - 23, - 47, - 36, - 31, - 27, - 14, - 14, - 18, - 42, - 26, - 42, - null, - 48, - 29, - 52, - null, - 33, - 34, - 23, - 23, - 28.5, - null, - 24, - 31, - 28, - 16, - null, - 24, - null, - 25, - 46, - 11, - 0.42, - 31, - 35, - 30.5, - null, - 0.83, - 16, - 34.5, - null, - null, - 4, - 33, - 20, - 27 + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "yaxis4": { + "anchor": "x4", + "domain": [ + 0.53125, + 0.6015625 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "yaxis5": { + "anchor": "x5", + "domain": [ + 0.3984375, + 0.46875 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "yaxis6": { + "anchor": "x6", + "domain": [ + 0.265625, + 0.3359375 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "yaxis7": { + "anchor": "x7", + "domain": [ + 0.1328125, + 0.203125 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + }, + "yaxis8": { + "anchor": "x8", + "domain": [ + 0, + 0.0703125 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_interactions_detailed(\"Sex\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Contributions" + ] + }, + { + "cell_type": "code", + "execution_count": 58, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T16:02:41.911351Z", + "start_time": "2021-01-20T16:02:41.856171Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "hoverinfo": "skip", + "marker": { + "color": "rgba(1,1,1, 0.0)" + }, + "name": "", + "type": "bar", + "x": [ + "Population
average", + "PassengerClass", + "Embarked", + "Sex", + "Age", + "No_of_parents_plus_children_on_board", + "Other features combined", + "Final Prediction" + ], + "y": [ + 0, + 32.78, + 95.53, + 105.88, + 113.34, + 120.63, + 115.88, + 0 + ] + }, + { + "hoverinfo": "text", + "marker": { + "color": [ + "rgba(230, 230, 30, 1.0)", + "rgba(50, 200, 50, 1.0)", + "rgba(50, 200, 50, 1.0)", + "rgba(50, 200, 50, 1.0)", + "rgba(50, 200, 50, 1.0)", + "rgba(219, 64, 82, 0.7)", + "rgba(219, 64, 82, 0.7)", + "rgba(55, 128, 191, 0.7)" + ], + "line": { + "color": [ + "rgba(190, 190, 30, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(40, 160, 50, 1.0)", + "rgba(219, 64, 82, 1.0)", + "rgba(219, 64, 82, 1.0)", + "rgba(55, 128, 191, 1.0)" + ], + "width": 2 + } + }, + "name": "contribution", + "text": [ + "Population
average=
+32.78 $", + "PassengerClass=1
+62.75 $", + "Embarked=Cherbourg
+10.35 $", + "Sex=female
+7.46 $", + "Age=38.0
+7.29 $", + "No_of_parents_plus_children_on_board=0
-4.75 $", + "Other features combined=
-3.98 $", + "Final Prediction=
+111.9 $" + ], + "type": "bar", + "x": [ + "Population
average", + "PassengerClass", + "Embarked", + "Sex", + "Age", + "No_of_parents_plus_children_on_board", + "Other features combined", + "Final Prediction" ], "y": [ - 0.10676086418380337, - -0.4032724829063158, - -2.6715546532504972, - -0.07811752154982794, - -1.1231197850355985, - 0.09345423012391019, - -0.3792091643987693, - -0.29766874702392615, - -0.21425330472450843, - -0.4026457883678799, - -0.4032724829063158, - -0.5148128839590438, - 0.266507340470443, - 2.437990581520618, - 0.5084844757779529, - -0.39835535471850414, - -0.4032724829063158, - -0.24765723111490018, - 0.266507340470443, - -0.19026761341941714, - 1.9444075545514623, - 0.21936994208140426, - -0.15651730607710507, - -0.28978524303965963, - -2.1683982646826165, - -0.4032724829063158, - -0.1851105023645763, - 1.5157658586257532, - -0.34228672880683764, - -0.43642725932238524, - 4.29618093823111, - -0.3494148800102339, - -0.08286550942263587, - 0.266507340470443, - 0.37317265611879574, - 0.266507340470443, - -3.2078388981998303, - 0.086898183779718, - -0.008922395238775156, - 1.5157658586257532, - 3.3552057267291917, - -0.526393207279233, - 0.266507340470443, - 1.4423534465041423, - -0.15226390766670372, - 0.266507340470443, - 0.4050320218314219, - -0.4379673156518441, - -0.4032724829063158, - -0.1040063269715107, - -0.4032724829063158, - 0.266507340470443, - -1.575306913828413, - 0.086898183779718, - -0.41208030331545675, - 1.2061397106037712, - -0.1782632161872672, - -0.31640485291462617, - 0.129204624679271, - -1.641302290071068, - -0.42001185398620017, - 0.308347118638638, - -0.39835535471850414, - -1.0699359198249114, - -4.354505090038779, - -0.4032724829063158, - 0.266507340470443, - -0.3494148800102339, - -1.1533513638139201, - 0.023011806977133904, - -0.07811752154982794, - 0.9687828321987414, - 0.05652533826818864, - 0.44790957644144946, - 0.086898183779718, - 0.5122918336167066, - -0.4032724829063158, - 20.242012620683294, - 0.266507340470443, - -0.07811752154982794, - -1.775259277016585, - 24.244570816702304, - 1.2514693068989795, - -1.9665213578174514, - 0.266507340470443, - 0.086898183779718, - -0.9014735801552007, - -0.14562221175219, - -0.08286550942263587, - 1.3635947341260353, - 0.266507340470443, - -0.2920030991113654, - -1.0645643153860636, - 1.6184332831061568, - -0.875608640189562, - -4.144595303754496, - -1.6441890229981209, - 0.036103477161108545, - -0.19496894782277882, - 0.2960117633943211, - -0.6931213579775495, - 1.1548548871196083, - 2.344970864127483, - -1.0029075361076274, - -0.4026457883678799, - 0.21936994208140426, - 0.086898183779718, - 0.25030288058654127, - 1.610586843433766, - -0.2920030991113654, - -0.2920030991113654, - -0.34228672880683764, - 0.266507340470443, - -0.6554961512576867, - -0.030916511292118275, - -0.34228672880683764, - -0.19026761341941714, - 0.7660460124401851, - -0.3494148800102339, - 0.13886120414521502, - -0.4419435698760028, - 0.5412915537638153, - 1.7918169561500523, - -0.32041973632125254, - -0.2605011525966907, - 2.0328295443327082, - -0.34975893527117985, - -0.0595146193245965, - -0.11560815985466014, - 0.441462832029592, - 3.0306123808768706, - 1.4423534465041423, - -0.07811752154982794, - 0.048619275766900415, - 1.7646302554730513, - -0.4032724829063158, - -0.31024862344810694 + 32.78, + 62.75, + 10.35, + 7.46, + 7.29, + -4.75, + -3.98, + 111.9 ] } ], "layout": { - "hovermode": "closest", - "paper_bgcolor": "#fff", + "barmode": "stack", + "height": 600, + "margin": { + "b": 216, + "l": 50, + "pad": 4, + "r": 100, + "t": 50 + }, "plot_bgcolor": "#fff", - "showlegend": true, + "showlegend": false, "template": { "data": { "scatter": [ @@ -101339,24 +62075,20 @@ } }, "title": { - "text": "Dependence plot for Age" - }, - "xaxis": { - "title": { - "text": "Age" - } + "text": "Contribution to prediction Fare = 111.9 $", + "x": 0.5 }, "yaxis": { "title": { - "text": "SHAP value ($)" + "text": "Predicted $" } } } }, "text/html": [ - "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "name = test_names[0] # explainer prediction for name\n", + "print(name)\n", + "explainer.plot_contributions(name, sort='low-to-high', orientation='horizontal')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Shap dependence plots" + ] + }, + { + "cell_type": "code", + "execution_count": 60, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T16:02:53.856438Z", + "start_time": "2021-01-20T16:02:53.842598Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "hoverinfo": "text", + "marker": { "opacity": 0.6, - "showscale": true, "size": 7 }, "mode": "markers", "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
PassengerClass=1
SHAP=7.56", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
PassengerClass=1
SHAP=6.13", - "index=Palsson, Master. Gosta Leonard
Age=2.0
PassengerClass=3
SHAP=0.11", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=27.0
PassengerClass=3
SHAP=-0.65", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
PassengerClass=2
SHAP=-0.91", - "index=Saundercock, Mr. William Henry
Age=20.0
PassengerClass=3
SHAP=-0.4", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Age=14.0
PassengerClass=3
SHAP=0.09", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=38.0
PassengerClass=3
SHAP=0.75", - "index=Glynn, Miss. Mary Agatha
Age=nan
PassengerClass=3
SHAP=-0.35", - "index=Meyer, Mr. Edgar Joseph
Age=28.0
PassengerClass=1
SHAP=-2.67", - "index=Kraeff, Mr. Theodor
Age=nan
PassengerClass=3
SHAP=-0.08", - "index=Devaney, Miss. Margaret Delia
Age=19.0
PassengerClass=3
SHAP=-0.89", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=18.0
PassengerClass=3
SHAP=-0.84", - "index=Rugg, Miss. Emily
Age=21.0
PassengerClass=2
SHAP=-0.79", - "index=Harris, Mr. Henry Birkhardt
Age=45.0
PassengerClass=1
SHAP=-1.12", - "index=Skoog, Master. Harald
Age=4.0
PassengerClass=3
SHAP=0.09", - "index=Kink, Mr. Vincenz
Age=26.0
PassengerClass=3
SHAP=-0.38", - "index=Hood, Mr. Ambrose Jr
Age=21.0
PassengerClass=2
SHAP=-0.3", - "index=Ilett, Miss. Bertha
Age=17.0
PassengerClass=2
SHAP=-0.16", - "index=Ford, Mr. William Neal
Age=16.0
PassengerClass=3
SHAP=-0.21", - "index=Christmann, Mr. Emil
Age=29.0
PassengerClass=3
SHAP=-0.4", - "index=Andreasson, Mr. Paul Edvin
Age=20.0
PassengerClass=3
SHAP=-0.4", - "index=Chaffee, Mr. Herbert Fuller
Age=46.0
PassengerClass=1
SHAP=-0.51", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Age=nan
PassengerClass=3
SHAP=0.27", - "index=White, Mr. Richard Frasar
Age=21.0
PassengerClass=1
SHAP=2.44", - "index=Rekic, Mr. Tido
Age=38.0
PassengerClass=3
SHAP=0.51", - "index=Moran, Miss. Bertha
Age=nan
PassengerClass=3
SHAP=0.38", - "index=Barton, Mr. David John
Age=22.0
PassengerClass=3
SHAP=-0.4", - "index=Jussila, Miss. Katriina
Age=20.0
PassengerClass=3
SHAP=-0.98", - "index=Pekoniemi, Mr. Edvard
Age=21.0
PassengerClass=3
SHAP=-0.4", - "index=Turpin, Mr. William John Robert
Age=29.0
PassengerClass=2
SHAP=-0.25", - "index=Moore, Mr. Leonard Charles
Age=nan
PassengerClass=3
SHAP=0.27", - "index=Osen, Mr. Olaf Elon
Age=16.0
PassengerClass=3
SHAP=-0.19", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Age=9.0
PassengerClass=3
SHAP=-0.03", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=36.5
PassengerClass=2
SHAP=1.94", - "index=Bateman, Rev. Robert James
Age=51.0
PassengerClass=2
SHAP=0.22", - "index=Meo, Mr. Alfonzo
Age=55.5
PassengerClass=3
SHAP=-0.16", - "index=Cribb, Mr. John Hatfield
Age=44.0
PassengerClass=3
SHAP=-0.29", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Age=nan
PassengerClass=1
SHAP=0.78", - "index=Van der hoef, Mr. Wyckoff
Age=61.0
PassengerClass=1
SHAP=-2.17", - "index=Sivola, Mr. Antti Wilhelm
Age=21.0
PassengerClass=3
SHAP=-0.4", - "index=Klasen, Mr. Klas Albin
Age=18.0
PassengerClass=3
SHAP=-0.19", - "index=Rood, Mr. Hugh Roscoe
Age=nan
PassengerClass=1
SHAP=1.52", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=19.0
PassengerClass=3
SHAP=-1.14", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Age=44.0
PassengerClass=1
SHAP=6.35", - "index=Vande Walle, Mr. Nestor Cyriel
Age=28.0
PassengerClass=3
SHAP=-0.34", - "index=Backstrom, Mr. Karl Alfred
Age=32.0
PassengerClass=3
SHAP=-0.44", - "index=Blank, Mr. Henry
Age=40.0
PassengerClass=1
SHAP=4.3", - "index=Ali, Mr. Ahmed
Age=24.0
PassengerClass=3
SHAP=-0.35", - "index=Green, Mr. George Henry
Age=51.0
PassengerClass=3
SHAP=-0.08", - "index=Nenkoff, Mr. Christo
Age=nan
PassengerClass=3
SHAP=0.27", - "index=Asplund, Miss. Lillian Gertrud
Age=5.0
PassengerClass=3
SHAP=-0.13", - "index=Harknett, Miss. Alice Phoebe
Age=nan
PassengerClass=3
SHAP=-0.02", - "index=Hunt, Mr. George Henry
Age=33.0
PassengerClass=2
SHAP=0.37", - "index=Reed, Mr. James George
Age=nan
PassengerClass=3
SHAP=0.27", - "index=Stead, Mr. William Thomas
Age=62.0
PassengerClass=1
SHAP=-3.21", - "index=Thorne, Mrs. Gertrude Maybelle
Age=nan
PassengerClass=1
SHAP=-6.2", - "index=Parrish, Mrs. (Lutie Davis)
Age=50.0
PassengerClass=2
SHAP=0.73", - "index=Smith, Mr. Thomas
Age=nan
PassengerClass=3
SHAP=0.09", - "index=Asplund, Master. Edvin Rojj Felix
Age=3.0
PassengerClass=3
SHAP=-0.01", - "index=Healy, Miss. Hanora \"Nora\"
Age=nan
PassengerClass=3
SHAP=-0.35", - "index=Andrews, Miss. Kornelia Theodosia
Age=63.0
PassengerClass=1
SHAP=-1.48", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Age=35.0
PassengerClass=3
SHAP=2.22", - "index=Smith, Mr. Richard William
Age=nan
PassengerClass=1
SHAP=1.52", - "index=Connolly, Miss. Kate
Age=22.0
PassengerClass=3
SHAP=-0.88", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Age=19.0
PassengerClass=1
SHAP=-3.6", - "index=Levy, Mr. Rene Jacques
Age=36.0
PassengerClass=2
SHAP=3.36", - "index=Lewy, Mr. Ervin G
Age=nan
PassengerClass=1
SHAP=-0.53", - "index=Williams, Mr. Howard Hugh \"Harry\"
Age=nan
PassengerClass=3
SHAP=0.27", - "index=Sage, Mr. George John Jr
Age=nan
PassengerClass=3
SHAP=1.44", - "index=Nysveen, Mr. Johan Hansen
Age=61.0
PassengerClass=3
SHAP=-0.15", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=nan
PassengerClass=1
SHAP=-2.0", - "index=Denkoff, Mr. Mitto
Age=nan
PassengerClass=3
SHAP=0.27", - "index=Burns, Miss. Elizabeth Margaret
Age=41.0
PassengerClass=1
SHAP=6.32", - "index=Dimic, Mr. Jovan
Age=42.0
PassengerClass=3
SHAP=0.41", - "index=del Carlo, Mr. Sebastiano
Age=29.0
PassengerClass=2
SHAP=-0.44", - "index=Beavan, Mr. William Thomas
Age=19.0
PassengerClass=3
SHAP=-0.4", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=nan
PassengerClass=1
SHAP=-4.52", - "index=Widener, Mr. Harry Elkins
Age=27.0
PassengerClass=1
SHAP=-0.1", - "index=Gustafsson, Mr. Karl Gideon
Age=19.0
PassengerClass=3
SHAP=-0.4", - "index=Plotcharsky, Mr. Vasil
Age=nan
PassengerClass=3
SHAP=0.27", - "index=Goodwin, Master. Sidney Leonard
Age=1.0
PassengerClass=3
SHAP=-1.58", - "index=Sadlier, Mr. Matthew
Age=nan
PassengerClass=3
SHAP=0.09", - "index=Gustafsson, Mr. Johan Birger
Age=28.0
PassengerClass=3
SHAP=-0.41", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=24.0
PassengerClass=3
SHAP=-0.28", - "index=Niskanen, Mr. Juha
Age=39.0
PassengerClass=3
SHAP=1.21", - "index=Minahan, Miss. Daisy E
Age=33.0
PassengerClass=1
SHAP=1.67", - "index=Matthews, Mr. William John
Age=30.0
PassengerClass=2
SHAP=-0.18", - "index=Charters, Mr. David
Age=21.0
PassengerClass=3
SHAP=-0.32", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=19.0
PassengerClass=2
SHAP=-0.79", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=45.0
PassengerClass=2
SHAP=0.92", - "index=Johannesen-Bratthammer, Mr. Bernt
Age=nan
PassengerClass=3
SHAP=0.13", - "index=Peuchen, Major. Arthur Godfrey
Age=52.0
PassengerClass=1
SHAP=-1.64", - "index=Anderson, Mr. Harry
Age=48.0
PassengerClass=1
SHAP=-0.42", - "index=Milling, Mr. Jacob Christian
Age=48.0
PassengerClass=2
SHAP=0.31", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=33.0
PassengerClass=2
SHAP=0.73", - "index=Karlsson, Mr. Nils August
Age=22.0
PassengerClass=3
SHAP=-0.4", - "index=Frost, Mr. Anthony Wood \"Archie\"
Age=nan
PassengerClass=2
SHAP=-1.07", - "index=Bishop, Mr. Dickinson H
Age=25.0
PassengerClass=1
SHAP=-4.35", - "index=Windelov, Mr. Einar
Age=21.0
PassengerClass=3
SHAP=-0.4", - "index=Shellard, Mr. Frederick William
Age=nan
PassengerClass=3
SHAP=0.27", - "index=Svensson, Mr. Olof
Age=24.0
PassengerClass=3
SHAP=-0.35", - "index=O'Sullivan, Miss. Bridget Mary
Age=nan
PassengerClass=3
SHAP=-0.2", - "index=Laitinen, Miss. Kristina Sofia
Age=37.0
PassengerClass=3
SHAP=1.11", - "index=Penasco y Castellana, Mr. Victor de Satode
Age=18.0
PassengerClass=1
SHAP=-1.15", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Age=nan
PassengerClass=1
SHAP=0.02", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=36.0
PassengerClass=2
SHAP=2.15", - "index=Kassem, Mr. Fared
Age=nan
PassengerClass=3
SHAP=-0.08", - "index=Cacic, Miss. Marija
Age=30.0
PassengerClass=3
SHAP=-0.62", - "index=Hart, Miss. Eva Miriam
Age=7.0
PassengerClass=2
SHAP=-0.33", - "index=Butt, Major. Archibald Willingham
Age=45.0
PassengerClass=1
SHAP=0.97", - "index=Beane, Mr. Edward
Age=32.0
PassengerClass=2
SHAP=0.06", - "index=Goldsmith, Mr. Frank John
Age=33.0
PassengerClass=3
SHAP=0.45", - "index=Ohman, Miss. Velin
Age=22.0
PassengerClass=3
SHAP=-0.95", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=39.0
PassengerClass=1
SHAP=1.82", - "index=Morrow, Mr. Thomas Rowan
Age=nan
PassengerClass=3
SHAP=0.09", - "index=Harris, Mr. George
Age=62.0
PassengerClass=2
SHAP=0.51", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=53.0
PassengerClass=1
SHAP=-1.27", - "index=Patchett, Mr. George
Age=19.0
PassengerClass=3
SHAP=-0.4", - "index=Ross, Mr. John Hugo
Age=36.0
PassengerClass=1
SHAP=20.24", - "index=Murdlin, Mr. Joseph
Age=nan
PassengerClass=3
SHAP=0.27", - "index=Bourke, Miss. Mary
Age=nan
PassengerClass=3
SHAP=-0.14", - "index=Boulos, Mr. Hanna
Age=nan
PassengerClass=3
SHAP=-0.08", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=49.0
PassengerClass=1
SHAP=-1.78", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Age=35.0
PassengerClass=1
SHAP=24.24", - "index=Lindell, Mr. Edvard Bengtsson
Age=36.0
PassengerClass=3
SHAP=1.25", - "index=Daniel, Mr. Robert Williams
Age=27.0
PassengerClass=1
SHAP=-1.97", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=22.0
PassengerClass=2
SHAP=-1.06", - "index=Shutes, Miss. Elizabeth W
Age=40.0
PassengerClass=1
SHAP=3.34", - "index=Jardin, Mr. Jose Neto
Age=nan
PassengerClass=3
SHAP=0.27", - "index=Horgan, Mr. John
Age=nan
PassengerClass=3
SHAP=0.09", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=26.0
PassengerClass=3
SHAP=-0.88", - "index=Yasbeck, Mr. Antoni
Age=27.0
PassengerClass=3
SHAP=-0.9", - "index=Bostandyeff, Mr. Guentcho
Age=26.0
PassengerClass=3
SHAP=-0.15", - "index=Lundahl, Mr. Johan Svensson
Age=51.0
PassengerClass=3
SHAP=-0.08", - "index=Stahelin-Maeglin, Dr. Max
Age=32.0
PassengerClass=1
SHAP=1.36", - "index=Willey, Mr. Edward
Age=nan
PassengerClass=3
SHAP=0.27", - "index=Stanley, Miss. Amy Zillah Elsie
Age=23.0
PassengerClass=3
SHAP=-0.94", - "index=Hegarty, Miss. Hanora \"Nora\"
Age=18.0
PassengerClass=3
SHAP=-0.47", - "index=Eitemiller, Mr. George Floyd
Age=23.0
PassengerClass=2
SHAP=-0.29", - "index=Colley, Mr. Edward Pomeroy
Age=47.0
PassengerClass=1
SHAP=-1.06", - "index=Coleff, Mr. Peju
Age=36.0
PassengerClass=3
SHAP=1.62", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Age=40.0
PassengerClass=2
SHAP=1.1", - "index=Davidson, Mr. Thornton
Age=31.0
PassengerClass=1
SHAP=-0.88", - "index=Turja, Miss. Anna Sofia
Age=18.0
PassengerClass=3
SHAP=-0.75", - "index=Hassab, Mr. Hammad
Age=27.0
PassengerClass=1
SHAP=-4.14", - "index=Goodwin, Mr. Charles Edward
Age=14.0
PassengerClass=3
SHAP=-1.64", - "index=Panula, Mr. Jaako Arnold
Age=14.0
PassengerClass=3
SHAP=0.04", - "index=Fischer, Mr. Eberhard Thelander
Age=18.0
PassengerClass=3
SHAP=-0.19", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Age=42.0
PassengerClass=3
SHAP=0.3", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Age=18.0
PassengerClass=1
SHAP=-3.47", - "index=Hansen, Mr. Henrik Juul
Age=26.0
PassengerClass=3
SHAP=-0.69", - "index=Calderhead, Mr. Edward Pennington
Age=42.0
PassengerClass=1
SHAP=1.15", - "index=Klaber, Mr. Herman
Age=nan
PassengerClass=1
SHAP=2.34", - "index=Taylor, Mr. Elmer Zebley
Age=48.0
PassengerClass=1
SHAP=-1.0", - "index=Larsson, Mr. August Viktor
Age=29.0
PassengerClass=3
SHAP=-0.4", - "index=Greenberg, Mr. Samuel
Age=52.0
PassengerClass=2
SHAP=0.22", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Age=27.0
PassengerClass=2
SHAP=-0.35", - "index=McEvoy, Mr. Michael
Age=nan
PassengerClass=3
SHAP=0.09", - "index=Johnson, Mr. Malkolm Joackim
Age=33.0
PassengerClass=3
SHAP=0.25", - "index=Gillespie, Mr. William Henry
Age=34.0
PassengerClass=2
SHAP=1.61", - "index=Allen, Miss. Elisabeth Walton
Age=29.0
PassengerClass=1
SHAP=-2.88", - "index=Berriman, Mr. William John
Age=23.0
PassengerClass=2
SHAP=-0.29", - "index=Troupiansky, Mr. Moses Aaron
Age=23.0
PassengerClass=2
SHAP=-0.29", - "index=Williams, Mr. Leslie
Age=28.5
PassengerClass=3
SHAP=-0.34", - "index=Ivanoff, Mr. Kanio
Age=nan
PassengerClass=3
SHAP=0.27", - "index=McNamee, Mr. Neal
Age=24.0
PassengerClass=3
SHAP=-0.66", - "index=Connaghton, Mr. Michael
Age=31.0
PassengerClass=3
SHAP=-0.03", - "index=Carlsson, Mr. August Sigfrid
Age=28.0
PassengerClass=3
SHAP=-0.34", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Age=33.0
PassengerClass=1
SHAP=1.34", - "index=Eklund, Mr. Hans Linus
Age=16.0
PassengerClass=3
SHAP=-0.19", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Age=51.0
PassengerClass=1
SHAP=-1.2", - "index=Moran, Mr. Daniel J
Age=nan
PassengerClass=3
SHAP=0.77", - "index=Lievens, Mr. Rene Aime
Age=24.0
PassengerClass=3
SHAP=-0.35", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Age=43.0
PassengerClass=1
SHAP=2.68", - "index=Ayoub, Miss. Banoura
Age=13.0
PassengerClass=3
SHAP=-0.54", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Age=17.0
PassengerClass=1
SHAP=-2.06", - "index=Johnston, Mr. Andrew G
Age=nan
PassengerClass=3
SHAP=0.14", - "index=Ali, Mr. William
Age=25.0
PassengerClass=3
SHAP=-0.44", - "index=Sjoblom, Miss. Anna Sofia
Age=18.0
PassengerClass=3
SHAP=-0.75", - "index=Guggenheim, Mr. Benjamin
Age=46.0
PassengerClass=1
SHAP=0.54", - "index=Leader, Dr. Alice (Farnham)
Age=49.0
PassengerClass=1
SHAP=0.47", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Age=31.0
PassengerClass=2
SHAP=-0.1", - "index=Carter, Master. William Thornton II
Age=11.0
PassengerClass=1
SHAP=1.79", - "index=Thomas, Master. Assad Alexander
Age=0.42
PassengerClass=3
SHAP=-0.32", - "index=Johansson, Mr. Karl Johan
Age=31.0
PassengerClass=3
SHAP=-0.26", - "index=Slemen, Mr. Richard James
Age=35.0
PassengerClass=2
SHAP=2.03", - "index=Tomlin, Mr. Ernest Portage
Age=30.5
PassengerClass=3
SHAP=-0.35", - "index=McCormack, Mr. Thomas Joseph
Age=nan
PassengerClass=3
SHAP=-0.06", - "index=Richards, Master. George Sibley
Age=0.83
PassengerClass=2
SHAP=-0.12", - "index=Mudd, Mr. Thomas Charles
Age=16.0
PassengerClass=2
SHAP=0.44", - "index=Lemberopolous, Mr. Peter L
Age=34.5
PassengerClass=3
SHAP=3.03", - "index=Sage, Mr. Douglas Bullen
Age=nan
PassengerClass=3
SHAP=1.44", - "index=Boulos, Miss. Nourelain
Age=9.0
PassengerClass=3
SHAP=-0.29", - "index=Aks, Mrs. Sam (Leah Rosen)
Age=18.0
PassengerClass=3
SHAP=-1.04", - "index=Razi, Mr. Raihed
Age=nan
PassengerClass=3
SHAP=-0.08", - "index=Johnson, Master. Harold Theodor
Age=4.0
PassengerClass=3
SHAP=0.05", - "index=Carlsson, Mr. Frans Olof
Age=33.0
PassengerClass=1
SHAP=1.76", - "index=Gustafsson, Mr. Alfred Ossian
Age=20.0
PassengerClass=3
SHAP=-0.4", - "index=Montvila, Rev. Juozas
Age=27.0
PassengerClass=2
SHAP=-0.31" - ], - "type": "scatter", + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
SHAP=7.294", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
SHAP=5.299", + "None=Palsson, Master. Gosta Leonard
Age=2.0
SHAP=0.491", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=27.0
SHAP=-0.329", + "None=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
SHAP=-0.299", + "None=Saundercock, Mr. William Henry
Age=20.0
SHAP=-0.011", + "None=Vestrom, Miss. Hulda Amanda Adolfina
Age=14.0
SHAP=0.184", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=38.0
SHAP=0.435", + "None=Glynn, Miss. Mary Agatha
Age=-999.0
SHAP=-0.108", + "None=Meyer, Mr. Edgar Joseph
Age=28.0
SHAP=-2.582", + "None=Kraeff, Mr. Theodor
Age=-999.0
SHAP=0.121", + "None=Devaney, Miss. Margaret Delia
Age=19.0
SHAP=-0.555", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=18.0
SHAP=-0.280", + "None=Rugg, Miss. Emily
Age=21.0
SHAP=-0.366", + "None=Harris, Mr. Henry Birkhardt
Age=45.0
SHAP=-1.571", + "None=Skoog, Master. Harald
Age=4.0
SHAP=0.357", + "None=Kink, Mr. Vincenz
Age=26.0
SHAP=-0.062", + "None=Hood, Mr. Ambrose Jr
Age=21.0
SHAP=0.018", + "None=Ilett, Miss. Bertha
Age=17.0
SHAP=0.464", + "None=Ford, Mr. William Neal
Age=16.0
SHAP=0.135", + "None=Christmann, Mr. Emil
Age=29.0
SHAP=-0.252", + "None=Andreasson, Mr. Paul Edvin
Age=20.0
SHAP=-0.011", + "None=Chaffee, Mr. Herbert Fuller
Age=46.0
SHAP=-0.616", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
Age=-999.0
SHAP=0.343", + "None=White, Mr. Richard Frasar
Age=21.0
SHAP=2.686", + "None=Rekic, Mr. Tido
Age=38.0
SHAP=0.540", + "None=Moran, Miss. Bertha
Age=-999.0
SHAP=-0.107", + "None=Barton, Mr. David John
Age=22.0
SHAP=-0.023", + "None=Jussila, Miss. Katriina
Age=20.0
SHAP=-0.337", + "None=Pekoniemi, Mr. Edvard
Age=21.0
SHAP=-0.026", + "None=Turpin, Mr. William John Robert
Age=29.0
SHAP=-0.271", + "None=Moore, Mr. Leonard Charles
Age=-999.0
SHAP=0.343", + "None=Osen, Mr. Olaf Elon
Age=16.0
SHAP=0.131", + "None=Ford, Miss. Robina Maggie \"Ruby\"
Age=9.0
SHAP=0.286", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=36.5
SHAP=1.011", + "None=Bateman, Rev. Robert James
Age=51.0
SHAP=0.320", + "None=Meo, Mr. Alfonzo
Age=55.5
SHAP=0.012", + "None=Cribb, Mr. John Hatfield
Age=44.0
SHAP=0.058", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
Age=-999.0
SHAP=3.755", + "None=Van der hoef, Mr. Wyckoff
Age=61.0
SHAP=-2.261", + "None=Sivola, Mr. Antti Wilhelm
Age=21.0
SHAP=-0.026", + "None=Klasen, Mr. Klas Albin
Age=18.0
SHAP=0.107", + "None=Rood, Mr. Hugh Roscoe
Age=-999.0
SHAP=1.759", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=19.0
SHAP=-0.452", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
Age=44.0
SHAP=5.828", + "None=Vande Walle, Mr. Nestor Cyriel
Age=28.0
SHAP=0.069", + "None=Backstrom, Mr. Karl Alfred
Age=32.0
SHAP=-0.179", + "None=Blank, Mr. Henry
Age=40.0
SHAP=3.683", + "None=Ali, Mr. Ahmed
Age=24.0
SHAP=-0.024", + "None=Green, Mr. George Henry
Age=51.0
SHAP=0.236", + "None=Nenkoff, Mr. Christo
Age=-999.0
SHAP=0.343", + "None=Asplund, Miss. Lillian Gertrud
Age=5.0
SHAP=0.194", + "None=Harknett, Miss. Alice Phoebe
Age=-999.0
SHAP=0.170", + "None=Hunt, Mr. George Henry
Age=33.0
SHAP=0.481", + "None=Reed, Mr. James George
Age=-999.0
SHAP=0.343", + "None=Stead, Mr. William Thomas
Age=62.0
SHAP=-2.660", + "None=Thorne, Mrs. Gertrude Maybelle
Age=-999.0
SHAP=-4.277", + "None=Parrish, Mrs. (Lutie Davis)
Age=50.0
SHAP=3.662", + "None=Smith, Mr. Thomas
Age=-999.0
SHAP=0.215", + "None=Asplund, Master. Edvin Rojj Felix
Age=3.0
SHAP=0.229", + "None=Healy, Miss. Hanora \"Nora\"
Age=-999.0
SHAP=-0.108", + "None=Andrews, Miss. Kornelia Theodosia
Age=63.0
SHAP=-1.548", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
Age=35.0
SHAP=1.210", + "None=Smith, Mr. Richard William
Age=-999.0
SHAP=1.759", + "None=Connolly, Miss. Kate
Age=22.0
SHAP=-0.568", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
Age=19.0
SHAP=-4.351", + "None=Levy, Mr. Rene Jacques
Age=36.0
SHAP=2.132", + "None=Lewy, Mr. Ervin G
Age=-999.0
SHAP=0.136", + "None=Williams, Mr. Howard Hugh \"Harry\"
Age=-999.0
SHAP=0.343", + "None=Sage, Mr. George John Jr
Age=-999.0
SHAP=1.872", + "None=Nysveen, Mr. Johan Hansen
Age=61.0
SHAP=0.026", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=-999.0
SHAP=-0.920", + "None=Denkoff, Mr. Mitto
Age=-999.0
SHAP=0.343", + "None=Burns, Miss. Elizabeth Margaret
Age=41.0
SHAP=4.131", + "None=Dimic, Mr. Jovan
Age=42.0
SHAP=0.076", + "None=del Carlo, Mr. Sebastiano
Age=29.0
SHAP=-0.477", + "None=Beavan, Mr. William Thomas
Age=19.0
SHAP=-0.011", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=-999.0
SHAP=-4.179", + "None=Widener, Mr. Harry Elkins
Age=27.0
SHAP=2.836", + "None=Gustafsson, Mr. Karl Gideon
Age=19.0
SHAP=-0.011", + "None=Plotcharsky, Mr. Vasil
Age=-999.0
SHAP=0.343", + "None=Goodwin, Master. Sidney Leonard
Age=1.0
SHAP=-1.452", + "None=Sadlier, Mr. Matthew
Age=-999.0
SHAP=0.215", + "None=Gustafsson, Mr. Johan Birger
Age=28.0
SHAP=0.147", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=24.0
SHAP=-0.267", + "None=Niskanen, Mr. Juha
Age=39.0
SHAP=0.830", + "None=Minahan, Miss. Daisy E
Age=33.0
SHAP=3.678", + "None=Matthews, Mr. William John
Age=30.0
SHAP=-0.116", + "None=Charters, Mr. David
Age=21.0
SHAP=-0.107", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=19.0
SHAP=-0.358", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=45.0
SHAP=0.331", + "None=Johannesen-Bratthammer, Mr. Bernt
Age=-999.0
SHAP=0.254", + "None=Peuchen, Major. Arthur Godfrey
Age=52.0
SHAP=-2.205", + "None=Anderson, Mr. Harry
Age=48.0
SHAP=-0.813", + "None=Milling, Mr. Jacob Christian
Age=48.0
SHAP=0.396", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=33.0
SHAP=0.430", + "None=Karlsson, Mr. Nils August
Age=22.0
SHAP=-0.023", + "None=Frost, Mr. Anthony Wood \"Archie\"
Age=-999.0
SHAP=-0.193", + "None=Bishop, Mr. Dickinson H
Age=25.0
SHAP=-2.557", + "None=Windelov, Mr. Einar
Age=21.0
SHAP=-0.026", + "None=Shellard, Mr. Frederick William
Age=-999.0
SHAP=0.343", + "None=Svensson, Mr. Olof
Age=24.0
SHAP=-0.024", + "None=O'Sullivan, Miss. Bridget Mary
Age=-999.0
SHAP=-0.003", + "None=Laitinen, Miss. Kristina Sofia
Age=37.0
SHAP=1.184", + "None=Penasco y Castellana, Mr. Victor de Satode
Age=18.0
SHAP=0.933", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
Age=-999.0
SHAP=1.073", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=36.0
SHAP=1.419", + "None=Kassem, Mr. Fared
Age=-999.0
SHAP=0.121", + "None=Cacic, Miss. Marija
Age=30.0
SHAP=-0.285", + "None=Hart, Miss. Eva Miriam
Age=7.0
SHAP=0.476", + "None=Butt, Major. Archibald Willingham
Age=45.0
SHAP=-0.120", + "None=Beane, Mr. Edward
Age=32.0
SHAP=0.055", + "None=Goldsmith, Mr. Frank John
Age=33.0
SHAP=0.282", + "None=Ohman, Miss. Velin
Age=22.0
SHAP=-0.414", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=39.0
SHAP=0.603", + "None=Morrow, Mr. Thomas Rowan
Age=-999.0
SHAP=0.215", + "None=Harris, Mr. George
Age=62.0
SHAP=0.498", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=53.0
SHAP=-7.076", + "None=Patchett, Mr. George
Age=19.0
SHAP=-0.011", + "None=Ross, Mr. John Hugo
Age=36.0
SHAP=13.178", + "None=Murdlin, Mr. Joseph
Age=-999.0
SHAP=0.343", + "None=Bourke, Miss. Mary
Age=-999.0
SHAP=0.079", + "None=Boulos, Mr. Hanna
Age=-999.0
SHAP=0.121", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=49.0
SHAP=-0.670", + "None=Homer, Mr. Harry (\"Mr E Haven\")
Age=35.0
SHAP=22.702", + "None=Lindell, Mr. Edvard Bengtsson
Age=36.0
SHAP=0.910", + "None=Daniel, Mr. Robert Williams
Age=27.0
SHAP=-0.792", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=22.0
SHAP=-0.617", + "None=Shutes, Miss. Elizabeth W
Age=40.0
SHAP=0.712", + "None=Jardin, Mr. Jose Neto
Age=-999.0
SHAP=0.343", + "None=Horgan, Mr. John
Age=-999.0
SHAP=0.215", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=26.0
SHAP=-0.443", + "None=Yasbeck, Mr. Antoni
Age=27.0
SHAP=-0.505", + "None=Bostandyeff, Mr. Guentcho
Age=26.0
SHAP=-0.188", + "None=Lundahl, Mr. Johan Svensson
Age=51.0
SHAP=0.236", + "None=Stahelin-Maeglin, Dr. Max
Age=32.0
SHAP=3.866", + "None=Willey, Mr. Edward
Age=-999.0
SHAP=0.343", + "None=Stanley, Miss. Amy Zillah Elsie
Age=23.0
SHAP=-0.408", + "None=Hegarty, Miss. Hanora \"Nora\"
Age=18.0
SHAP=-0.259", + "None=Eitemiller, Mr. George Floyd
Age=23.0
SHAP=0.041", + "None=Colley, Mr. Edward Pomeroy
Age=47.0
SHAP=-1.201", + "None=Coleff, Mr. Peju
Age=36.0
SHAP=1.077", + "None=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Age=40.0
SHAP=0.164", + "None=Davidson, Mr. Thornton
Age=31.0
SHAP=0.473", + "None=Turja, Miss. Anna Sofia
Age=18.0
SHAP=-0.308", + "None=Hassab, Mr. Hammad
Age=27.0
SHAP=-3.491", + "None=Goodwin, Mr. Charles Edward
Age=14.0
SHAP=-1.434", + "None=Panula, Mr. Jaako Arnold
Age=14.0
SHAP=0.340", + "None=Fischer, Mr. Eberhard Thelander
Age=18.0
SHAP=0.088", + "None=Humblen, Mr. Adolf Mathias Nicolai Olsen
Age=42.0
SHAP=-0.052", + "None=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Age=18.0
SHAP=-2.559", + "None=Hansen, Mr. Henrik Juul
Age=26.0
SHAP=-0.314", + "None=Calderhead, Mr. Edward Pennington
Age=42.0
SHAP=-0.149", + "None=Klaber, Mr. Herman
Age=-999.0
SHAP=3.608", + "None=Taylor, Mr. Elmer Zebley
Age=48.0
SHAP=-1.314", + "None=Larsson, Mr. August Viktor
Age=29.0
SHAP=-0.252", + "None=Greenberg, Mr. Samuel
Age=52.0
SHAP=0.200", + "None=Troutt, Miss. Edwina Celia \"Winnie\"
Age=27.0
SHAP=-0.273", + "None=McEvoy, Mr. Michael
Age=-999.0
SHAP=0.215", + "None=Johnson, Mr. Malkolm Joackim
Age=33.0
SHAP=0.492", + "None=Gillespie, Mr. William Henry
Age=34.0
SHAP=1.392", + "None=Allen, Miss. Elisabeth Walton
Age=29.0
SHAP=-1.294", + "None=Berriman, Mr. William John
Age=23.0
SHAP=0.041", + "None=Troupiansky, Mr. Moses Aaron
Age=23.0
SHAP=0.041", + "None=Williams, Mr. Leslie
Age=28.5
SHAP=0.069", + "None=Ivanoff, Mr. Kanio
Age=-999.0
SHAP=0.343", + "None=McNamee, Mr. Neal
Age=24.0
SHAP=-0.114", + "None=Connaghton, Mr. Michael
Age=31.0
SHAP=-0.223", + "None=Carlsson, Mr. August Sigfrid
Age=28.0
SHAP=0.069", + "None=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Age=33.0
SHAP=1.497", + "None=Eklund, Mr. Hans Linus
Age=16.0
SHAP=0.131", + "None=Hogeboom, Mrs. John C (Anna Andrews)
Age=51.0
SHAP=-1.553", + "None=Moran, Mr. Daniel J
Age=-999.0
SHAP=0.241", + "None=Lievens, Mr. Rene Aime
Age=24.0
SHAP=-0.024", + "None=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Age=43.0
SHAP=-1.454", + "None=Ayoub, Miss. Banoura
Age=13.0
SHAP=-0.333", + "None=Dick, Mrs. Albert Adrian (Vera Gillespie)
Age=17.0
SHAP=-1.061", + "None=Johnston, Mr. Andrew G
Age=-999.0
SHAP=0.307", + "None=Ali, Mr. William
Age=25.0
SHAP=-0.145", + "None=Sjoblom, Miss. Anna Sofia
Age=18.0
SHAP=-0.308", + "None=Guggenheim, Mr. Benjamin
Age=46.0
SHAP=4.066", + "None=Leader, Dr. Alice (Farnham)
Age=49.0
SHAP=-1.754", + "None=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Age=31.0
SHAP=-0.216", + "None=Carter, Master. William Thornton II
Age=11.0
SHAP=7.176", + "None=Thomas, Master. Assad Alexander
Age=0.42
SHAP=0.047", + "None=Johansson, Mr. Karl Johan
Age=31.0
SHAP=-0.157", + "None=Slemen, Mr. Richard James
Age=35.0
SHAP=1.354", + "None=Tomlin, Mr. Ernest Portage
Age=30.5
SHAP=-0.146", + "None=McCormack, Mr. Thomas Joseph
Age=-999.0
SHAP=0.084", + "None=Richards, Master. George Sibley
Age=0.83
SHAP=0.241", + "None=Mudd, Mr. Thomas Charles
Age=16.0
SHAP=0.887", + "None=Lemberopolous, Mr. Peter L
Age=34.5
SHAP=2.974", + "None=Sage, Mr. Douglas Bullen
Age=-999.0
SHAP=1.872", + "None=Boulos, Miss. Nourelain
Age=9.0
SHAP=-0.080", + "None=Aks, Mrs. Sam (Leah Rosen)
Age=18.0
SHAP=-0.250", + "None=Razi, Mr. Raihed
Age=-999.0
SHAP=0.121", + "None=Johnson, Master. Harold Theodor
Age=4.0
SHAP=0.310", + "None=Carlsson, Mr. Frans Olof
Age=33.0
SHAP=1.967", + "None=Gustafsson, Mr. Alfred Ossian
Age=20.0
SHAP=-0.011", + "None=Montvila, Rev. Juozas
Age=27.0
SHAP=-0.177" + ], + "type": "scattergl", "x": [ 38, 35, @@ -102044,220 +62765,207 @@ 27 ], "y": [ - 7.5565204798659815, - 6.125801497165066, - 0.10676086418380337, - -0.6510378001665383, - -0.9119361499414768, - -0.4032724829063158, - 0.08898713064428877, - 0.7461670815612641, - -0.3454512046743985, - -2.6715546532504972, - -0.07811752154982794, - -0.8850992607004508, - -0.8418455042379255, - -0.7884979448628002, - -1.1231197850355985, - 0.09345423012391019, - -0.3792091643987693, - -0.29766874702392615, - -0.15693073344250047, - -0.21425330472450843, - -0.4026457883678799, - -0.4032724829063158, - -0.5148128839590438, - 0.266507340470443, - 2.437990581520618, - 0.5084844757779529, - 0.3836514212668406, - -0.39835535471850414, - -0.9752265001049413, - -0.4032724829063158, - -0.24765723111490018, - 0.266507340470443, - -0.19026761341941714, - -0.032867086244189034, - 1.9444075545514623, - 0.21936994208140426, - -0.15651730607710507, - -0.28978524303965963, - 0.7804781994551143, - -2.1683982646826165, - -0.4032724829063158, - -0.1851105023645763, - 1.5157658586257532, - -1.1354246699579618, - 6.349726540841527, - -0.34228672880683764, - -0.43642725932238524, - 4.29618093823111, - -0.3494148800102339, - -0.08286550942263587, - 0.266507340470443, - -0.12582756453675092, - -0.016170773955726102, - 0.37317265611879574, - 0.266507340470443, - -3.2078388981998303, - -6.203241114242164, - 0.7254131263647582, - 0.086898183779718, - -0.008922395238775156, - -0.3454512046743985, - -1.4799747025280623, - 2.215216232106762, - 1.5157658586257532, - -0.8798902046182834, - -3.5993072689349876, - 3.3552057267291917, - -0.526393207279233, - 0.266507340470443, - 1.4423534465041423, - -0.15226390766670372, - -2.0046021498577655, - 0.266507340470443, - 6.319160657526987, - 0.4050320218314219, - -0.4379673156518441, - -0.4032724829063158, - -4.51992065059223, - -0.1040063269715107, - -0.4032724829063158, - 0.266507340470443, - -1.575306913828413, - 0.086898183779718, - -0.41208030331545675, - -0.2771442950755362, - 1.2061397106037712, - 1.6690393884529926, - -0.1782632161872672, - -0.31640485291462617, - -0.7884979448628002, - 0.9180181836935721, - 0.129204624679271, - -1.641302290071068, - -0.42001185398620017, - 0.308347118638638, - 0.7271577988467455, - -0.39835535471850414, - -1.0699359198249114, - -4.354505090038779, - -0.4032724829063158, - 0.266507340470443, - -0.3494148800102339, - -0.20042725177567577, - 1.1105842612040768, - -1.1533513638139201, - 0.023011806977133904, - 2.149648646347353, - -0.07811752154982794, - -0.6185746377189435, - -0.32603544334966106, - 0.9687828321987414, - 0.05652533826818864, - 0.44790957644144946, - -0.9530004261676062, - 1.8226684916599045, - 0.086898183779718, - 0.5122918336167066, - -1.2741916492828387, - -0.4032724829063158, - 20.242012620683294, - 0.266507340470443, - -0.1406289187171451, - -0.07811752154982794, - -1.775259277016585, - 24.244570816702304, - 1.2514693068989795, - -1.9665213578174514, - -1.0601917554014602, - 3.3439187185491988, - 0.266507340470443, - 0.086898183779718, - -0.8844324055628898, - -0.9014735801552007, - -0.14562221175219, - -0.08286550942263587, - 1.3635947341260353, - 0.266507340470443, - -0.9358288035888571, - -0.47209712495497147, - -0.2920030991113654, - -1.0645643153860636, - 1.6184332831061568, - 1.0993051777865739, - -0.875608640189562, - -0.7499059471662365, - -4.144595303754496, - -1.6441890229981209, - 0.036103477161108545, - -0.19496894782277882, - 0.2960117633943211, - -3.4716184624348037, - -0.6931213579775495, - 1.1548548871196083, - 2.344970864127483, - -1.0029075361076274, - -0.4026457883678799, - 0.21936994208140426, - -0.3545974999681788, - 0.086898183779718, - 0.25030288058654127, - 1.610586843433766, - -2.8797628264923634, - -0.2920030991113654, - -0.2920030991113654, - -0.34228672880683764, - 0.266507340470443, - -0.6554961512576867, - -0.030916511292118275, - -0.34228672880683764, - 1.339909350097108, - -0.19026761341941714, - -1.201770235651871, - 0.7660460124401851, - -0.3494148800102339, - 2.6824449316011956, - -0.5415313930160067, - -2.062611724034082, - 0.13886120414521502, - -0.4419435698760028, - -0.7499059471662365, - 0.5412915537638153, - 0.4718280773713342, - -0.09540202941151532, - 1.7918169561500523, - -0.32041973632125254, - -0.2605011525966907, - 2.0328295443327082, - -0.34975893527117985, - -0.0595146193245965, - -0.11560815985466014, - 0.441462832029592, - 3.0306123808768706, - 1.4423534465041423, - -0.28879265843189206, - -1.0372414048486958, - -0.07811752154982794, - 0.048619275766900415, - 1.7646302554730513, - -0.4032724829063158, - -0.31024862344810694 + 7.293561110068257, + 5.299210818746949, + 0.49146947999602514, + -0.3289497753688725, + -0.2993422625913043, + -0.010847887635784417, + 0.18361189714203432, + 0.4349752748826714, + -0.10846875520901202, + -2.5817112224149867, + 0.1209166256908297, + -0.555363526786045, + -0.2802871501212023, + -0.36601031093832925, + -1.5707824363601188, + 0.357457939438461, + -0.06212847760804008, + 0.017871878382685724, + 0.4642483857199418, + 0.13487100226011825, + -0.25244405402655706, + -0.010847887635784417, + -0.6160672037217677, + 0.3432846212117614, + 2.6857691969929274, + 0.5396406170836882, + -0.10656546087931314, + -0.02260474993744398, + -0.33663604638183564, + -0.025524497565680076, + -0.27138160761253194, + 0.3432846212117614, + 0.13053604025766255, + 0.2859002988353086, + 1.0108338637996555, + 0.3202254835988891, + 0.011862263039156792, + 0.05784977134794637, + 3.7551603566552543, + -2.2607947885004025, + -0.025524497565680076, + 0.10728326041188828, + 1.7588309377839306, + -0.45211483619269727, + 5.828218326019894, + 0.06877764227324058, + -0.17873918163407615, + 3.6834360545865863, + -0.024116470864005705, + 0.23582397512366554, + 0.3432846212117614, + 0.1941510277383721, + 0.16975824533169923, + 0.48117457920525925, + 0.3432846212117614, + -2.6596933976116905, + -4.276577291044247, + 3.6624655137567284, + 0.2154455940418241, + 0.22941241203144466, + -0.10846875520901202, + -1.5484681774737894, + 1.2103837027383102, + 1.7588309377839306, + -0.5681640950539681, + -4.350700000244729, + 2.132082138270907, + 0.1361033457152938, + 0.3432846212117614, + 1.8718706014557478, + 0.026253128243196804, + -0.9196891091968266, + 0.3432846212117614, + 4.130746755957855, + 0.07558907452507205, + -0.4768170380943938, + -0.010847887635784417, + -4.178576631962444, + 2.835964436613428, + -0.010847887635784417, + 0.3432846212117614, + -1.4518603486733395, + 0.2154455940418241, + 0.14695328157244458, + -0.2669378451608998, + 0.8297733278340897, + 3.6783640765844905, + -0.11639593091124148, + -0.10706952693955157, + -0.3575082973737318, + 0.33082275127322425, + 0.2540337107544315, + -2.2046265475537443, + -0.8129297764047908, + 0.39605843609818586, + 0.4297190007605634, + -0.02260474993744398, + -0.19312194671376368, + -2.5570924386032887, + -0.025524497565680076, + 0.3432846212117614, + -0.024116470864005705, + -0.0034055061281179537, + 1.183613169085186, + 0.9326354999214804, + 1.0727215261997967, + 1.4192129390277155, + 0.1209166256908297, + -0.28517876015729837, + 0.47573120231683513, + -0.1199047615383532, + 0.05517944991031064, + 0.2818636636428384, + -0.41439718183019913, + 0.603102463159512, + 0.2154455940418241, + 0.49772586629912247, + -7.076163199321902, + -0.010847887635784417, + 13.178025453661913, + 0.3432846212117614, + 0.07916704263608788, + 0.1209166256908297, + -0.6703751824071789, + 22.702355620310833, + 0.9096828705310643, + -0.7916787003766437, + -0.6168666426587055, + 0.712113064244633, + 0.3432846212117614, + 0.2154455940418241, + -0.44266967423404696, + -0.5053248869219937, + -0.18770031665854364, + 0.23582397512366554, + 3.865525785897028, + 0.3432846212117614, + -0.40805125871519654, + -0.2591498830222993, + 0.040838877444872204, + -1.2010396695137937, + 1.0773925019503388, + 0.1643491666532003, + 0.4734796895894062, + -0.30801969370349974, + -3.490951981848301, + -1.4336322984098664, + 0.340309019535249, + 0.08804273794385263, + -0.051755140207516946, + -2.558826526750774, + -0.3144048763857761, + -0.1491697040983184, + 3.608429150095552, + -1.3135953995112193, + -0.25244405402655706, + 0.20017824922060407, + -0.27339955286484263, + 0.2154455940418241, + 0.4917054192613568, + 1.39222519767839, + -1.294131274411247, + 0.040838877444872204, + 0.040838877444872204, + 0.06877764227324058, + 0.3432846212117614, + -0.11369062995504578, + -0.22263082789104732, + 0.06877764227324058, + 1.4972606844215075, + 0.13053604025766255, + -1.5530756581590988, + 0.2410450566010706, + -0.024116470864005705, + -1.453660028111668, + -0.3325009634674424, + -1.061000091466146, + 0.3066631261464099, + -0.14508073399210775, + -0.30801969370349974, + 4.066088522820349, + -1.7541598894670425, + -0.21636875898058314, + 7.175988073420611, + 0.04674931565031752, + -0.1568357728429055, + 1.3540543523109436, + -0.14563047773773347, + 0.08360078993972513, + 0.24115724658871793, + 0.8874676309295747, + 2.973642832438085, + 1.8718706014557478, + -0.08014679281902957, + -0.2499833916954793, + 0.1209166256908297, + 0.3102624466755316, + 1.9668027039473852, + -0.010847887635784417, + -0.1766273180314128 ] - }, - { - "hoverinfo": "text", - "marker": { - "color": "grey", - "opacity": 0.35, - "size": 7 - }, - "mode": "markers", - "text": [], - "type": "scatter", - "x": [], - "y": [] } ], "layout": { @@ -102290,9 +62998,9 @@ } }, "text/html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "explainer.plot_interaction(\"PassengerClass\", \"Sex\")" - ] - }, - { - "cell_type": "code", - "execution_count": 67, - "metadata": { - "ExecuteTime": { - "end_time": "2020-10-12T08:47:29.616005Z", - "start_time": "2020-10-12T08:47:29.594385Z" - } - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "config": { - "plotlyServerURL": "https://plot.ly" - }, - "data": [ - { - "hoverinfo": "text", - "marker": { - "color": [ - 1, - 1, - 3, - 3, - 2, - 3, - 3, - 3, - 3, - 1, - 3, - 3, - 3, - 2, - 1, - 3, - 3, - 2, - 2, - 3, - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 3, - 3, - 3, - 2, - 3, - 3, - 3, - 2, - 2, - 3, - 3, - 1, - 1, - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 1, - 3, - 3, - 3, - 3, - 3, - 2, - 3, - 1, - 1, - 2, - 3, - 3, - 3, - 1, - 3, - 1, - 3, - 1, - 2, - 1, - 3, - 3, - 3, - 1, - 3, - 1, - 3, - 2, - 3, - 1, - 1, - 3, - 3, - 3, - 3, - 3, - 3, - 3, - 1, - 2, - 3, - 2, - 2, - 3, - 1, - 1, - 2, - 2, - 3, - 2, - 1, - 3, - 3, - 3, - 3, - 3, - 1, - 1, - 2, - 3, - 3, - 2, - 1, - 2, - 3, - 3, - 1, - 3, - 2, - 1, - 3, - 1, - 3, - 3, - 3, - 1, - 1, - 3, - 1, - 2, - 1, - 3, - 3, - 3, - 3, - 3, - 3, - 1, - 3, - 3, - 3, - 2, - 1, - 3, - 2, - 1, - 3, - 1, - 3, - 3, - 3, - 3, - 1, - 3, - 1, - 1, - 1, - 3, - 2, - 2, - 3, - 3, - 2, - 1, - 2, - 2, - 3, - 3, - 3, - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 1, - 3, - 1, - 3, - 3, - 3, - 1, - 1, - 2, - 1, - 3, - 3, - 2, - 3, - 3, - 2, - 2, - 3, - 3, - 3, - 3, - 3, - 3, - 1, - 3, - 2 - ], - "colorbar": { - "title": { - "text": "PassengerClass" - } - }, - "colorscale": [ - [ - 0, - "rgb(0,0,255)" - ], - [ - 1, - "rgb(255,0,0)" - ] - ], - "opacity": 0.6, - "showscale": true, - "size": 7 - }, - "mode": "markers", - "text": [ - "index=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
Age=38.0
PassengerClass=1
SHAP=4.05", - "index=Futrelle, Mrs. Jacques Heath (Lily May Peel)
Age=35.0
PassengerClass=1
SHAP=4.36", - "index=Palsson, Master. Gosta Leonard
Age=2.0
PassengerClass=3
SHAP=0.02", - "index=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
Age=27.0
PassengerClass=3
SHAP=0.56", - "index=Nasser, Mrs. Nicholas (Adele Achem)
Age=14.0
PassengerClass=2
SHAP=0.65", - "index=Saundercock, Mr. William Henry
Age=20.0
PassengerClass=3
SHAP=-0.09", - "index=Vestrom, Miss. Hulda Amanda Adolfina
Age=14.0
PassengerClass=3
SHAP=0.37", - "index=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
Age=38.0
PassengerClass=3
SHAP=-0.6", - "index=Glynn, Miss. Mary Agatha
Age=nan
PassengerClass=3
SHAP=0.78", - "index=Meyer, Mr. Edgar Joseph
Age=28.0
PassengerClass=1
SHAP=-1.36", - "index=Kraeff, Mr. Theodor
Age=nan
PassengerClass=3
SHAP=0.33", - "index=Devaney, Miss. Margaret Delia
Age=19.0
PassengerClass=3
SHAP=0.7", - "index=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
Age=18.0
PassengerClass=3
SHAP=0.25", - "index=Rugg, Miss. Emily
Age=21.0
PassengerClass=2
SHAP=0.78", - "index=Harris, Mr. Henry Birkhardt
Age=45.0
PassengerClass=1
SHAP=-0.46", - "index=Skoog, Master. Harald
Age=4.0
PassengerClass=3
SHAP=0.04", - "index=Kink, Mr. Vincenz
Age=26.0
PassengerClass=3
SHAP=0.24", - "index=Hood, Mr. Ambrose Jr
Age=21.0
PassengerClass=2
SHAP=-0.01", - "index=Ilett, Miss. Bertha
Age=17.0
PassengerClass=2
SHAP=1.13", - "index=Ford, Mr. William Neal
Age=16.0
PassengerClass=3
SHAP=0.08", - "index=Christmann, Mr. Emil
Age=29.0
PassengerClass=3
SHAP=0.13", - "index=Andreasson, Mr. Paul Edvin
Age=20.0
PassengerClass=3
SHAP=-0.09", - "index=Chaffee, Mr. Herbert Fuller
Age=46.0
PassengerClass=1
SHAP=-0.25", - "index=Petroff, Mr. Pastcho (\"Pentcho\")
Age=nan
PassengerClass=3
SHAP=0.16", - "index=White, Mr. Richard Frasar
Age=21.0
PassengerClass=1
SHAP=1.51", - "index=Rekic, Mr. Tido
Age=38.0
PassengerClass=3
SHAP=-0.42", - "index=Moran, Miss. Bertha
Age=nan
PassengerClass=3
SHAP=0.55", - "index=Barton, Mr. David John
Age=22.0
PassengerClass=3
SHAP=-0.09", - "index=Jussila, Miss. Katriina
Age=20.0
PassengerClass=3
SHAP=0.35", - "index=Pekoniemi, Mr. Edvard
Age=21.0
PassengerClass=3
SHAP=-0.09", - "index=Turpin, Mr. William John Robert
Age=29.0
PassengerClass=2
SHAP=0.42", - "index=Moore, Mr. Leonard Charles
Age=nan
PassengerClass=3
SHAP=0.16", - "index=Osen, Mr. Olaf Elon
Age=16.0
PassengerClass=3
SHAP=-0.21", - "index=Ford, Miss. Robina Maggie \"Ruby\"
Age=9.0
PassengerClass=3
SHAP=0.21", - "index=Navratil, Mr. Michel (\"Louis M Hoffman\")
Age=36.5
PassengerClass=2
SHAP=-1.11", - "index=Bateman, Rev. Robert James
Age=51.0
PassengerClass=2
SHAP=0.42", - "index=Meo, Mr. Alfonzo
Age=55.5
PassengerClass=3
SHAP=0.19", - "index=Cribb, Mr. John Hatfield
Age=44.0
PassengerClass=3
SHAP=-0.03", - "index=Chibnall, Mrs. (Edith Martha Bowerman)
Age=nan
PassengerClass=1
SHAP=0.12", - "index=Van der hoef, Mr. Wyckoff
Age=61.0
PassengerClass=1
SHAP=-1.62", - "index=Sivola, Mr. Antti Wilhelm
Age=21.0
PassengerClass=3
SHAP=-0.09", - "index=Klasen, Mr. Klas Albin
Age=18.0
PassengerClass=3
SHAP=-0.15", - "index=Rood, Mr. Hugh Roscoe
Age=nan
PassengerClass=1
SHAP=0.95", - "index=Andersen-Jensen, Miss. Carla Christine Nielsine
Age=19.0
PassengerClass=3
SHAP=0.43", - "index=Brown, Mrs. James Joseph (Margaret Tobin)
Age=44.0
PassengerClass=1
SHAP=2.91", - "index=Vande Walle, Mr. Nestor Cyriel
Age=28.0
PassengerClass=3
SHAP=0.15", - "index=Backstrom, Mr. Karl Alfred
Age=32.0
PassengerClass=3
SHAP=0.0", - "index=Blank, Mr. Henry
Age=40.0
PassengerClass=1
SHAP=2.1", - "index=Ali, Mr. Ahmed
Age=24.0
PassengerClass=3
SHAP=-0.11", - "index=Green, Mr. George Henry
Age=51.0
PassengerClass=3
SHAP=0.14", - "index=Nenkoff, Mr. Christo
Age=nan
PassengerClass=3
SHAP=0.16", - "index=Asplund, Miss. Lillian Gertrud
Age=5.0
PassengerClass=3
SHAP=0.23", - "index=Harknett, Miss. Alice Phoebe
Age=nan
PassengerClass=3
SHAP=0.7", - "index=Hunt, Mr. George Henry
Age=33.0
PassengerClass=2
SHAP=-0.14", - "index=Reed, Mr. James George
Age=nan
PassengerClass=3
SHAP=0.16", - "index=Stead, Mr. William Thomas
Age=62.0
PassengerClass=1
SHAP=-2.1", - "index=Thorne, Mrs. Gertrude Maybelle
Age=nan
PassengerClass=1
SHAP=-2.91", - "index=Parrish, Mrs. (Lutie Davis)
Age=50.0
PassengerClass=2
SHAP=-0.51", - "index=Smith, Mr. Thomas
Age=nan
PassengerClass=3
SHAP=0.1", - "index=Asplund, Master. Edvin Rojj Felix
Age=3.0
PassengerClass=3
SHAP=0.09", - "index=Healy, Miss. Hanora \"Nora\"
Age=nan
PassengerClass=3
SHAP=0.78", - "index=Andrews, Miss. Kornelia Theodosia
Age=63.0
PassengerClass=1
SHAP=-1.36", - "index=Abbott, Mrs. Stanton (Rosa Hunt)
Age=35.0
PassengerClass=3
SHAP=-1.96", - "index=Smith, Mr. Richard William
Age=nan
PassengerClass=1
SHAP=0.95", - "index=Connolly, Miss. Kate
Age=22.0
PassengerClass=3
SHAP=0.7", - "index=Bishop, Mrs. Dickinson H (Helen Walton)
Age=19.0
PassengerClass=1
SHAP=-1.55", - "index=Levy, Mr. Rene Jacques
Age=36.0
PassengerClass=2
SHAP=-3.47", - "index=Lewy, Mr. Ervin G
Age=nan
PassengerClass=1
SHAP=-0.14", - "index=Williams, Mr. Howard Hugh \"Harry\"
Age=nan
PassengerClass=3
SHAP=0.16", - "index=Sage, Mr. George John Jr
Age=nan
PassengerClass=3
SHAP=0.34", - "index=Nysveen, Mr. Johan Hansen
Age=61.0
PassengerClass=3
SHAP=0.19", - "index=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
Age=nan
PassengerClass=1
SHAP=-1.35", - "index=Denkoff, Mr. Mitto
Age=nan
PassengerClass=3
SHAP=0.16", - "index=Burns, Miss. Elizabeth Margaret
Age=41.0
PassengerClass=1
SHAP=3.08", - "index=Dimic, Mr. Jovan
Age=42.0
PassengerClass=3
SHAP=-0.35", - "index=del Carlo, Mr. Sebastiano
Age=29.0
PassengerClass=2
SHAP=0.64", - "index=Beavan, Mr. William Thomas
Age=19.0
PassengerClass=3
SHAP=-0.09", - "index=Meyer, Mrs. Edgar Joseph (Leila Saks)
Age=nan
PassengerClass=1
SHAP=-2.58", - "index=Widener, Mr. Harry Elkins
Age=27.0
PassengerClass=1
SHAP=-0.13", - "index=Gustafsson, Mr. Karl Gideon
Age=19.0
PassengerClass=3
SHAP=-0.09", - "index=Plotcharsky, Mr. Vasil
Age=nan
PassengerClass=3
SHAP=0.16", - "index=Goodwin, Master. Sidney Leonard
Age=1.0
PassengerClass=3
SHAP=-0.2", - "index=Sadlier, Mr. Matthew
Age=nan
PassengerClass=3
SHAP=0.1", - "index=Gustafsson, Mr. Johan Birger
Age=28.0
PassengerClass=3
SHAP=0.19", - "index=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
Age=24.0
PassengerClass=3
SHAP=-0.08", - "index=Niskanen, Mr. Juha
Age=39.0
PassengerClass=3
SHAP=-0.31", - "index=Minahan, Miss. Daisy E
Age=33.0
PassengerClass=1
SHAP=0.81", - "index=Matthews, Mr. William John
Age=30.0
PassengerClass=2
SHAP=0.25", - "index=Charters, Mr. David
Age=21.0
PassengerClass=3
SHAP=-0.07", - "index=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
Age=19.0
PassengerClass=2
SHAP=0.78", - "index=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
Age=45.0
PassengerClass=2
SHAP=-0.33", - "index=Johannesen-Bratthammer, Mr. Bernt
Age=nan
PassengerClass=3
SHAP=0.29", - "index=Peuchen, Major. Arthur Godfrey
Age=52.0
PassengerClass=1
SHAP=-1.48", - "index=Anderson, Mr. Harry
Age=48.0
PassengerClass=1
SHAP=-0.78", - "index=Milling, Mr. Jacob Christian
Age=48.0
PassengerClass=2
SHAP=0.35", - "index=West, Mrs. Edwy Arthur (Ada Mary Worth)
Age=33.0
PassengerClass=2
SHAP=-0.74", - "index=Karlsson, Mr. Nils August
Age=22.0
PassengerClass=3
SHAP=-0.09", - "index=Frost, Mr. Anthony Wood \"Archie\"
Age=nan
PassengerClass=2
SHAP=-1.07", - "index=Bishop, Mr. Dickinson H
Age=25.0
PassengerClass=1
SHAP=-1.83", - "index=Windelov, Mr. Einar
Age=21.0
PassengerClass=3
SHAP=-0.09", - "index=Shellard, Mr. Frederick William
Age=nan
PassengerClass=3
SHAP=0.16", - "index=Svensson, Mr. Olof
Age=24.0
PassengerClass=3
SHAP=-0.11", - "index=O'Sullivan, Miss. Bridget Mary
Age=nan
PassengerClass=3
SHAP=0.64", - "index=Laitinen, Miss. Kristina Sofia
Age=37.0
PassengerClass=3
SHAP=-1.32", - "index=Penasco y Castellana, Mr. Victor de Satode
Age=18.0
PassengerClass=1
SHAP=-0.49", - "index=Bradley, Mr. George (\"George Arthur Brayton\")
Age=nan
PassengerClass=1
SHAP=0.11", - "index=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
Age=36.0
PassengerClass=2
SHAP=-1.75", - "index=Kassem, Mr. Fared
Age=nan
PassengerClass=3
SHAP=0.33", - "index=Cacic, Miss. Marija
Age=30.0
PassengerClass=3
SHAP=0.61", - "index=Hart, Miss. Eva Miriam
Age=7.0
PassengerClass=2
SHAP=0.63", - "index=Butt, Major. Archibald Willingham
Age=45.0
PassengerClass=1
SHAP=0.54", - "index=Beane, Mr. Edward
Age=32.0
PassengerClass=2
SHAP=0.18", - "index=Goldsmith, Mr. Frank John
Age=33.0
PassengerClass=3
SHAP=-0.66", - "index=Ohman, Miss. Velin
Age=22.0
PassengerClass=3
SHAP=0.65", - "index=Taussig, Mrs. Emil (Tillie Mandelbaum)
Age=39.0
PassengerClass=1
SHAP=1.15", - "index=Morrow, Mr. Thomas Rowan
Age=nan
PassengerClass=3
SHAP=0.1", - "index=Harris, Mr. George
Age=62.0
PassengerClass=2
SHAP=0.18", - "index=Appleton, Mrs. Edward Dale (Charlotte Lamson)
Age=53.0
PassengerClass=1
SHAP=-1.51", - "index=Patchett, Mr. George
Age=19.0
PassengerClass=3
SHAP=-0.09", - "index=Ross, Mr. John Hugo
Age=36.0
PassengerClass=1
SHAP=11.56", - "index=Murdlin, Mr. Joseph
Age=nan
PassengerClass=3
SHAP=0.16", - "index=Bourke, Miss. Mary
Age=nan
PassengerClass=3
SHAP=0.66", - "index=Boulos, Mr. Hanna
Age=nan
PassengerClass=3
SHAP=0.33", - "index=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
Age=49.0
PassengerClass=1
SHAP=-1.41", - "index=Homer, Mr. Harry (\"Mr E Haven\")
Age=35.0
PassengerClass=1
SHAP=13.52", - "index=Lindell, Mr. Edvard Bengtsson
Age=36.0
PassengerClass=3
SHAP=-1.34", - "index=Daniel, Mr. Robert Williams
Age=27.0
PassengerClass=1
SHAP=-1.09", - "index=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
Age=22.0
PassengerClass=2
SHAP=0.89", - "index=Shutes, Miss. Elizabeth W
Age=40.0
PassengerClass=1
SHAP=1.68", - "index=Jardin, Mr. Jose Neto
Age=nan
PassengerClass=3
SHAP=0.16", - "index=Horgan, Mr. John
Age=nan
PassengerClass=3
SHAP=0.1", - "index=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
Age=26.0
PassengerClass=3
SHAP=0.49", - "index=Yasbeck, Mr. Antoni
Age=27.0
PassengerClass=3
SHAP=0.45", - "index=Bostandyeff, Mr. Guentcho
Age=26.0
PassengerClass=3
SHAP=0.19", - "index=Lundahl, Mr. Johan Svensson
Age=51.0
PassengerClass=3
SHAP=0.14", - "index=Stahelin-Maeglin, Dr. Max
Age=32.0
PassengerClass=1
SHAP=0.3", - "index=Willey, Mr. Edward
Age=nan
PassengerClass=3
SHAP=0.16", - "index=Stanley, Miss. Amy Zillah Elsie
Age=23.0
PassengerClass=3
SHAP=0.64", - "index=Hegarty, Miss. Hanora \"Nora\"
Age=18.0
PassengerClass=3
SHAP=0.4", - "index=Eitemiller, Mr. George Floyd
Age=23.0
PassengerClass=2
SHAP=0.03", - "index=Colley, Mr. Edward Pomeroy
Age=47.0
PassengerClass=1
SHAP=-0.81", - "index=Coleff, Mr. Peju
Age=36.0
PassengerClass=3
SHAP=-1.33", - "index=Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)
Age=40.0
PassengerClass=2
SHAP=-0.66", - "index=Davidson, Mr. Thornton
Age=31.0
PassengerClass=1
SHAP=-0.16", - "index=Turja, Miss. Anna Sofia
Age=18.0
PassengerClass=3
SHAP=0.48", - "index=Hassab, Mr. Hammad
Age=27.0
PassengerClass=1
SHAP=-2.17", - "index=Goodwin, Mr. Charles Edward
Age=14.0
PassengerClass=3
SHAP=-0.17", - "index=Panula, Mr. Jaako Arnold
Age=14.0
PassengerClass=3
SHAP=0.06", - "index=Fischer, Mr. Eberhard Thelander
Age=18.0
PassengerClass=3
SHAP=-0.26", - "index=Humblen, Mr. Adolf Mathias Nicolai Olsen
Age=42.0
PassengerClass=3
SHAP=-0.23", - "index=Astor, Mrs. John Jacob (Madeleine Talmadge Force)
Age=18.0
PassengerClass=1
SHAP=-1.67", - "index=Hansen, Mr. Henrik Juul
Age=26.0
PassengerClass=3
SHAP=0.17", - "index=Calderhead, Mr. Edward Pennington
Age=42.0
PassengerClass=1
SHAP=0.58", - "index=Klaber, Mr. Herman
Age=nan
PassengerClass=1
SHAP=1.35", - "index=Taylor, Mr. Elmer Zebley
Age=48.0
PassengerClass=1
SHAP=-0.97", - "index=Larsson, Mr. August Viktor
Age=29.0
PassengerClass=3
SHAP=0.13", - "index=Greenberg, Mr. Samuel
Age=52.0
PassengerClass=2
SHAP=0.42", - "index=Troutt, Miss. Edwina Celia \"Winnie\"
Age=27.0
PassengerClass=2
SHAP=0.32", - "index=McEvoy, Mr. Michael
Age=nan
PassengerClass=3
SHAP=0.1", - "index=Johnson, Mr. Malkolm Joackim
Age=33.0
PassengerClass=3
SHAP=-0.24", - "index=Gillespie, Mr. William Henry
Age=34.0
PassengerClass=2
SHAP=-1.05", - "index=Allen, Miss. Elisabeth Walton
Age=29.0
PassengerClass=1
SHAP=-1.43", - "index=Berriman, Mr. William John
Age=23.0
PassengerClass=2
SHAP=0.03", - "index=Troupiansky, Mr. Moses Aaron
Age=23.0
PassengerClass=2
SHAP=0.03", - "index=Williams, Mr. Leslie
Age=28.5
PassengerClass=3
SHAP=0.15", - "index=Ivanoff, Mr. Kanio
Age=nan
PassengerClass=3
SHAP=0.16", - "index=McNamee, Mr. Neal
Age=24.0
PassengerClass=3
SHAP=-0.09", - "index=Connaghton, Mr. Michael
Age=31.0
PassengerClass=3
SHAP=-0.18", - "index=Carlsson, Mr. August Sigfrid
Age=28.0
PassengerClass=3
SHAP=0.15", - "index=Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)
Age=33.0
PassengerClass=1
SHAP=0.66", - "index=Eklund, Mr. Hans Linus
Age=16.0
PassengerClass=3
SHAP=-0.21", - "index=Hogeboom, Mrs. John C (Anna Andrews)
Age=51.0
PassengerClass=1
SHAP=-1.11", - "index=Moran, Mr. Daniel J
Age=nan
PassengerClass=3
SHAP=0.13", - "index=Lievens, Mr. Rene Aime
Age=24.0
PassengerClass=3
SHAP=-0.11", - "index=Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)
Age=43.0
PassengerClass=1
SHAP=1.5", - "index=Ayoub, Miss. Banoura
Age=13.0
PassengerClass=3
SHAP=0.82", - "index=Dick, Mrs. Albert Adrian (Vera Gillespie)
Age=17.0
PassengerClass=1
SHAP=-0.78", - "index=Johnston, Mr. Andrew G
Age=nan
PassengerClass=3
SHAP=0.0", - "index=Ali, Mr. William
Age=25.0
PassengerClass=3
SHAP=-0.02", - "index=Sjoblom, Miss. Anna Sofia
Age=18.0
PassengerClass=3
SHAP=0.48", - "index=Guggenheim, Mr. Benjamin
Age=46.0
PassengerClass=1
SHAP=0.12", - "index=Leader, Dr. Alice (Farnham)
Age=49.0
PassengerClass=1
SHAP=-0.32", - "index=Collyer, Mrs. Harvey (Charlotte Annie Tate)
Age=31.0
PassengerClass=2
SHAP=0.33", - "index=Carter, Master. William Thornton II
Age=11.0
PassengerClass=1
SHAP=0.97", - "index=Thomas, Master. Assad Alexander
Age=0.42
PassengerClass=3
SHAP=-0.09", - "index=Johansson, Mr. Karl Johan
Age=31.0
PassengerClass=3
SHAP=0.03", - "index=Slemen, Mr. Richard James
Age=35.0
PassengerClass=2
SHAP=-1.27", - "index=Tomlin, Mr. Ernest Portage
Age=30.5
PassengerClass=3
SHAP=0.1", - "index=McCormack, Mr. Thomas Joseph
Age=nan
PassengerClass=3
SHAP=0.24", - "index=Richards, Master. George Sibley
Age=0.83
PassengerClass=2
SHAP=-0.04", - "index=Mudd, Mr. Thomas Charles
Age=16.0
PassengerClass=2
SHAP=0.35", - "index=Lemberopolous, Mr. Peter L
Age=34.5
PassengerClass=3
SHAP=-3.33", - "index=Sage, Mr. Douglas Bullen
Age=nan
PassengerClass=3
SHAP=0.34", - "index=Boulos, Miss. Nourelain
Age=9.0
PassengerClass=3
SHAP=0.52", - "index=Aks, Mrs. Sam (Leah Rosen)
Age=18.0
PassengerClass=3
SHAP=0.49", - "index=Razi, Mr. Raihed
Age=nan
PassengerClass=3
SHAP=0.33", - "index=Johnson, Master. Harold Theodor
Age=4.0
PassengerClass=3
SHAP=-0.05", - "index=Carlsson, Mr. Frans Olof
Age=33.0
PassengerClass=1
SHAP=1.13", - "index=Gustafsson, Mr. Alfred Ossian
Age=20.0
PassengerClass=3
SHAP=-0.09", - "index=Montvila, Rev. Juozas
Age=27.0
PassengerClass=2
SHAP=0.28" - ], - "type": "scatter", - "x": [ - 38, - 35, - 2, - 27, - 14, - 20, - 14, - 38, - null, - 28, - null, - 19, - 18, - 21, - 45, - 4, - 26, - 21, - 17, - 16, - 29, - 20, - 46, - null, - 21, - 38, - null, - 22, - 20, - 21, - 29, - null, - 16, - 9, - 36.5, - 51, - 55.5, - 44, - null, - 61, - 21, - 18, - null, - 19, - 44, - 28, - 32, - 40, - 24, - 51, - null, - 5, - null, - 33, - null, - 62, - null, - 50, - null, - 3, - null, - 63, - 35, - null, - 22, - 19, - 36, - null, - null, - null, - 61, - null, - null, - 41, - 42, - 29, - 19, - null, - 27, - 19, - null, - 1, - null, - 28, - 24, - 39, - 33, - 30, - 21, - 19, - 45, - null, - 52, - 48, - 48, - 33, - 22, - null, - 25, - 21, - null, - 24, - null, - 37, - 18, - null, - 36, - null, - 30, - 7, - 45, - 32, - 33, - 22, - 39, - null, - 62, - 53, - 19, - 36, - null, - null, - null, - 49, - 35, - 36, - 27, - 22, - 40, - null, - null, - 26, - 27, - 26, - 51, - 32, - null, - 23, - 18, - 23, - 47, - 36, - 40, - 31, - 18, - 27, - 14, - 14, - 18, - 42, - 18, - 26, - 42, - null, - 48, - 29, - 52, - 27, - null, - 33, - 34, - 29, - 23, - 23, - 28.5, - null, - 24, - 31, - 28, - 33, - 16, - 51, - null, - 24, - 43, - 13, - 17, - null, - 25, - 18, - 46, - 49, - 31, - 11, - 0.42, - 31, - 35, - 30.5, - null, - 0.83, - 16, - 34.5, - null, - 9, - 18, - null, - 4, - 33, - 20, - 27 + -6.5579996275159145, + 8.296331885397326 ], - "y": [ - 4.047851655273739, - 4.361595015925261, - 0.022222275637745342, - 0.5588059930357422, - 0.6519112448476083, - -0.09125421679129976, - 0.3738553099141683, - -0.6016111033395936, - 0.7806766585993218, - -1.3579079532186928, - 0.32669975072604146, - 0.7005543749394508, - 0.24763756237203613, - 0.7830050386823508, - -0.4579270908423393, - 0.043684910899415175, - 0.23973625585109756, - -0.010836738032788605, - 1.128546156221924, - 0.08006169934186348, - 0.13109942458247492, - -0.09125421679129976, - -0.2544434923720347, - 0.16468201024894782, - 1.510574840771604, - -0.4226204849660879, - 0.551384781426216, - -0.09484475363403973, - 0.3531671283089701, - -0.09125421679129976, - 0.41739592475452, - 0.16468201024894782, - -0.2068276762096759, - 0.20731848803940342, - -1.1076710191525934, - 0.42294816203282476, - 0.1903567167531632, - -0.03058131942817589, - 0.12019835926909107, - -1.6219355949782341, - -0.09125421679129976, - -0.1542085178900351, - 0.9473573559663881, - 0.4272152965600939, - 2.9079911505780283, - 0.14802212750791477, - 0.0010252647203257206, - 2.102223473024921, - -0.11359745002189407, - 0.1419935120277713, - 0.16468201024894782, - 0.23040128750995817, - 0.701932184366443, - -0.1355641750606318, - 0.16468201024894782, - -2.0970755622582984, - -2.9063504154094986, - -0.5074669105968008, - 0.09576123505169269, - 0.09090312703375635, - 0.7806766585993218, - -1.3558102504571514, - -1.9578838662610647, - 0.9473573559663881, - 0.6967205648514142, - -1.550458423523177, - -3.4698967040368696, - -0.1350157670696102, - 0.16468201024894782, - 0.34304772329134603, - 0.18753523196001778, - -1.3519308362563995, - 0.16468201024894782, - 3.077659145911898, - -0.34588267217206026, - 0.6377464947425112, - -0.09125421679129976, - -2.5790951789730445, - -0.12927396419533632, - -0.09125421679129976, - 0.16468201024894782, - -0.19804813828822893, - 0.09576123505169269, - 0.1879147267204235, - -0.08233896141660829, - -0.30815645400572345, - 0.8124123256740472, - 0.25045684525253586, - -0.07497391652931651, - 0.7830050386823508, - -0.3305444159353652, - 0.28539934847286147, - -1.4813438846133202, - -0.7793763648178227, - 0.3536892091827518, - -0.7448762272348969, - -0.09484475363403973, - -1.0653981500892422, - -1.831218872372516, - -0.09125421679129976, - 0.16468201024894782, - -0.11359745002189407, - 0.6426866423591143, - -1.3206995514006348, - -0.4878389576344708, - 0.11228898670961301, - -1.7543639331411567, - 0.32669975072604146, - 0.6050748249277732, - 0.6312038679021299, - 0.5374722100119917, - 0.17896154336119252, - -0.6613955431553166, - 0.6517562906262214, - 1.1472462983334375, - 0.09576123505169269, - 0.1766701343446292, - -1.5053067157605293, - -0.09125421679129976, - 11.563241137088896, - 0.16468201024894782, - 0.6584022438078116, - 0.32669975072604146, - -1.4067778624982634, - 13.515312145395292, - -1.3396469828159001, - -1.0904254074978783, - 0.8936422369175958, - 1.67890635960067, - 0.16468201024894782, - 0.09576123505169269, - 0.4936372463228821, - 0.45464930670021153, - 0.18856243375120252, - 0.1419935120277713, - 0.30353520486951013, - 0.16468201024894782, - 0.639832293678401, - 0.4003066585403603, - 0.025113496736723664, - -0.812310696523713, - -1.3309875279135959, - -0.6628064326657761, - -0.15582125828993737, - 0.48198497702091847, - -2.1699115451177238, - -0.17173837979294432, - 0.058580287186597066, - -0.26485934048463944, - -0.23451390610818634, - -1.6724623746340126, - 0.17214872042398346, - 0.580239899576475, - 1.3518638387642923, - -0.9730429000539645, - 0.13109942458247492, - 0.42294816203282476, - 0.3226966844001554, - 0.09576123505169269, - -0.23662373402841844, - -1.051209509715009, - -1.427601472009223, - 0.025113496736723664, - 0.025113496736723664, - 0.14802212750791477, - 0.16468201024894782, - -0.09405963976925404, - -0.17672390630823612, - 0.14802212750791477, - 0.6634647911906576, - -0.2068276762096759, - -1.1056649133441865, - 0.12706135200252805, - -0.11359745002189407, - 1.5009501121391773, - 0.8211284372221223, - -0.78311405906205, - 0.000864363175772289, - -0.02084200401272306, - 0.48198497702091847, - 0.12005826321112423, - -0.32224082712815966, - 0.33373098953397246, - 0.9671539938591689, - -0.09188862091549384, - 0.02617497451040747, - -1.2746454907863474, - 0.09519110196639424, - 0.23548731404888934, - -0.04396926708692535, - 0.34830966412948694, - -3.3311262568044815, - 0.34304772329134603, - 0.522107167915298, - 0.4863312920103304, - 0.32669975072604146, - -0.04841243921878119, - 1.1347053502635664, - -0.09125421679129976, - 0.2830079042085438 - ] + "showticklabels": false }, + "yaxis4": { + "anchor": "x4", + "domain": [ + 0, + 1 + ], + "matches": "y", + "range": [ + -6.5579996275159145, + 8.296331885397326 + ], + "showgrid": false, + "showticklabels": false, + "zeroline": false + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "explainer.plot_interaction(\"Sex\", \"PassengerClass\")" + ] + }, + { + "cell_type": "code", + "execution_count": 65, + "metadata": { + "ExecuteTime": { + "end_time": "2021-01-20T16:03:27.130465Z", + "start_time": "2021-01-20T16:03:27.111051Z" + } + }, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ { "hoverinfo": "text", "marker": { - "color": "grey", - "opacity": 0.35, + "opacity": 0.6, + "showscale": false, "size": 7 }, "mode": "markers", - "text": [], - "type": "scatter", - "x": [], - "y": [] + "name": "Sex_female", + "opacity": 0.8, + "showlegend": true, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
PassengerClass=1
Sex=Sex_female
SHAP=4.595", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
PassengerClass=1
Sex=Sex_female
SHAP=4.909", + "None=Palsson, Master. Gosta Leonard
PassengerClass=3
Sex=Sex_female
SHAP=-1.085", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
PassengerClass=2
Sex=Sex_female
SHAP=-1.746", + "None=Nasser, Mrs. Nicholas (Adele Achem)
PassengerClass=3
Sex=Sex_female
SHAP=-2.492", + "None=Saundercock, Mr. William Henry
PassengerClass=3
Sex=Sex_female
SHAP=-0.705", + "None=Vestrom, Miss. Hulda Amanda Adolfina
PassengerClass=3
Sex=Sex_female
SHAP=-2.072", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
PassengerClass=3
Sex=Sex_female
SHAP=-2.018", + "None=Glynn, Miss. Mary Agatha
PassengerClass=3
Sex=Sex_female
SHAP=-1.813", + "None=Meyer, Mr. Edgar Joseph
PassengerClass=2
Sex=Sex_female
SHAP=-2.487", + "None=Kraeff, Mr. Theodor
PassengerClass=2
Sex=Sex_female
SHAP=-2.484", + "None=Devaney, Miss. Margaret Delia
PassengerClass=3
Sex=Sex_female
SHAP=-1.543", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
PassengerClass=3
Sex=Sex_female
SHAP=-1.812", + "None=Rugg, Miss. Emily
PassengerClass=3
Sex=Sex_female
SHAP=-0.640", + "None=Harris, Mr. Henry Birkhardt
PassengerClass=1
Sex=Sex_female
SHAP=2.839", + "None=Skoog, Master. Harald
PassengerClass=3
Sex=Sex_female
SHAP=-1.789", + "None=Kink, Mr. Vincenz
PassengerClass=1
Sex=Sex_female
SHAP=0.954", + "None=Hood, Mr. Ambrose Jr
PassengerClass=3
Sex=Sex_female
SHAP=-0.717", + "None=Ilett, Miss. Bertha
PassengerClass=3
Sex=Sex_female
SHAP=-2.526", + "None=Ford, Mr. William Neal
PassengerClass=1
Sex=Sex_female
SHAP=7.058", + "None=Christmann, Mr. Emil
PassengerClass=2
Sex=Sex_female
SHAP=-1.636", + "None=Andreasson, Mr. Paul Edvin
PassengerClass=3
Sex=Sex_female
SHAP=-2.072", + "None=Chaffee, Mr. Herbert Fuller
PassengerClass=1
Sex=Sex_female
SHAP=3.702", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
PassengerClass=3
Sex=Sex_female
SHAP=-1.023", + "None=White, Mr. Richard Frasar
PassengerClass=3
Sex=Sex_female
SHAP=-2.036", + "None=Rekic, Mr. Tido
PassengerClass=1
Sex=Sex_female
SHAP=0.054", + "None=Moran, Miss. Bertha
PassengerClass=1
Sex=Sex_female
SHAP=5.979", + "None=Barton, Mr. David John
PassengerClass=1
Sex=Sex_female
SHAP=4.964", + "None=Jussila, Miss. Katriina
PassengerClass=1
Sex=Sex_female
SHAP=5.488", + "None=Pekoniemi, Mr. Edvard
PassengerClass=3
Sex=Sex_female
SHAP=-0.604", + "None=Turpin, Mr. William John Robert
PassengerClass=1
Sex=Sex_female
SHAP=4.450", + "None=Moore, Mr. Leonard Charles
PassengerClass=2
Sex=Sex_female
SHAP=-2.484", + "None=Osen, Mr. Olaf Elon
PassengerClass=2
Sex=Sex_female
SHAP=-1.245", + "None=Ford, Miss. Robina Maggie \"Ruby\"
PassengerClass=2
Sex=Sex_female
SHAP=-0.929", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
PassengerClass=3
Sex=Sex_female
SHAP=-2.060", + "None=Bateman, Rev. Robert James
PassengerClass=3
Sex=Sex_female
SHAP=-2.962", + "None=Meo, Mr. Alfonzo
PassengerClass=2
Sex=Sex_female
SHAP=-2.327", + "None=Cribb, Mr. John Hatfield
PassengerClass=3
Sex=Sex_female
SHAP=-2.552", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
PassengerClass=2
Sex=Sex_female
SHAP=-1.192", + "None=Van der hoef, Mr. Wyckoff
PassengerClass=3
Sex=Sex_female
SHAP=-2.450", + "None=Sivola, Mr. Antti Wilhelm
PassengerClass=1
Sex=Sex_female
SHAP=2.756", + "None=Klasen, Mr. Klas Albin
PassengerClass=1
Sex=Sex_female
SHAP=2.802", + "None=Rood, Mr. Hugh Roscoe
PassengerClass=3
Sex=Sex_female
SHAP=-0.946", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
PassengerClass=2
Sex=Sex_female
SHAP=-0.927", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
PassengerClass=1
Sex=Sex_female
SHAP=6.178", + "None=Vande Walle, Mr. Nestor Cyriel
PassengerClass=3
Sex=Sex_female
SHAP=-1.876", + "None=Backstrom, Mr. Karl Alfred
PassengerClass=3
Sex=Sex_female
SHAP=-2.450", + "None=Blank, Mr. Henry
PassengerClass=3
Sex=Sex_female
SHAP=-2.006", + "None=Ali, Mr. Ahmed
PassengerClass=2
Sex=Sex_female
SHAP=-1.281", + "None=Green, Mr. George Henry
PassengerClass=3
Sex=Sex_female
SHAP=-2.448", + "None=Nenkoff, Mr. Christo
PassengerClass=1
Sex=Sex_female
SHAP=3.672", + "None=Asplund, Miss. Lillian Gertrud
PassengerClass=2
Sex=Sex_female
SHAP=-1.918", + "None=Harknett, Miss. Alice Phoebe
PassengerClass=1
Sex=Sex_female
SHAP=4.537", + "None=Hunt, Mr. George Henry
PassengerClass=1
Sex=Sex_female
SHAP=4.577", + "None=Reed, Mr. James George
PassengerClass=1
Sex=Sex_female
SHAP=3.694", + "None=Stead, Mr. William Thomas
PassengerClass=1
Sex=Sex_female
SHAP=1.071", + "None=Thorne, Mrs. Gertrude Maybelle
PassengerClass=3
Sex=Sex_female
SHAP=-2.230", + "None=Parrish, Mrs. (Lutie Davis)
PassengerClass=1
Sex=Sex_female
SHAP=3.338", + "None=Smith, Mr. Thomas
PassengerClass=3
Sex=Sex_female
SHAP=-2.448", + "None=Asplund, Master. Edvin Rojj Felix
PassengerClass=1
Sex=Sex_female
SHAP=5.263", + "None=Healy, Miss. Hanora \"Nora\"
PassengerClass=2
Sex=Sex_female
SHAP=-1.042", + "None=Andrews, Miss. Kornelia Theodosia
PassengerClass=3
Sex=Sex_female
SHAP=-0.935", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
PassengerClass=3
Sex=Sex_female
SHAP=-1.244" + ], + "type": "scattergl", + "x": [ + 1, + 1, + 3, + 2, + 3, + 3, + 3, + 3, + 3, + 2, + 2, + 3, + 3, + 3, + 1, + 3, + 1, + 3, + 3, + 1, + 2, + 3, + 1, + 3, + 3, + 1, + 1, + 1, + 1, + 3, + 1, + 2, + 2, + 2, + 3, + 3, + 2, + 3, + 2, + 3, + 1, + 1, + 3, + 2, + 1, + 3, + 3, + 3, + 2, + 3, + 1, + 2, + 1, + 1, + 1, + 1, + 3, + 1, + 3, + 1, + 2, + 3, + 3 + ], + "y": [ + 4.595392812078078, + 4.908941179379452, + -1.0851124258621643, + -1.746317041948752, + -2.4922973676546416, + -0.7053946501855102, + -2.0724903063326905, + -2.0175834225189755, + -1.8133628057986875, + -2.486533467597867, + -2.484478861770235, + -1.5433196831194291, + -1.8123887045040712, + -0.6395202472524487, + 2.8390977746574957, + -1.788965271538356, + 0.9538846100985414, + -0.7172798683911303, + -2.5258273193096463, + 7.058470925987889, + -1.6359494231749303, + -2.0724903063326905, + 3.701521346241605, + -1.023101585078192, + -2.0361551894062653, + 0.054352389932142586, + 5.979135517902293, + 4.96441833890626, + 5.4881203862128665, + -0.603509872101365, + 4.449579460603425, + -2.4835047604756184, + -1.245094173673499, + -0.9294161625103794, + -2.0595718286775027, + -2.9617195624348462, + -2.3269761967848988, + -2.5520979198389737, + -1.1917124659761633, + -2.450238816476275, + 2.7559162022958272, + 2.8024685177319872, + -0.9460378161681625, + -0.9266228996112724, + 6.1779093435655055, + -1.8756727306775884, + -2.450238816476275, + -2.005639046158404, + -1.2811896788975892, + -2.4481842106486433, + 3.67196308039993, + -1.9176278202224664, + 4.536517239269263, + 4.577087992082795, + 3.694296313305953, + 1.0714605877904837, + -2.2296189588709403, + 3.337716245942016, + -2.4481842106486433, + 5.262676477091159, + -1.0422186080851383, + -0.9350589745770987, + -1.2440615794894352 + ] }, { "hoverinfo": "text", "marker": { - "color": "LightSkyBlue", - "line": { - "color": "MediumPurple", - "width": 4 - }, - "opacity": 0.5, - "size": 25 + "opacity": 0.6, + "showscale": false, + "size": 7 }, "mode": "markers", - "name": "index Saundercock, Mr. William Henry", - "showlegend": false, - "text": "index Saundercock, Mr. William Henry", - "type": "scatter", + "name": "Sex_male", + "opacity": 0.8, + "showlegend": true, + "text": [ + "None=Cumings, Mrs. John Bradley (Florence Briggs Thayer)
PassengerClass=3
Sex=Sex_male
SHAP=0.350", + "None=Futrelle, Mrs. Jacques Heath (Lily May Peel)
PassengerClass=3
Sex=Sex_male
SHAP=1.302", + "None=Palsson, Master. Gosta Leonard
PassengerClass=1
Sex=Sex_male
SHAP=-3.476", + "None=Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)
PassengerClass=3
Sex=Sex_male
SHAP=1.352", + "None=Nasser, Mrs. Nicholas (Adele Achem)
PassengerClass=1
Sex=Sex_male
SHAP=-2.548", + "None=Saundercock, Mr. William Henry
PassengerClass=3
Sex=Sex_male
SHAP=0.299", + "None=Vestrom, Miss. Hulda Amanda Adolfina
PassengerClass=3
Sex=Sex_male
SHAP=0.741", + "None=Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)
PassengerClass=2
Sex=Sex_male
SHAP=1.356", + "None=Glynn, Miss. Mary Agatha
PassengerClass=3
Sex=Sex_male
SHAP=0.155", + "None=Meyer, Mr. Edgar Joseph
PassengerClass=3
Sex=Sex_male
SHAP=1.380", + "None=Kraeff, Mr. Theodor
PassengerClass=3
Sex=Sex_male
SHAP=1.302", + "None=Devaney, Miss. Margaret Delia
PassengerClass=1
Sex=Sex_male
SHAP=-2.570", + "None=Arnold-Franchi, Mrs. Josef (Josefine Franchi)
PassengerClass=3
Sex=Sex_male
SHAP=1.357", + "None=Rugg, Miss. Emily
PassengerClass=1
Sex=Sex_male
SHAP=-0.437", + "None=Harris, Mr. Henry Birkhardt
PassengerClass=3
Sex=Sex_male
SHAP=1.669", + "None=Skoog, Master. Harald
PassengerClass=3
Sex=Sex_male
SHAP=1.306", + "None=Kink, Mr. Vincenz
PassengerClass=3
Sex=Sex_male
SHAP=1.306", + "None=Hood, Mr. Ambrose Jr
PassengerClass=2
Sex=Sex_male
SHAP=1.086", + "None=Ilett, Miss. Bertha
PassengerClass=3
Sex=Sex_male
SHAP=1.357", + "None=Ford, Mr. William Neal
PassengerClass=3
Sex=Sex_male
SHAP=1.327", + "None=Christmann, Mr. Emil
PassengerClass=2
Sex=Sex_male
SHAP=0.461", + "None=Andreasson, Mr. Paul Edvin
PassengerClass=2
Sex=Sex_male
SHAP=1.658", + "None=Chaffee, Mr. Herbert Fuller
PassengerClass=3
Sex=Sex_male
SHAP=1.610", + "None=Petroff, Mr. Pastcho (\"Pentcho\")
PassengerClass=3
Sex=Sex_male
SHAP=0.834", + "None=White, Mr. Richard Frasar
PassengerClass=1
Sex=Sex_male
SHAP=-2.373", + "None=Rekic, Mr. Tido
PassengerClass=3
Sex=Sex_male
SHAP=1.306", + "None=Moran, Miss. Bertha
PassengerClass=3
Sex=Sex_male
SHAP=0.224", + "None=Barton, Mr. David John
PassengerClass=1
Sex=Sex_male
SHAP=-3.335", + "None=Jussila, Miss. Katriina
PassengerClass=3
Sex=Sex_male
SHAP=1.380", + "None=Pekoniemi, Mr. Edvard
PassengerClass=3
Sex=Sex_male
SHAP=1.016", + "None=Turpin, Mr. William John Robert
PassengerClass=1
Sex=Sex_male
SHAP=-3.229", + "None=Moore, Mr. Leonard Charles
PassengerClass=3
Sex=Sex_male
SHAP=1.269", + "None=Osen, Mr. Olaf Elon
PassengerClass=3
Sex=Sex_male
SHAP=1.608", + "None=Ford, Miss. Robina Maggie \"Ruby\"
PassengerClass=3
Sex=Sex_male
SHAP=1.357", + "None=Navratil, Mr. Michel (\"Louis M Hoffman\")
PassengerClass=2
Sex=Sex_male
SHAP=1.658", + "None=Bateman, Rev. Robert James
PassengerClass=3
Sex=Sex_male
SHAP=1.357", + "None=Meo, Mr. Alfonzo
PassengerClass=1
Sex=Sex_male
SHAP=-3.334", + "None=Cribb, Mr. John Hatfield
PassengerClass=3
Sex=Sex_male
SHAP=1.226", + "None=Chibnall, Mrs. (Edith Martha Bowerman)
PassengerClass=3
Sex=Sex_male
SHAP=0.330", + "None=Van der hoef, Mr. Wyckoff
PassengerClass=1
Sex=Sex_male
SHAP=-3.335", + "None=Sivola, Mr. Antti Wilhelm
PassengerClass=2
Sex=Sex_male
SHAP=0.990", + "None=Klasen, Mr. Klas Albin
PassengerClass=1
Sex=Sex_male
SHAP=-4.329", + "None=Rood, Mr. Hugh Roscoe
PassengerClass=3
Sex=Sex_male
SHAP=1.357", + "None=Andersen-Jensen, Miss. Carla Christine Nielsine
PassengerClass=3
Sex=Sex_male
SHAP=0.331", + "None=Brown, Mrs. James Joseph (Margaret Tobin)
PassengerClass=3
Sex=Sex_male
SHAP=1.627", + "None=Vande Walle, Mr. Nestor Cyriel
PassengerClass=3
Sex=Sex_male
SHAP=1.357", + "None=Backstrom, Mr. Karl Alfred
PassengerClass=3
Sex=Sex_male
SHAP=1.654", + "None=Blank, Mr. Henry
PassengerClass=2
Sex=Sex_male
SHAP=1.151", + "None=Ali, Mr. Ahmed
PassengerClass=3
Sex=Sex_male
SHAP=1.302", + "None=Green, Mr. George Henry
PassengerClass=1
Sex=Sex_male
SHAP=-0.688", + "None=Nenkoff, Mr. Christo
PassengerClass=3
Sex=Sex_male
SHAP=1.302", + "None=Asplund, Miss. Lillian Gertrud
PassengerClass=3
Sex=Sex_male
SHAP=1.357", + "None=Harknett, Miss. Alice Phoebe
PassengerClass=3
Sex=Sex_male
SHAP=0.299", + "None=Hunt, Mr. George Henry
PassengerClass=3
Sex=Sex_male
SHAP=1.226", + "None=Reed, Mr. James George
PassengerClass=3
Sex=Sex_male
SHAP=0.741", + "None=Stead, Mr. William Thomas
PassengerClass=3
Sex=Sex_male
SHAP=1.645", + "None=Thorne, Mrs. Gertrude Maybelle
PassengerClass=2
Sex=Sex_male
SHAP=1.435", + "None=Parrish, Mrs. (Lutie Davis)
PassengerClass=3
Sex=Sex_male
SHAP=1.192", + "None=Smith, Mr. Thomas
PassengerClass=3
Sex=Sex_male
SHAP=1.317", + "None=Asplund, Master. Edvin Rojj Felix
PassengerClass=1
Sex=Sex_male
SHAP=-3.152", + "None=Healy, Miss. Hanora \"Nora\"
PassengerClass=1
Sex=Sex_male
SHAP=-3.177", + "None=Andrews, Miss. Kornelia Theodosia
PassengerClass=2
Sex=Sex_male
SHAP=1.654", + "None=Abbott, Mrs. Stanton (Rosa Hunt)
PassengerClass=3
Sex=Sex_male
SHAP=1.306", + "None=Smith, Mr. Richard William
PassengerClass=2
Sex=Sex_male
SHAP=1.407", + "None=Connolly, Miss. Kate
PassengerClass=1
Sex=Sex_male
SHAP=2.741", + "None=Bishop, Mrs. Dickinson H (Helen Walton)
PassengerClass=3
Sex=Sex_male
SHAP=1.306", + "None=Levy, Mr. Rene Jacques
PassengerClass=3
Sex=Sex_male
SHAP=1.357", + "None=Lewy, Mr. Ervin G
PassengerClass=3
Sex=Sex_male
SHAP=1.269", + "None=Williams, Mr. Howard Hugh \"Harry\"
PassengerClass=1
Sex=Sex_male
SHAP=-2.184", + "None=Sage, Mr. George John Jr
PassengerClass=1
Sex=Sex_male
SHAP=-4.290", + "None=Nysveen, Mr. Johan Hansen
PassengerClass=3
Sex=Sex_male
SHAP=1.352", + "None=Frauenthal, Mrs. Henry William (Clara Heinsheimer)
PassengerClass=1
Sex=Sex_male
SHAP=-2.145", + "None=Denkoff, Mr. Mitto
PassengerClass=2
Sex=Sex_male
SHAP=1.062", + "None=Burns, Miss. Elizabeth Margaret
PassengerClass=3
Sex=Sex_male
SHAP=0.414", + "None=Dimic, Mr. Jovan
PassengerClass=3
Sex=Sex_male
SHAP=1.226", + "None=del Carlo, Mr. Sebastiano
PassengerClass=2
Sex=Sex_male
SHAP=1.626", + "None=Beavan, Mr. William Thomas
PassengerClass=3
Sex=Sex_male
SHAP=1.302", + "None=Meyer, Mrs. Edgar Joseph (Leila Saks)
PassengerClass=1
Sex=Sex_male
SHAP=-3.390", + "None=Widener, Mr. Harry Elkins
PassengerClass=3
Sex=Sex_male
SHAP=1.357", + "None=Gustafsson, Mr. Karl Gideon
PassengerClass=3
Sex=Sex_male
SHAP=1.352", + "None=Plotcharsky, Mr. Vasil
PassengerClass=1
Sex=Sex_male
SHAP=-2.590", + "None=Goodwin, Master. Sidney Leonard
PassengerClass=1
Sex=Sex_male
SHAP=-5.320", + "None=Sadlier, Mr. Matthew
PassengerClass=3
Sex=Sex_male
SHAP=1.278", + "None=Gustafsson, Mr. Johan Birger
PassengerClass=1
Sex=Sex_male
SHAP=-4.340", + "None=Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)
PassengerClass=3
Sex=Sex_male
SHAP=1.357", + "None=Niskanen, Mr. Juha
PassengerClass=3
Sex=Sex_male
SHAP=1.226", + "None=Minahan, Miss. Daisy E
PassengerClass=3
Sex=Sex_male
SHAP=1.072", + "None=Matthews, Mr. William John
PassengerClass=3
Sex=Sex_male
SHAP=1.380", + "None=Charters, Mr. David
PassengerClass=3
Sex=Sex_male
SHAP=1.608", + "None=Phillips, Miss. Kate Florence (\"Mrs Kate Louise Phillips Marshall\")
PassengerClass=1
Sex=Sex_male
SHAP=2.856", + "None=Hart, Mrs. Benjamin (Esther Ada Bloomfield)
PassengerClass=3
Sex=Sex_male
SHAP=1.357", + "None=Johannesen-Bratthammer, Mr. Bernt
PassengerClass=2
Sex=Sex_male
SHAP=1.356", + "None=Peuchen, Major. Arthur Godfrey
PassengerClass=1
Sex=Sex_male
SHAP=-3.300", + "None=Anderson, Mr. Harry
PassengerClass=3
Sex=Sex_male
SHAP=1.656", + "None=Milling, Mr. Jacob Christian
PassengerClass=1
Sex=Sex_male
SHAP=-1.729", + "None=West, Mrs. Edwy Arthur (Ada Mary Worth)
PassengerClass=1
Sex=Sex_male
SHAP=-2.641", + "None=Karlsson, Mr. Nils August
PassengerClass=3
Sex=Sex_male
SHAP=0.290", + "None=Frost, Mr. Anthony Wood \"Archie\"
PassengerClass=3
Sex=Sex_male
SHAP=0.340", + "None=Bishop, Mr. Dickinson H
PassengerClass=3
Sex=Sex_male
SHAP=1.303", + "None=Windelov, Mr. Einar
PassengerClass=3
Sex=Sex_male
SHAP=1.069", + "None=Shellard, Mr. Frederick William
PassengerClass=3
Sex=Sex_male
SHAP=1.006", + "None=Svensson, Mr. Olof
PassengerClass=1
Sex=Sex_male
SHAP=-3.302", + "None=O'Sullivan, Miss. Bridget Mary
PassengerClass=1
Sex=Sex_male
SHAP=-3.195", + "None=Laitinen, Miss. Kristina Sofia
PassengerClass=1
Sex=Sex_male
SHAP=-2.353", + "None=Penasco y Castellana, Mr. Victor de Satode
PassengerClass=3
Sex=Sex_male
SHAP=1.380", + "None=Bradley, Mr. George (\"George Arthur Brayton\")
PassengerClass=2
Sex=Sex_male
SHAP=1.658", + "None=Angle, Mrs. William A (Florence \"Mary\" Agnes Hughes)
PassengerClass=3
Sex=Sex_male
SHAP=1.226", + "None=Kassem, Mr. Fared
PassengerClass=3
Sex=Sex_male
SHAP=1.608", + "None=Cacic, Miss. Marija
PassengerClass=2
Sex=Sex_male
SHAP=1.683", + "None=Hart, Miss. Eva Miriam
PassengerClass=2
Sex=Sex_male
SHAP=1.356", + "None=Butt, Major. Archibald Willingham
PassengerClass=2
Sex=Sex_male
SHAP=1.356", + "None=Beane, Mr. Edward
PassengerClass=3
Sex=Sex_male
SHAP=1.380", + "None=Goldsmith, Mr. Frank John
PassengerClass=3
Sex=Sex_male
SHAP=1.357", + "None=Ohman, Miss. Velin
PassengerClass=3
Sex=Sex_male
SHAP=0.901", + "None=Taussig, Mrs. Emil (Tillie Mandelbaum)
PassengerClass=3
Sex=Sex_male
SHAP=1.278", + "None=Morrow, Mr. Thomas Rowan
PassengerClass=3
Sex=Sex_male
SHAP=1.380", + "None=Harris, Mr. George
PassengerClass=3
Sex=Sex_male
SHAP=1.327", + "None=Appleton, Mrs. Edward Dale (Charlotte Lamson)
PassengerClass=3
Sex=Sex_male
SHAP=0.906", + "None=Patchett, Mr. George
PassengerClass=3
Sex=Sex_male
SHAP=1.269", + "None=Ross, Mr. John Hugo
PassengerClass=3
Sex=Sex_male
SHAP=0.191", + "None=Murdlin, Mr. Joseph
PassengerClass=3
Sex=Sex_male
SHAP=1.343", + "None=Bourke, Miss. Mary
PassengerClass=1
Sex=Sex_male
SHAP=0.531", + "None=Boulos, Mr. Hanna
PassengerClass=1
Sex=Sex_male
SHAP=2.171", + "None=Duff Gordon, Sir. Cosmo Edmund (\"Mr Morgan\")
PassengerClass=3
Sex=Sex_male
SHAP=0.623", + "None=Homer, Mr. Harry (\"Mr E Haven\")
PassengerClass=3
Sex=Sex_male
SHAP=1.392", + "None=Lindell, Mr. Edvard Bengtsson
PassengerClass=2
Sex=Sex_male
SHAP=1.689", + "None=Daniel, Mr. Robert Williams
PassengerClass=3
Sex=Sex_male
SHAP=1.385", + "None=Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)
PassengerClass=3
Sex=Sex_male
SHAP=1.210", + "None=Shutes, Miss. Elizabeth W
PassengerClass=2
Sex=Sex_male
SHAP=0.448", + "None=Jardin, Mr. Jose Neto
PassengerClass=2
Sex=Sex_male
SHAP=1.377", + "None=Horgan, Mr. John
PassengerClass=3
Sex=Sex_male
SHAP=1.693", + "None=Lobb, Mrs. William Arthur (Cordelia K Stanlick)
PassengerClass=3
Sex=Sex_male
SHAP=0.331", + "None=Yasbeck, Mr. Antoni
PassengerClass=3
Sex=Sex_male
SHAP=1.352", + "None=Bostandyeff, Mr. Guentcho
PassengerClass=3
Sex=Sex_male
SHAP=0.296", + "None=Lundahl, Mr. Johan Svensson
PassengerClass=1
Sex=Sex_male
SHAP=-2.191", + "None=Stahelin-Maeglin, Dr. Max
PassengerClass=3
Sex=Sex_male
SHAP=1.302", + "None=Willey, Mr. Edward
PassengerClass=2
Sex=Sex_male
SHAP=1.430" + ], + "type": "scattergl", "x": [ - 20 + 3, + 3, + 1, + 3, + 1, + 3, + 3, + 2, + 3, + 3, + 3, + 1, + 3, + 1, + 3, + 3, + 3, + 2, + 3, + 3, + 2, + 2, + 3, + 3, + 1, + 3, + 3, + 1, + 3, + 3, + 1, + 3, + 3, + 3, + 2, + 3, + 1, + 3, + 3, + 1, + 2, + 1, + 3, + 3, + 3, + 3, + 3, + 2, + 3, + 1, + 3, + 3, + 3, + 3, + 3, + 3, + 2, + 3, + 3, + 1, + 1, + 2, + 3, + 2, + 1, + 3, + 3, + 3, + 1, + 1, + 3, + 1, + 2, + 3, + 3, + 2, + 3, + 1, + 3, + 3, + 1, + 1, + 3, + 1, + 3, + 3, + 3, + 3, + 3, + 1, + 3, + 2, + 1, + 3, + 1, + 1, + 3, + 3, + 3, + 3, + 3, + 1, + 1, + 1, + 3, + 2, + 3, + 3, + 2, + 2, + 2, + 3, + 3, + 3, + 3, + 3, + 3, + 3, + 3, + 3, + 3, + 1, + 1, + 3, + 3, + 2, + 3, + 3, + 2, + 2, + 3, + 3, + 3, + 3, + 1, + 3, + 2 ], "y": [ - -0.09125421679129976 + 0.3498311350416337, + 1.3024397373168959, + -3.476195737214035, + 1.3516175715824477, + -2.5477602837216855, + 0.29863871843904644, + 0.7405041611902216, + 1.355903563943011, + 0.15460424656206373, + 1.380102813850715, + 1.3024397373168959, + -2.5697137876420015, + 1.356927294146058, + -0.4367189735104061, + 1.6694942698431712, + 1.3057208366993316, + 1.3057208366993316, + 1.0858890172256492, + 1.356927294146058, + 1.32686836982398, + 0.46142830587633143, + 1.658492810279495, + 1.6096061910917732, + 0.8339354223355038, + -2.3727020525356632, + 1.3057208366993316, + 0.22379820262361833, + -3.334718835555094, + 1.380102813850715, + 1.015894224008604, + -3.229151509106135, + 1.2691866408453936, + 1.6083100830358157, + 1.356927294146058, + 1.6578473208183173, + 1.356927294146058, + -3.3338909383526083, + 1.226275154543599, + 0.32998643854761645, + -3.334718835555094, + 0.9898548724987648, + -4.329360728763119, + 1.356927294146058, + 0.3308061817839043, + 1.6272090384883262, + 1.356927294146058, + 1.6537525433374585, + 1.1512642571197522, + 1.3024397373168959, + -0.688067636232468, + 1.3024397373168959, + 1.356927294146058, + 0.2994251627145442, + 1.226275154543599, + 0.7405041611902216, + 1.6453675156481498, + 1.4350391910323292, + 1.191907011842334, + 1.3171151856102106, + -3.152095790236436, + -3.177025272034144, + 1.6539104461927936, + 1.3057208366993316, + 1.4071100213897372, + 2.741333901448813, + 1.3057208366993316, + 1.356927294146058, + 1.2691866408453936, + -2.1839281564010085, + -4.2903667610468785, + 1.3516175715824477, + -2.145217976401426, + 1.0615055869790817, + 0.4140567089477703, + 1.226275154543599, + 1.6256372400255525, + 1.3024397373168959, + -3.389554006165721, + 1.356927294146058, + 1.3516175715824477, + -2.589933764747549, + -5.320138668106477, + 1.2781356661748997, + -4.339615075434272, + 1.356927294146058, + 1.226275154543599, + 1.071567519795034, + 1.380102813850715, + 1.6083100830358157, + 2.8559573644029213, + 1.356927294146058, + 1.355903563943011, + -3.299533657960697, + 1.6555573303605318, + -1.729277719283517, + -2.6414296503705996, + 0.2900320197152678, + 0.3404379920423573, + 1.3034138386115122, + 1.0688428810630364, + 1.006192279900931, + -3.301509890154981, + -3.1946108800560777, + -2.3532595267236296, + 1.380102813850715, + 1.658492810279495, + 1.226275154543599, + 1.607664593574638, + 1.6830859446329232, + 1.355903563943011, + 1.355903563943011, + 1.380102813850715, + 1.356927294146058, + 0.901092764627171, + 1.27832149448383, + 1.380102813850715, + 1.32686836982398, + 0.9055565813354507, + 1.2691866408453936, + 0.19053733038400503, + 1.3430385190447767, + 0.5305746854716679, + 2.1709257474312027, + 0.623475909280215, + 1.3921353193408277, + 1.6887241902970493, + 1.3848564637886502, + 1.209708248417445, + 0.4479250725301265, + 1.3770510970676593, + 1.6925363635511719, + 0.3308061817839043, + 1.3516175715824477, + 0.2957773909790573, + -2.191454625468677, + 1.3024397373168959, + 1.4302855410943942 ] } ], @@ -106169,7 +67812,7 @@ "hovermode": "closest", "paper_bgcolor": "#fff", "plot_bgcolor": "#fff", - "showlegend": false, + "showlegend": true, "template": { "data": { "scatter": [ @@ -106180,11 +67823,11 @@ } }, "title": { - "text": "Interaction plot for Age and PassengerClass" + "text": "Interaction plot for PassengerClass and Sex" }, "xaxis": { "title": { - "text": "Age" + "text": "PassengerClass" } }, "yaxis": { @@ -106195,9 +67838,9 @@ } }, "text/html": [ - "