diff --git a/aaanalysis/__pycache__/utils.cpython-39.pyc b/aaanalysis/__pycache__/utils.cpython-39.pyc index f622f0b3..57e44848 100644 Binary files a/aaanalysis/__pycache__/utils.cpython-39.pyc and b/aaanalysis/__pycache__/utils.cpython-39.pyc differ diff --git a/aaanalysis/_utils/__pycache__/check_data.cpython-39.pyc b/aaanalysis/_utils/__pycache__/check_data.cpython-39.pyc index dbf0115e..3b20cc0e 100644 Binary files a/aaanalysis/_utils/__pycache__/check_data.cpython-39.pyc and b/aaanalysis/_utils/__pycache__/check_data.cpython-39.pyc differ diff --git a/aaanalysis/_utils/__pycache__/check_models.cpython-39.pyc b/aaanalysis/_utils/__pycache__/check_models.cpython-39.pyc index 272e82b5..f9758aea 100644 Binary files a/aaanalysis/_utils/__pycache__/check_models.cpython-39.pyc and b/aaanalysis/_utils/__pycache__/check_models.cpython-39.pyc differ diff --git a/aaanalysis/_utils/check_data.py b/aaanalysis/_utils/check_data.py index fbbb719e..a173db38 100644 --- a/aaanalysis/_utils/check_data.py +++ b/aaanalysis/_utils/check_data.py @@ -1,9 +1,8 @@ """ -This is a script for ... +This is a script for data checking utility functions. """ import pandas as pd import numpy as np -# Write wrapper around scikit checkers from sklearn.utils import check_array # Helper functions diff --git a/aaanalysis/_utils/utils_output.py b/aaanalysis/_utils/utils_output.py index 8b5e5860..0371d94b 100644 --- a/aaanalysis/_utils/utils_output.py +++ b/aaanalysis/_utils/utils_output.py @@ -1,5 +1,5 @@ """ -This is a script for adjust output (mainly for python console) +This is a script for adjusting terminal output. """ import numpy as np diff --git a/aaanalysis/_utils/utils_ploting.py b/aaanalysis/_utils/utils_ploting.py new file mode 100644 index 00000000..0e2ffadb --- /dev/null +++ b/aaanalysis/_utils/utils_ploting.py @@ -0,0 +1,3 @@ +""" +This is a script for internal plotting utility functions used in the backend. +""" \ No newline at end of file diff --git a/aaanalysis/feature_engineering/__pycache__/_aaclust.cpython-39.pyc b/aaanalysis/feature_engineering/__pycache__/_aaclust.cpython-39.pyc index d8a58022..e33af240 100644 Binary files a/aaanalysis/feature_engineering/__pycache__/_aaclust.cpython-39.pyc and b/aaanalysis/feature_engineering/__pycache__/_aaclust.cpython-39.pyc differ diff --git a/aaanalysis/feature_engineering/__pycache__/_aaclust_plot.cpython-39.pyc b/aaanalysis/feature_engineering/__pycache__/_aaclust_plot.cpython-39.pyc index bdd98b0d..3f65ed93 100644 Binary files a/aaanalysis/feature_engineering/__pycache__/_aaclust_plot.cpython-39.pyc and b/aaanalysis/feature_engineering/__pycache__/_aaclust_plot.cpython-39.pyc differ diff --git a/aaanalysis/feature_engineering/_aaclust.py b/aaanalysis/feature_engineering/_aaclust.py index af799a36..0dbc8160 100644 --- a/aaanalysis/feature_engineering/_aaclust.py +++ b/aaanalysis/feature_engineering/_aaclust.py @@ -1,5 +1,6 @@ """ -This is a script for the interface of the AAclust class, used for clustering wrapper method. +This is a script for the interface of the AAclust class, a clustering wrapper object to obtain redundancy-reduced +scale subsets. """ import numpy as np from typing import Optional, Dict, Union, List, Tuple, Type diff --git a/aaanalysis/feature_engineering/_aaclust_plot.py b/aaanalysis/feature_engineering/_aaclust_plot.py index 21faa983..0246087b 100644 --- a/aaanalysis/feature_engineering/_aaclust_plot.py +++ b/aaanalysis/feature_engineering/_aaclust_plot.py @@ -1,9 +1,11 @@ """ -This is a script for the interface of the AAclustPlot class, used for plotting the results of AAclust. +This is a script for the frontend of the AAclustPlot class, used for plotting of the AAclust results. """ +import pandas as pd from sklearn.decomposition import PCA from typing import Optional, Dict, Union, List, Tuple, Type from sklearn.base import TransformerMixin +import matplotlib.pyplot as plt import aaanalysis as aa import aaanalysis.utils as ut @@ -12,11 +14,51 @@ # I Helper Functions -def _get_components(data=None, model_class=None): +def check_match_data_names(data=None, names=None): """""" + n_samples = len(data) + if names is not None: + if len(names) != n_samples: + raise ValueError(f"n_samples does not match for 'data' ({n_samples}) and 'names' ({len(names)}).") + else: + names = [f"Set {i}" for i in range(1, n_samples + 1)] + if not isinstance(data, pd.DataFrame): + data = ut.check_array_like(name=data, val=data) + n_samples, n_features = data.shape + # Check matching number of features + if n_features != 4: + raise ValueError(f"'data' should contain the following four columns: {ut.COLS_EVAL_AACLUST}") + df_eval = pd.DataFrame(data, columns=ut.COLS_EVAL_AACLUST, index=names) + else: + df_eval = data + # Check data for missing columns + missing_cols = [x for x in ut.COLS_EVAL_AACLUST if x not in list(df_eval)] + if len(missing_cols) > 0: + raise ValueError(f"'data' must contain the following columns: {missing_cols}") + df_eval.index = names + return df_eval + + +def check_dict_xlims(dict_xlims=None): + """""" + if dict_xlims is None: + return + ut.check_dict(name="dict_xlims", val=dict_xlims) + wrong_keys = [x for x in list(dict_xlims) if x not in ut.COLS_EVAL_AACLUST] + if len(wrong_keys) > 0: + raise ValueError(f"'dict_xlims' should not contain the following keys: {wrong_keys}") + for key in dict_xlims: + if len(dict_xlims[key]) != 2: + raise ValueError("'dict_xlims' values should be tuple with two numbers.") + xmin, xmax = dict_xlims[key] + ut.check_number_val(name="dict_xlims:min", val=xmin, just_int=False, accept_none=False) + ut.check_number_val(name="dict_xlims:max", val=xmax, just_int=False, accept_none=False) + if xmin >= xmax: + raise ValueError(f"'dict_xlims:min' ({xmin}) should be < 'dict_xlims:max' ({xmax}) for '{key}'.") + -# TODO add check functions finish other methods, testing, compression +# TODO add check functions finish other methods, testing, compression # II Main Functions class AAclustPlot: """Plot results of AAclust analysis. @@ -34,36 +76,76 @@ class AAclustPlot: See Also -------- * Scikit-learn `decomposition model classes `_. - """ def __init__(self, model_class: Type[TransformerMixin] = PCA, model_kwargs: Optional[Dict] = None): # Model parameters model_class = ut.check_mode_class(model_class=model_class) - model_kwargs = ut.check_model_kwargs(model_class=model_class, model_kwargs=model_kwargs, + model_kwargs = ut.check_model_kwargs(model_class=model_class, + model_kwargs=model_kwargs, param_to_check="n_components") self.model_class = model_class self.model_kwargs = model_kwargs @staticmethod - def eval(data : ut.ArrayLike2D, - names : Optional[List[str]] = None, - dict_xlims : Optional[Union[None, dict]] = None, - figsize : Optional[Tuple[int, int]] = (7, 6)): - """Plot eval output of n_clusters, BIC, CH, SC""" - columns = ["n_clusters", "BIC", "CH", "SC"] - colors = aa.plot_get_clist(n_colors=4) - + def eval(data: ut.ArrayLike2D, + names: Optional[List[str]] = None, + dict_xlims: Optional[Union[None, dict]] = None, + figsize: Optional[Tuple[int, int]] = (7, 6) + ) -> Tuple[plt.Figure, plt.Axes]: + """ + Evaluates and plots ``n_clusters`` and clustering metrics ``BIC``, ``CH``, and ``SC`` for the provided data. + + The clustering evaluation metrics (BIC, CH, and SC) are ranked by the average of their independent rankings. + + Parameters + ---------- + data : `array-like, shape (n_samples, n_features)` + Evaluation matrix or DataFrame. `Rows` correspond to scale sets and `columns` to the following + four evaluation measures: + + - ``n_clusters``: Number of clusters. + - ``BIC``: Bayesian Information Criterion. + - ``CH``: Calinski-Harabasz Index. + - ``SC``: Silhouette Coefficient. + + names + Names of scale sets from ``data``. If None, names are internally generated as 'Set 1', 'Set 2' etc. + dict_xlims + A dictionary containing x-axis limits (``xmin``, ``xmax``) for selected evaluation measure metric subplots. + Keys should be names of the ``evaluation measures`` (e.g., 'BIC'). If None, x-axis are auto-scaled. + figsize + Width and height of the figure in inches. + + Returns + ------- + fig + Figure object containing the plots. + axes + Axes object(s) containing four subplots. + + Notes + ----- + - The data is ranked in ascending order of the average ranking of the scale sets. + + See Also + -------- + * :meth:`AAclust.eval` for details on evaluation measures. + """ # Check input - data = ut.check_array_like(name="data", val=data) - n_samples, n_features = data.shape - if n_features != 4: - raise ValueError(f"'data' should contain the following four columns: {columns}") - if names is None: - names = [f"Model {i}" for i in range(1, n_samples+1)] + ut.check_array_like(name="data", val=data) + ut.check_list_like(name="names", val=names, accept_none=True) + df_eval = check_match_data_names(data=data, names=names) + check_dict_xlims(dict_xlims=dict_xlims) + ut.check_tuple(name="figsize", val=figsize, n=2, accept_none=True) # Plotting - fig, axes = plot_eval() + colors = aa.plot_get_clist(n_colors=4) + fig, axes = plot_eval(df_eval=df_eval, + dict_xlims=dict_xlims, + figsize=figsize, + colors=colors) + return fig, axes def center(self, data): diff --git a/aaanalysis/feature_engineering/_backend/aaclust/__pycache__/aaclust_plot.cpython-39.pyc b/aaanalysis/feature_engineering/_backend/aaclust/__pycache__/aaclust_plot.cpython-39.pyc index 7e713775..72e82acf 100644 Binary files a/aaanalysis/feature_engineering/_backend/aaclust/__pycache__/aaclust_plot.cpython-39.pyc and b/aaanalysis/feature_engineering/_backend/aaclust/__pycache__/aaclust_plot.cpython-39.pyc differ diff --git a/aaanalysis/feature_engineering/_backend/aaclust/aaclust_plot.py b/aaanalysis/feature_engineering/_backend/aaclust/aaclust_plot.py index a77ceb6c..5ed64901 100644 --- a/aaanalysis/feature_engineering/_backend/aaclust/aaclust_plot.py +++ b/aaanalysis/feature_engineering/_backend/aaclust/aaclust_plot.py @@ -1,51 +1,83 @@ """ -This is a script for the AAclust plot_eval method. +This is a script for the backend of the AAclustPlot object for all plotting functions. """ import time import pandas as pd import matplotlib.pyplot as plt import seaborn as sns import numpy as np - import aaanalysis.utils as ut +import matplotlib.ticker as mticker # I Helper Functions -def _get_rank(data): +# Computation helper functions +def _get_mean_rank(data): """""" _df = data.copy() - _df['BIC_rank'] = _df['BIC'].rank(ascending=False) - _df['CH_rank'] = _df['CH'].rank(ascending=False) - _df['SC_rank'] = _df['SC'].rank(ascending=False) - return _df[['BIC_rank', 'CH_rank', 'SC_rank']].mean(axis=1).round(2) + _df['BIC_rank'] = _df[ut.COL_BIC].rank(ascending=False) + _df['CH_rank'] = _df[ut.COL_CH].rank(ascending=False) + _df['SC_rank'] = _df[ut.COL_SC].rank(ascending=False) + rank = _df[['BIC_rank', 'CH_rank', 'SC_rank']].mean(axis=1).round(2) + return rank -# II Main Functions -def plot_eval(data=None, names=None, dict_xlims=None, figsize=None, columns=None, colors=None): +def _get_components(data=None, model_class=None): """""" - data = pd.DataFrame(data, columns=columns, index=names) - data["rank"] = _get_rank(data) - data = data.sort_values(by="rank", ascending=True) + +# Plotting helper functions +def _adjust_spines(ax=None): + """Adjust spines to be in middle if data range from <0 to >0""" + min_val, max_val = ax.get_xlim() + if max_val > 0 and min_val >= 0: + sns.despine(ax=ax) + else: + sns.despine(ax=ax, left=True) + current_lw = ax.spines['bottom'].get_linewidth() + ax.axvline(0, color='black', linewidth=current_lw) + val = max([abs(min_val), abs(max_val)]) + ax.set_xlim(-val, val) + return ax + + +def _x_ticks_0(ax): + """Apply custom formatting for x-axis ticks.""" + def custom_x_ticks(x, pos): + """Format x-axis ticks.""" + return f'{x:.2f}' if x else f'{x:.0f}' + ax.xaxis.set_major_formatter(mticker.FuncFormatter(custom_x_ticks)) + + + + +# II Main Functions +def plot_eval(df_eval=None, dict_xlims=None, figsize=None, colors=None): + """Plot evaluation of AAclust clustering results""" + df_eval[ut.COL_RANK] = _get_mean_rank(df_eval) + df_eval = df_eval.sort_values(by=ut.COL_RANK, ascending=True) # Plotting fig, axes = plt.subplots(1, 4, sharey=True, figsize=figsize) - for i, col in enumerate(columns): + for i, col in enumerate(ut.COLS_EVAL_AACLUST): ax = axes[i] - sns.barplot(ax=ax, data=data, y=data.index, x=col, color=colors[i]) + sns.barplot(ax=ax, data=df_eval, y=df_eval.index, x=col, color=colors[i]) # Customize subplots ax.set_ylabel("") ax.set_xlabel(col) - ax.axvline(0, color='black') # , linewidth=aa.plot_gcfs("axes.linewidth")) + # Adjust spines + ax = _adjust_spines(ax=ax) + # Manual xlims, if needed if dict_xlims and col in dict_xlims: ax.set_xlim(dict_xlims[col]) if i == 0: - ax.set_title("Number of clusters", weight="bold") + ax.set_title("Clustering", weight="bold") elif i == 2: ax.set_title("Quality measures", weight="bold") - sns.despine(ax=ax, left=True) ax.tick_params(axis='y', which='both', left=False) + _x_ticks_0(ax=ax) plt.tight_layout() plt.subplots_adjust(wspace=0.25, hspace=0) return fig, axes + def _plot_pca(df_pred=None, filter_classes=None, x=None, y=None, others=True, highlight_rel=True, figsize=(6, 6), highlight_mean=True, list_classes=None): """""" diff --git a/aaanalysis/feature_engineering/_sequence_feature.py b/aaanalysis/feature_engineering/_sequence_feature.py new file mode 100644 index 00000000..e69de29b diff --git a/aaanalysis/utils.py b/aaanalysis/utils.py index dbde32e7..771af94b 100644 --- a/aaanalysis/utils.py +++ b/aaanalysis/utils.py @@ -59,10 +59,16 @@ def _folder_path(super_folder, folder_name): NAMES_SCALE_SETS = [STR_SCALES, STR_SCALES_RAW, STR_SCALE_CAT, STR_SCALES_PC, STR_TOP60, STR_TOP60_EVAL] -# Options +# AAclust METRIC_CORRELATION = "correlation" LIST_METRICS = [METRIC_CORRELATION, "manhattan", "euclidean", "cosine"] STR_UNCLASSIFIED = "Unclassified" +COL_N_CLUST = "n_clusters" +COL_BIC = "BIC" +COL_CH = "CH" +COL_SC = "SC" +COL_RANK = "rank" +COLS_EVAL_AACLUST = [COL_N_CLUST, COL_BIC, COL_CH, COL_SC] # Column names for primary df # df_seq @@ -247,7 +253,7 @@ def check_df_parts(df_parts=None, verbose=True): print(warning) #raise ValueError("'df_part' should not be None") else: - if not (isinstance(df_parts, pd.DataFrame)): + if not isinstance(df_parts, pd.DataFrame): raise ValueError(f"'df_parts' ({type(df_parts)}) must be type pd.DataFrame") if len(list(df_parts)) == 0 or len(df_parts) == 0: raise ValueError("'df_parts' should not be empty pd.DataFrame") diff --git a/docs/build/doctrees/environment.pickle b/docs/build/doctrees/environment.pickle index a2ecedd4..524677fc 100644 Binary files a/docs/build/doctrees/environment.pickle and b/docs/build/doctrees/environment.pickle differ diff --git a/docs/build/doctrees/generated/aaanalysis.AAclust.doctree b/docs/build/doctrees/generated/aaanalysis.AAclust.doctree index cfe1df45..4f995a71 100644 Binary files a/docs/build/doctrees/generated/aaanalysis.AAclust.doctree and b/docs/build/doctrees/generated/aaanalysis.AAclust.doctree differ diff --git a/docs/build/doctrees/generated/aaanalysis.AAclustPlot.doctree b/docs/build/doctrees/generated/aaanalysis.AAclustPlot.doctree index e32255f7..46f63d74 100644 Binary files a/docs/build/doctrees/generated/aaanalysis.AAclustPlot.doctree and b/docs/build/doctrees/generated/aaanalysis.AAclustPlot.doctree differ diff --git a/docs/build/html/_downloads/004048c0cbb6684bdb9047282ab71735/aaanalysis-plot_settings-2.pdf b/docs/build/html/_downloads/004048c0cbb6684bdb9047282ab71735/aaanalysis-plot_settings-2.pdf index 26e18d3b..59378616 100644 Binary files a/docs/build/html/_downloads/004048c0cbb6684bdb9047282ab71735/aaanalysis-plot_settings-2.pdf and b/docs/build/html/_downloads/004048c0cbb6684bdb9047282ab71735/aaanalysis-plot_settings-2.pdf differ diff --git a/docs/build/html/_downloads/163aacac4bd235c9af7a62d7b4d0c89f/aaanalysis-plot_get_cdict-1.pdf b/docs/build/html/_downloads/163aacac4bd235c9af7a62d7b4d0c89f/aaanalysis-plot_get_cdict-1.pdf index 709d9fee..b6a54c5b 100644 Binary files a/docs/build/html/_downloads/163aacac4bd235c9af7a62d7b4d0c89f/aaanalysis-plot_get_cdict-1.pdf and b/docs/build/html/_downloads/163aacac4bd235c9af7a62d7b4d0c89f/aaanalysis-plot_get_cdict-1.pdf differ diff --git a/docs/build/html/_downloads/1f3abea1675a65bb341756c52c9927f4/aaanalysis-plot_gcfs-1.pdf b/docs/build/html/_downloads/1f3abea1675a65bb341756c52c9927f4/aaanalysis-plot_gcfs-1.pdf index c25bd49a..8e0549fd 100644 Binary files a/docs/build/html/_downloads/1f3abea1675a65bb341756c52c9927f4/aaanalysis-plot_gcfs-1.pdf and b/docs/build/html/_downloads/1f3abea1675a65bb341756c52c9927f4/aaanalysis-plot_gcfs-1.pdf differ diff --git a/docs/build/html/_downloads/72c2e4be500ecf10c85a4e6f81c365fc/aaanalysis-plot_legend-1.pdf b/docs/build/html/_downloads/72c2e4be500ecf10c85a4e6f81c365fc/aaanalysis-plot_legend-1.pdf index 305b1aac..94493971 100644 Binary files a/docs/build/html/_downloads/72c2e4be500ecf10c85a4e6f81c365fc/aaanalysis-plot_legend-1.pdf and b/docs/build/html/_downloads/72c2e4be500ecf10c85a4e6f81c365fc/aaanalysis-plot_legend-1.pdf differ diff --git a/docs/build/html/_downloads/795a736e5af756908120c8bda412fd28/aaanalysis-plot_get_cmap-1.pdf b/docs/build/html/_downloads/795a736e5af756908120c8bda412fd28/aaanalysis-plot_get_cmap-1.pdf index 7eea1cd4..a18bb6db 100644 Binary files a/docs/build/html/_downloads/795a736e5af756908120c8bda412fd28/aaanalysis-plot_get_cmap-1.pdf and b/docs/build/html/_downloads/795a736e5af756908120c8bda412fd28/aaanalysis-plot_get_cmap-1.pdf differ diff --git a/docs/build/html/_downloads/88d7f3f7cb5a284c0bfaa377fb4ce1d8/aaanalysis-plot_get_clist-1.pdf b/docs/build/html/_downloads/88d7f3f7cb5a284c0bfaa377fb4ce1d8/aaanalysis-plot_get_clist-1.pdf index 532df34f..7e5dc82d 100644 Binary files a/docs/build/html/_downloads/88d7f3f7cb5a284c0bfaa377fb4ce1d8/aaanalysis-plot_get_clist-1.pdf and b/docs/build/html/_downloads/88d7f3f7cb5a284c0bfaa377fb4ce1d8/aaanalysis-plot_get_clist-1.pdf differ diff --git a/docs/build/html/_downloads/fb29bffb69140db4f68c4eb913c6f7d3/aaanalysis-plot_settings-1.pdf b/docs/build/html/_downloads/fb29bffb69140db4f68c4eb913c6f7d3/aaanalysis-plot_settings-1.pdf index c661fe64..185c72fd 100644 Binary files a/docs/build/html/_downloads/fb29bffb69140db4f68c4eb913c6f7d3/aaanalysis-plot_settings-1.pdf and b/docs/build/html/_downloads/fb29bffb69140db4f68c4eb913c6f7d3/aaanalysis-plot_settings-1.pdf differ diff --git a/docs/build/html/generated/aaanalysis.AAclust.html b/docs/build/html/generated/aaanalysis.AAclust.html index 7c7cbddb..cf57155e 100644 --- a/docs/build/html/generated/aaanalysis.AAclust.html +++ b/docs/build/html/generated/aaanalysis.AAclust.html @@ -129,7 +129,7 @@

aaanalysis.AAclust

-class aaanalysis.AAclust(model_class=<class 'sklearn.cluster._kmeans.KMeans'>, model_kwargs=None, verbose=None)[source]
+class aaanalysis.AAclust(model_class=<class 'sklearn.cluster._kmeans.KMeans'>, model_kwargs=None, verbose=None)[source]

Bases: Wrapper

A k-optimized clustering wrapper for selecting redundancy-reduced sets of numerical scales.

AAclust uses clustering models that require a pre-defined number of clusters (k, set by n_clusters), @@ -259,7 +259,7 @@

aaanalysis.AAclust
-__init__(model_class=<class 'sklearn.cluster._kmeans.KMeans'>, model_kwargs=None, verbose=None)[source]
+__init__(model_class=<class 'sklearn.cluster._kmeans.KMeans'>, model_kwargs=None, verbose=None)[source]
Parameters:
    @@ -306,7 +306,7 @@

    aaanalysis.AAclust
    -fit(X, n_clusters=None, on_center=True, min_th=0.3, merge_metric='euclidean', names=None)[source]
    +fit(X, n_clusters=None, on_center=True, min_th=0.3, merge_metric='euclidean', names=None)[source]

    Applies AAclust algorithm to feature matrix (X).

    AAclust determines the optimal number of clusters, k, without pre-specification. It partitions data (X) into clusters by maximizing the within-cluster Pearson correlation beyond the min_th threshold. The quality of @@ -373,7 +373,7 @@

    aaanalysis.AAclust
    -eval(X, labels=None)[source]
    +eval(X, labels=None)[source]

    Evaluates the quality of clustering using three established measures.

    Clustering quality is quantified using:

    @@ -421,7 +421,7 @@

    aaanalysis.AAclust
    -static name_clusters(X, labels=None, names=None, shorten_names=True)[source]
    +static name_clusters(X, labels=None, names=None, shorten_names=True)[source]

    Assigns names to clusters based on the frequency of names.

    Names with higher frequency are prioritized. If a name is already assigned to a cluster, or the cluster contains one sample, its name is set to ‘Unclassified’.

    @@ -445,7 +445,7 @@

    aaanalysis.AAclust
    -static comp_centers(X, labels=None)[source]
    +static comp_centers(X, labels=None)[source]

    Computes the center of each cluster based on the given labels.

    Parameters:
    @@ -466,7 +466,7 @@

    aaanalysis.AAclust
    -static comp_medoids(X, labels=None)[source]
    +static comp_medoids(X, labels=None)[source]

    Computes the medoid of each cluster based on the given labels.

    Parameters:
    @@ -487,7 +487,7 @@

    aaanalysis.AAclust
    -static comp_correlation(X, labels=None, X_ref=None, labels_ref=None, names=None, names_ref=None)[source]
    +static comp_correlation(X, labels=None, X_ref=None, labels_ref=None, names=None, names_ref=None)[source]

    Computes the Pearson correlation of given data with reference data.

    Parameters:
    @@ -526,7 +526,7 @@

    aaanalysis.AAclust
    -static comp_coverage(names=None, names_ref=None)[source]
    +static comp_coverage(names=None, names_ref=None)[source]

    Computes the percentage of unique names from names that are present in names_ref.

    This method helps in understanding the coverage of a particular set of names (subset) within a reference set of names (universal set). Each name from both names and names_ref diff --git a/docs/build/html/generated/aaanalysis.AAclustPlot.html b/docs/build/html/generated/aaanalysis.AAclustPlot.html index 24ea54c2..7972e413 100644 --- a/docs/build/html/generated/aaanalysis.AAclustPlot.html +++ b/docs/build/html/generated/aaanalysis.AAclustPlot.html @@ -129,7 +129,7 @@

    aaanalysis.AAclustPlot

    -class aaanalysis.AAclustPlot(model_class=<class 'sklearn.decomposition._pca.PCA'>, model_kwargs=None)[source]
    +class aaanalysis.AAclustPlot(model_class=<class 'sklearn.decomposition._pca.PCA'>, model_kwargs=None)[source]

    Bases: object

    Plot results of AAclust analysis.

    Dimensionality reduction is performed for visualization using decomposition models such as @@ -150,7 +150,7 @@

    aaanalysis.AAclustPlot
    -__init__(model_class=<class 'sklearn.decomposition._pca.PCA'>, model_kwargs=None)[source]
    +__init__(model_class=<class 'sklearn.decomposition._pca.PCA'>, model_kwargs=None)[source]
    Parameters:
      @@ -178,7 +178,7 @@

      aaanalysis.AAclustPlot

      Heatmap for correlation

      eval(data[, names, dict_xlims, figsize])

      -

      Plot eval output of n_clusters, BIC, CH, SC

      +

      Evaluates and plots n_clusters and clustering metrics BIC, CH, and SC for the provided data.

      medoids(data)

      PCA plot of clustering with medoids highlighted

      @@ -187,35 +187,64 @@

      aaanalysis.AAclustPlot
      -static eval(data, names=None, dict_xlims=None, figsize=(7, 6))[source]
      -

      Plot eval output of n_clusters, BIC, CH, SC

      +static eval(data, names=None, dict_xlims=None, figsize=(7, 6))[source] +

      Evaluates and plots n_clusters and clustering metrics BIC, CH, and SC for the provided data.

      +

      The clustering evaluation metrics (BIC, CH, and SC) are ranked by the average of their independent rankings.

      Parameters:
        -
      • data (NewType()(ArrayLike2D, Union[Sequence[Sequence[Union[int, float]]], ndarray, DataFrame])) –

      • -
      • names (Optional[List[str]]) –

      • -
      • dict_xlims (Optional[dict]) –

      • -
      • figsize (Optional[Tuple[int, int]]) –

      • +
      • data (array-like, shape (n_samples, n_features)) –

        Evaluation matrix or DataFrame. Rows correspond to scale sets and columns to the following +four evaluation measures:

        +
          +
        • n_clusters: Number of clusters.

        • +
        • BIC: Bayesian Information Criterion.

        • +
        • CH: Calinski-Harabasz Index.

        • +
        • SC: Silhouette Coefficient.

        • +
        +

      • +
      • names (Optional[List[str]]) – Names of scale sets from data. If None, names are internally generated as ‘Set 1’, ‘Set 2’ etc.

      • +
      • dict_xlims (Optional[dict]) – A dictionary containing x-axis limits (xmin, xmax) for selected evaluation measure metric subplots. +Keys should be names of the evaluation measures (e.g., ‘BIC’). If None, x-axis are auto-scaled.

      • +
      • figsize (Optional[Tuple[int, int]]) – Width and height of the figure in inches.

      • +
      +
      +
      Returns:
      +

        +
      • fig – Figure object containing the plots.

      • +
      • axes – Axes object(s) containing four subplots.

      +

      +
      +

      Notes

      +
        +
      • The data is ranked in ascending order of the average ranking of the scale sets.

      • +
      +
      +
      +

      See also

      + +
      -center(data)[source]
      +center(data)[source]

      PCA plot of clustering with centers highlighted

      -medoids(data)[source]
      +medoids(data)[source]

      PCA plot of clustering with medoids highlighted

      -static correlation(df_corr=None)[source]
      +static correlation(df_corr=None)[source]

      Heatmap for correlation

      diff --git a/docs/build/html/searchindex.js b/docs/build/html/searchindex.js index 54b43051..05d9c35f 100644 --- a/docs/build/html/searchindex.js +++ b/docs/build/html/searchindex.js @@ -1 +1 @@ -Search.setIndex({"docnames": ["api", "generated/aaanalysis.AAclust", "generated/aaanalysis.AAclustPlot", "generated/aaanalysis.CPP", "generated/aaanalysis.CPPPlot", "generated/aaanalysis.SequenceFeature", "generated/aaanalysis.dPULearn", "generated/aaanalysis.load_dataset", "generated/aaanalysis.load_scales", "generated/aaanalysis.plot_gcfs", "generated/aaanalysis.plot_get_cdict", "generated/aaanalysis.plot_get_clist", "generated/aaanalysis.plot_get_cmap", "generated/aaanalysis.plot_legend", "generated/aaanalysis.plot_settings", "generated/plotting_prelude", "generated/tutorial1_quick_start", "generated/tutorial1_slow_start", "generated/tutorial2a_data_loader", "generated/tutorial2b_scales_loader", "index", "index/CONTRIBUTING_COPY", "index/badges", "index/citations", "index/introduction", "index/overview", "index/references", "index/tables", "index/usage_principles", "index/usage_principles/aaontology", "index/usage_principles/data_flow_entry_points", "index/usage_principles/feature_identification", "index/usage_principles/pu_learning", "index/usage_principles/xai", "tutorials"], "filenames": ["api.rst", "generated/aaanalysis.AAclust.rst", "generated/aaanalysis.AAclustPlot.rst", "generated/aaanalysis.CPP.rst", "generated/aaanalysis.CPPPlot.rst", "generated/aaanalysis.SequenceFeature.rst", "generated/aaanalysis.dPULearn.rst", "generated/aaanalysis.load_dataset.rst", "generated/aaanalysis.load_scales.rst", "generated/aaanalysis.plot_gcfs.rst", "generated/aaanalysis.plot_get_cdict.rst", "generated/aaanalysis.plot_get_clist.rst", "generated/aaanalysis.plot_get_cmap.rst", "generated/aaanalysis.plot_legend.rst", "generated/aaanalysis.plot_settings.rst", "generated/plotting_prelude.rst", "generated/tutorial1_quick_start.rst", "generated/tutorial1_slow_start.rst", "generated/tutorial2a_data_loader.rst", "generated/tutorial2b_scales_loader.rst", "index.rst", "index/CONTRIBUTING_COPY.rst", "index/badges.rst", "index/citations.rst", "index/introduction.rst", "index/overview.rst", "index/references.rst", "index/tables.rst", "index/usage_principles.rst", "index/usage_principles/aaontology.rst", "index/usage_principles/data_flow_entry_points.rst", "index/usage_principles/feature_identification.rst", "index/usage_principles/pu_learning.rst", "index/usage_principles/xai.rst", "tutorials.rst"], "titles": ["API", "aaanalysis.AAclust", "aaanalysis.AAclustPlot", "aaanalysis.CPP", "aaanalysis.CPPPlot", "aaanalysis.SequenceFeature", "aaanalysis.dPULearn", "aaanalysis.load_dataset", "aaanalysis.load_scales", "aaanalysis.plot_gcfs", "aaanalysis.plot_get_cdict", "aaanalysis.plot_get_clist", "aaanalysis.plot_get_cmap", "aaanalysis.plot_legend", "aaanalysis.plot_settings", "Plotting Prelude", "Quick Start with AAanalysis", "Slow Start with AAanalysis", "Data Loading Tutorial", "Scale Loading Tutorial", "Welcome to the AAanalysis documentation!", "Contributing", "<no title>", "<no title>", "Introduction", "<no title>", "References", "Tables", "Usage Principles", "AAontology: Classification of amino acid scales", "Data Flow and Enry Points", "Identifying Physicochemical Signatures using CPP", "Learning from unbalanced and small data", "Explainable AI at Sequence Level", "Tutorials"], "terms": {"thi": [0, 1, 4, 8, 9, 11, 13, 14, 15, 17, 18, 19, 21, 30], "applic": [0, 4, 13], "program": [0, 21], "interfac": [0, 21, 27], "i": [0, 1, 2, 3, 4, 5, 6, 7, 8, 12, 13, 14, 16, 17, 18, 19, 20, 21, 24, 25, 27, 29, 31], "public": [0, 15, 18, 20, 21, 23], "object": [0, 1, 2, 4, 5, 6, 13, 17], "function": [0, 1, 4, 9, 11, 12, 13, 14, 15, 17, 18, 19, 20, 25], "our": [0, 9, 10, 12, 15, 17, 19, 21, 24], "aaanalysi": [0, 15, 18, 19, 21, 23, 24, 25, 27, 28, 31, 34], "python": [0, 16, 17, 20, 21, 24, 25], "toolkit": [0, 21, 30], "which": [0, 4, 5, 13, 14, 16, 17, 18, 19, 21, 24, 27, 30, 32], "can": [0, 1, 5, 6, 9, 13, 15, 16, 17, 18, 19, 20, 21, 24, 27, 30, 32], "import": [0, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 21, 28], "aa": [0, 3, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 27, 28], "you": [0, 15, 19, 20, 21, 23], "access": [0, 1, 7, 17, 19, 27], "all": [0, 1, 3, 4, 5, 7, 8, 14, 15, 16, 17, 19, 21, 27], "method": [0, 1, 2, 3, 4, 5, 6, 16, 17, 26], "via": [0, 15, 21, 26], "alia": [0, 5], "load_dataset": [0, 5, 16, 17, 18, 19, 27], "class": [1, 2, 3, 4, 5, 6, 7, 9, 11, 12, 13, 14, 15, 18, 32], "model_class": [1, 2, 17], "sklearn": [1, 2, 16, 17], "cluster": [1, 2, 17, 20, 24, 25, 26, 27], "_kmean": 1, "kmean": [1, 17], "model_kwarg": [1, 2], "none": [1, 2, 3, 4, 5, 6, 7, 8, 13, 18], "verbos": [1, 3, 4, 5, 6, 16, 17], "sourc": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 19, 21], "base": [1, 2, 3, 4, 5, 6, 7, 13, 16, 17, 20, 21, 24, 25, 26, 27, 31, 32], "wrapper": [1, 4, 17, 20, 21, 24, 25], "A": [1, 2, 5, 7, 9, 11, 12, 13, 14, 15, 17, 18, 19, 21, 24, 26], "k": [1, 20, 24, 25, 26], "optim": [1, 3, 4, 11, 15, 20, 21, 24, 25, 26], "select": [1, 2, 3, 4, 7, 8, 16, 17, 18, 19, 20, 21, 24, 25, 26], "redund": [1, 3, 8, 16, 17, 20, 21, 24, 25, 26], "reduc": [1, 6, 8, 16, 20, 24, 25, 26, 27], "set": [1, 3, 4, 5, 6, 8, 9, 13, 14, 15, 16, 17, 18, 20, 21, 24, 25, 26, 27, 30], "numer": [1, 4, 5, 17, 20, 24, 25], "scale": [1, 3, 4, 5, 8, 10, 14, 16, 20, 23, 24, 25, 26, 28, 30, 34], "us": [1, 2, 3, 4, 6, 7, 8, 9, 13, 15, 16, 17, 18, 19, 20, 21, 23, 24, 27, 28, 30, 32], "model": [1, 2, 6, 16, 17, 21, 32], "requir": [1, 21], "pre": [1, 3, 16, 17, 18, 21], "defin": [1, 5, 8, 16, 17, 18, 21, 27, 30], "number": [1, 3, 4, 5, 6, 7, 8, 11, 12, 13, 18, 19, 27], "n_cluster": [1, 2, 16, 17], "mean": [1, 3, 4, 16, 17, 19, 27], "other": [1, 4, 8, 14, 15, 19, 21, 27], "scikit": [1, 2, 21], "learn": [1, 2, 6, 16, 18, 20, 21, 23, 24, 25, 26, 27, 28], "valu": [1, 3, 4, 5, 9, 10, 11, 12, 13, 14, 15, 16, 17, 19, 21, 24, 27], "util": [1, 14, 15, 16, 18, 20, 21], "pearson": [1, 3], "correl": [1, 2, 3, 27], "repres": [1, 4, 17, 18, 24, 27], "sampl": [1, 3, 4, 5, 6, 18, 27, 32], "medoid": [1, 2], "each": [1, 3, 4, 5, 6, 17, 18, 19, 21], "closest": 1, "center": [1, 2, 16, 17, 27], "result": [1, 2, 3, 21], "see": [1, 4, 21, 24, 27, 30], "breimann23a": [1, 7, 8, 26, 27], "paramet": [1, 2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 14, 17, 18, 19, 21, 27], "type": [1, 2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 18, 21, 27], "clustermixin": 1, "instanti": 1, "fit": [1, 6, 16, 17, 21], "option": [1, 2, 3, 4, 5, 6, 7, 8, 9, 13, 14, 16, 17], "dict": [1, 2, 3, 4, 5, 6, 10, 13], "keyword": [1, 2, 4, 6], "argument": [1, 2, 4, 5, 6, 13], "pass": [1, 2, 4, 6, 21], "bool": [1, 3, 4, 5, 6, 7, 8, 12, 13, 14], "If": [1, 3, 4, 5, 6, 7, 8, 13, 14, 20, 21, 23, 32], "true": [1, 3, 4, 5, 7, 8, 12, 13, 14, 15, 18, 19], "output": [1, 2, 3, 5, 6, 15, 21], "ar": [1, 3, 4, 5, 6, 7, 8, 9, 13, 14, 15, 16, 17, 18, 19, 21, 27, 30, 32, 33], "enabl": [1, 3, 4, 5, 6, 20, 21, 24, 25, 31], "The": [1, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 15, 17, 18, 19, 21, 27, 30, 31], "after": [1, 3, 27], "call": [1, 8, 15, 27], "obtain": [1, 5, 8, 16, 17, 27], "int": [1, 2, 3, 4, 5, 6, 7, 8, 11, 12, 13], "labels_": [1, 6], "label": [1, 3, 4, 5, 6, 7, 13, 15, 16, 17, 18, 21, 27, 32], "order": [1, 21, 27], "x": [1, 4, 6, 7, 9, 10, 11, 12, 13, 14, 15, 16, 17], "arrai": [1, 3, 5, 6, 16, 17], "like": [1, 3, 5, 6, 14, 15, 21, 27], "shape": [1, 3, 4, 5, 6, 13, 27], "n_sampl": [1, 3, 5, 6], "centers_": 1, "averag": [1, 5, 16, 17, 19, 27], "correspond": [1, 13, 18, 21, 27], "n_featur": [1, 3, 4, 5, 6], "center_labels_": 1, "medoids_": 1, "one": [1, 4, 11, 13, 21], "medoid_labels_": 1, "is_medoid_": 1, "indic": [1, 4, 5, 6, 18, 19, 21, 27], "being": [1, 18, 21, 27], "1": [1, 3, 4, 5, 6, 7, 8, 10, 13, 14, 15, 16, 18, 19, 21, 27, 32], "0": [1, 3, 4, 5, 6, 7, 13, 15, 16, 17, 18, 19, 27, 32], "same": [1, 8, 19], "medoid_names_": [1, 16, 17], "name": [1, 2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 14, 16, 17, 18, 19, 27], "provid": [1, 4, 6, 7, 8, 13, 17, 18, 19, 20, 21, 25, 27, 32], "list": [1, 2, 4, 5, 10, 11, 12, 13, 16, 17, 27], "attribut": 1, "dure": [1, 6], "directli": [1, 21], "design": [1, 4, 21, 27, 31], "primarili": [1, 6, 21], "amino": [1, 3, 4, 5, 7, 8, 16, 17, 20, 23, 24, 25, 26, 28, 30, 32], "acid": [1, 3, 4, 5, 7, 8, 16, 17, 20, 23, 24, 25, 26, 28, 30, 32], "ani": [1, 19, 21, 24, 27], "__init__": [1, 2, 3, 4, 5, 6], "on_cent": 1, "min_th": 1, "3": [1, 5, 6, 11, 12, 13, 18, 19, 21, 27], "merge_metr": 1, "euclidean": [1, 6], "appli": [1, 6, 13, 14, 18], "algorithm": [1, 3, 4, 16, 17, 20, 21, 24, 25, 30, 31], "featur": [1, 3, 4, 5, 6, 16, 20, 21, 24, 25, 30, 31, 32], "matrix": [1, 5, 6, 16, 17, 27], "determin": [1, 8], "without": [1, 4, 21, 27], "specif": [1, 18, 21, 27], "It": [1, 14, 17, 18, 24, 27, 30], "partit": [1, 27], "data": [1, 2, 4, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 19, 20, 21, 27, 28], "maxim": 1, "within": [1, 3, 5, 21, 27, 30], "beyond": 1, "threshold": [1, 3], "qualiti": 1, "either": [1, 5, 7, 8, 19, 20], "minimum": [1, 5, 7], "member": 1, "fals": [1, 3, 4, 5, 6, 7, 8, 10, 12, 13, 14, 16, 17], "between": [1, 3, 4, 5, 8, 11, 13, 16, 17, 18, 21, 27], "its": [1, 18, 21, 27], "min_cor_al": 1, "min_cor_cent": 1, "respect": [1, 7, 17, 20, 21, 23, 27], "describ": [1, 27], "row": 1, "typic": [1, 18, 24, 27], "column": [1, 3, 4, 5, 6, 7, 8, 13, 18, 19, 21], "must": [1, 5, 11, 12, 21], "float": [1, 2, 3, 4, 6, 13, 14], "otherwis": [1, 4, 5, 6, 27], "str": [1, 2, 4, 5, 6, 7, 8, 10, 12, 13, 14], "metric": [1, 6, 21], "similar": [1, 21, 27, 32], "measur": [1, 21, 27], "merg": 1, "No": 1, "perform": [1, 2, 3, 6, 8, 16, 17, 19, 27], "distanc": [1, 6, 27], "manhattan": [1, 6], "cosin": [1, 6], "return": [1, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 18], "instanc": [1, 4, 13], "allow": 1, "direct": [1, 21], "aanalysi": [1, 21], "consist": [1, 14, 21, 24, 27], "three": [1, 5, 18, 27], "main": [1, 27], "step": [1, 3, 4, 5, 7, 8, 21, 24], "estim": 1, "lower": [1, 27], "bound": 1, "refin": [1, 21], "recurs": [1, 26], "chosen": [1, 3, 5, 7, 8, 18], "smaller": [1, 15], "reduct": [1, 2], "pairwise_dist": 1, "were": [1, 8, 19, 27], "runtimewarn": 1, "caught": 1, "bundl": 1, "eval": [1, 2, 3, 6, 21], "evalu": [1, 3, 8, 19, 21, 27], "establish": [1, 21], "quantifi": 1, "bic": [1, 2], "bayesian": 1, "inform": [1, 3, 4, 5, 6, 19, 30], "criterion": 1, "reflect": [1, 21, 27], "good": [1, 21], "while": [1, 18], "account": [1, 21, 27], "rang": 1, "from": [1, 3, 4, 5, 6, 7, 8, 16, 17, 18, 19, 20, 21, 27, 28], "neg": [1, 5, 6, 7, 13, 18, 21, 27, 32], "infin": 1, "posit": [1, 3, 4, 5, 6, 7, 20, 21, 24, 25, 27, 32], "higher": [1, 27], "superior": 1, "ch": [1, 2, 27], "calinski": 1, "harabasz": 1, "index": [1, 7, 19, 20, 21, 26], "ratio": 1, "dispers": 1, "score": [1, 16, 17], "suggest": [1, 21], "better": 1, "sc": [1, 2], "silhouett": 1, "coeffici": 1, "proxim": 1, "point": [1, 4, 9, 13, 27, 28], "neighbor": [1, 27], "li": 1, "closer": 1, "impli": 1, "equal": [1, 18], "inf": 1, "wa": [1, 24], "adapt": 1, "form": [1, 5, 27], "stackexchang": 1, "discuss": [1, 21], "modifi": [1, 6, 14], "align": [1, 4, 13, 17, 19, 21], "so": 1, "signifi": 1, "contrari": 1, "convent": [1, 5, 8], "implement": [1, 21], "favor": 1, "calinski_harabasz_scor": 1, "silhouette_scor": 1, "static": [1, 2, 5], "name_clust": 1, "shorten_nam": 1, "assign": [1, 4, 5, 6, 19, 27], "frequenc": [1, 27], "priorit": 1, "alreadi": [1, 32], "contain": [1, 3, 4, 6, 7, 8, 19, 21, 27, 30, 32], "unclassifi": [1, 8, 19, 27], "shorten": 1, "version": [1, 19, 27], "cluster_nam": 1, "renam": 1, "comp_cent": 1, "comput": [1, 3, 4, 5, 16, 17, 21, 26, 27], "given": [1, 4, 5, 7, 11, 12, 13, 16, 17, 19, 21, 27], "center_label": 1, "associ": [1, 27], "comp_medoid": 1, "medoid_label": 1, "comp_correl": 1, "x_ref": 1, "labels_ref": 1, "names_ref": 1, "refer": [1, 3, 5, 7, 17, 21, 27], "compar": [1, 16, 18, 20, 24, 25, 27, 30, 31], "n_samples_ref": 1, "df_corr": [1, 2], "datafram": [1, 2, 3, 4, 5, 6, 7, 8, 16, 17, 21, 30], "pair": 1, "pd": [1, 5, 6, 16, 17, 21], "sort": 1, "ascend": 1, "replac": [1, 7], "panda": [1, 3, 4, 5, 6, 7, 8, 16, 17, 21], "corr": 1, "comp_coverag": 1, "percentag": [1, 3, 6, 19], "uniqu": [1, 3, 4, 19, 21], "present": [1, 5, 7], "help": 1, "understand": 1, "coverag": [1, 21], "particular": 1, "subset": [1, 5, 8, 27], "univers": 1, "both": [1, 4, 14, 18], "consid": [1, 8, 21], "onli": [1, 4, 7, 8, 13, 14, 18, 21, 27, 32], "onc": [1, 21], "regardless": 1, "repetit": 1, "should": [1, 3, 4, 5, 6, 21, 32], "superset": 1, "found": [1, 5, 21], "decomposit": 2, "_pca": 2, "pca": [2, 6, 19], "plot": [2, 4, 9, 10, 11, 12, 13, 14, 18, 20, 21, 27, 34], "aaclust": [2, 8, 16, 19, 20, 23, 24, 25, 26, 27], "analysi": [2, 6, 8, 17, 19, 20, 21, 24, 25, 27], "dimension": [2, 6, 26], "visual": [2, 11, 14, 15, 21], "princip": [2, 6, 8, 19, 27], "compon": [2, 5, 6, 8, 19, 27], "transformermixin": 2, "n_compon": [2, 6], "dict_xlim": 2, "figsiz": [2, 4], "7": [2, 4, 5, 6, 15, 18, 27], "6": [2, 5, 18, 27], "newtyp": 2, "arraylike2d": 2, "union": [2, 13], "sequenc": [2, 3, 4, 5, 6, 7, 16, 18, 20, 21, 24, 25, 26, 27, 28, 30, 31, 32], "ndarrai": 2, "tupl": [2, 4, 12], "highlight": [2, 4], "heatmap": [2, 4], "df_scale": [3, 5, 8, 16, 17, 19, 30], "df_cat": [3, 4, 5, 8, 19, 30], "df_part": [3, 5, 16, 17, 30], "split_kw": [3, 5, 16, 17, 30], "accept_gap": [3, 4, 5], "tool": [3, 21, 26], "creat": [3, 4, 5, 6, 14, 15, 16, 17, 21, 30], "filter": [3, 4, 7, 16, 17, 18], "most": [3, 4, 6, 13, 16, 17, 20, 24, 25], "discrimin": [3, 4, 16, 17], "two": [3, 4, 8, 9, 16, 17, 19, 20, 21, 24, 25, 26, 27, 29, 30], "default": [3, 4, 5, 6, 7, 9, 10, 13, 14, 15, 16, 17, 18, 19], "load_categori": [3, 5], "categori": [3, 4, 5, 8, 10, 11, 13, 18, 19], "physicochem": [3, 5, 20, 24, 25, 26, 27, 28, 30], "part": [3, 4, 5, 16, 17, 21, 30], "sequencefeatur": [3, 16, 17], "get_split_kw": [3, 5, 16, 17], "nest": [3, 5], "dictionari": [3, 4, 5, 10, 13], "split_typ": [3, 5, 16, 17], "whether": [3, 4, 5, 12, 13], "accept": [3, 4, 5], "miss": [3, 4, 5], "omit": [3, 4, 5], "print": [3, 4, 5, 16, 17], "progress": [3, 4, 26], "about": [3, 4], "run": [3, 5, 16, 17], "parametr": 3, "n_filter": 3, "100": [3, 7, 16, 17, 18], "tmd_len": [3, 4, 5], "20": [3, 4, 5, 8, 18, 21, 27], "jmd_n_len": [3, 4, 5], "10": [3, 4, 5, 11, 13, 18, 21, 27], "jmd_c_len": [3, 4, 5], "ext_len": [3, 4, 5], "4": [3, 4, 5, 18, 19, 27], "start": [3, 4, 5, 7, 21, 27, 28, 30], "check_cat": 3, "n_pre_filt": 3, "pct_pre_filt": 3, "5": [3, 4, 5, 6, 15, 16, 17, 18, 19, 21, 27], "max_std_test": 3, "2": [3, 4, 5, 6, 9, 11, 13, 15, 16, 18, 19, 21, 27, 32], "max_overlap": 3, "max_cor": 3, "n_process": 3, "pipelin": [3, 21], "creation": 3, "aim": [3, 4, 16, 17, 21], "identifi": [3, 4, 6, 7, 16, 17, 18, 20, 24, 25, 26, 28, 32], "collect": [3, 8], "non": [3, 5, 7, 16, 17, 27], "test": [3, 17, 19], "group": [3, 4, 5, 13, 15, 27], "t": [3, 7, 16, 17, 27], "u": [3, 15, 20, 21], "p": [3, 26], "length": [3, 4, 5, 7, 13, 18, 27], "tmd": [3, 4, 5, 7, 16, 17, 18], "todo": [3, 21], "add": [3, 4, 5, 21], "link": [3, 20, 21, 23, 26], "explan": [3, 4, 21], "first": [3, 4, 5, 8, 15, 16, 21], "n": [3, 4, 5, 7, 8, 16, 17, 18, 19, 21, 26, 27], "terminu": [3, 4, 5, 27], "jmd": [3, 4, 5, 16, 17], "c": [3, 4, 5, 9, 11, 12, 13, 14, 15, 17, 18, 19, 20, 26, 27], "extend": [3, 4, 5, 21, 27, 32], "termin": [3, 4, 5, 17, 18, 27], "longer": 3, "than": [3, 27], "check": [3, 21], "remain": [3, 19, 21], "maximum": [3, 5, 6, 7, 16, 17], "standard": [3, 32], "deviat": 3, "overlap": 3, "cpu": 3, "multiprocess": [3, 17], "automat": [3, 4, 6, 13, 21], "df_feat": [3, 4, 5, 16, 17, 30], "statist": [3, 4], "n_feature_inform": [3, 4], "follow": [3, 5, 6, 8, 20, 21, 23, 24, 25, 28], "eleven": 3, "includ": [3, 5, 7, 8, 13, 21], "id": [3, 5, 7, 8, 19], "rank": [3, 19], "11": [3, 4, 18, 27], "split": [3, 5, 16, 17, 30], "subcategori": [3, 4, 8, 19], "sub": 3, "scale_nam": [3, 4, 8, 19], "abs_auc": [3, 4], "absolut": [3, 21], "adjust": [3, 4, 13, 14, 15], "auc": 3, "abs_mean_dif": 3, "differ": [3, 4, 5, 11, 18, 19, 30], "std_test": [3, 4], "std_ref": 3, "p_val": 3, "mann_whitnei": 3, "ttest_indep": 3, "p_val_fdr_bh": 3, "benjamini": 3, "hochberg": 3, "fdr": 3, "correct": 3, "gener": [3, 4, 5, 7, 11, 12, 14, 21, 24, 26, 27, 32], "condit": [4, 5], "jmd_m_len": [4, 5], "profil": [4, 16, 20, 24, 25, 31], "y": [4, 9, 10, 11, 12, 13, 14, 15, 16, 17], "val_col": 4, "mean_dif": 4, "val_typ": 4, "count": [4, 18], "normal": [4, 8, 13, 19, 21, 27], "titl": [4, 9, 13, 14, 15, 16, 17], "title_kw": 4, "dict_color": [4, 10, 13, 15], "edge_color": 4, "bar_width": 4, "75": 4, "add_jmd_tmd": 4, "jmd_n_seq": 4, "tmd_seq": 4, "jmd_c_seq": 4, "tmd_color": 4, "mediumspringgreen": 4, "jmd_color": 4, "blue": [4, 16, 17], "tmd_seq_color": 4, "black": [4, 12, 13, 15, 21], "jmd_seq_color": 4, "white": [4, 12, 13], "seq_siz": 4, "tmd_jmd_fontsiz": 4, "xtick_siz": 4, "xtick_width": 4, "xtick_length": 4, "xticks_po": 4, "ytick_siz": 4, "ytick_width": 4, "ytick_length": 4, "ylim": [4, 16, 17], "highlight_tmd_area": 4, "highlight_alpha": 4, "15": [4, 5, 18, 27], "grid": [4, 14, 15], "grid_axi": [4, 14, 15], "add_legend_cat": 4, "legend_kw": 4, "shap_plot": 4, "kwarg": [4, 5, 13], "avail": [4, 8, 13, 17, 19, 20, 23, 26], "specifi": [4, 5, 6, 10, 12, 17, 21], "check_value_typ": 4, "size": [4, 5, 9, 13, 14, 15, 16, 17, 27], "custom": [4, 8, 15, 21], "appear": [4, 27], "map": [4, 5, 12, 13], "color": [4, 9, 10, 11, 12, 13, 14, 15], "edg": [4, 13, 21, 27], "bar": 4, "width": [4, 13], "line": [4, 13, 14, 15, 21], "annot": 4, "font": [4, 9, 13, 14], "tick": [4, 14, 15], "axi": [4, 14, 19], "limit": [4, 21], "area": [4, 19, 27], "alpha": 4, "ad": 4, "drawn": 4, "legend": [4, 13, 14, 15], "shap": [4, 9, 12, 17, 21], "shaplei": 4, "addit": [4, 5, 6, 8, 14, 19, 21, 27], "intern": [4, 21, 27], "librari": [4, 14, 21], "ax": [4, 9, 10, 13, 14], "matplotlib": [4, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 21], "8": [4, 5, 6, 13, 17, 18, 21, 27], "vmin": 4, "vmax": 4, "grid_on": 4, "cmap": 4, "rdbu_r": 4, "cmap_n_color": 4, "cbar_kw": 4, "facecolor_dark": [4, 12], "add_importance_map": 4, "cbar_pct": 4, "featuremap": 4, "versu": 4, "seaborn": [4, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 21], "level": [4, 7, 8, 18, 19, 20, 21, 25, 27, 28, 29], "e": [4, 5, 15, 17, 19, 20, 21, 24, 25, 27, 32], "g": [4, 5, 20, 21, 24, 25, 27, 32], "protein": [4, 5, 7, 16, 19, 20, 21, 24, 25, 26, 30, 31, 32], "shown": 4, "feat_impact": 4, "displai": [4, 14], "sum": [4, 19, 27], "std": 4, "aggreg": 4, "positions_onli": 4, "further": [4, 19, 21, 27], "across": [4, 14, 19, 21], "recommend": [4, 6, 8, 21], "when": [4, 6, 13, 21, 27], "emphas": [4, 21], "fewer": 4, "value_typ": 4, "height": 4, "figur": 4, "inch": 4, "pyplot": [4, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18], "anchor": [4, 13, 27], "colormap": 4, "infer": [4, 21], "seismic": 4, "space": [4, 6, 13, 21], "impact": 4, "discret": 4, "diverg": 4, "sequenti": 4, "classifi": 4, "kei": [4, 10, 13, 21, 27], "colorbar": 4, "under": [4, 8, 21], "depicet": 4, "depict": 4, "jmd_n": [4, 5, 7, 18], "jmd_c": [4, 5, 7, 18], "set_xticklabel": 4, "widht": 4, "tick_param": 4, "classif": [4, 7, 8, 17, 18, 19, 20, 25, 27, 28, 32], "pcolormesh": 4, "effect": [4, 21, 27, 32], "document": [4, 27], "more": [4, 13, 14, 16, 21], "detail": [4, 7, 8, 19, 20, 21, 23], "cpp": [4, 5, 9, 12, 16, 20, 23, 24, 25, 28, 30], "code": [4, 9, 10, 11, 12, 13, 14, 15], "update_seq_s": 4, "retriev": [5, 17], "continu": [5, 12, 17, 21], "domain": [5, 7, 17, 18, 27], "transmembran": [5, 27], "membran": [5, 27], "principl": [5, 20], "distinct": [5, 20, 21, 24, 25, 27], "segment": [5, 16, 17, 30], "pattern": [5, 13, 17], "properti": [5, 13, 21, 27], "express": 5, "realiz": 5, "For": [5, 7, 16, 18, 21, 32], "over": [5, 16, 17], "valid": [5, 21], "tmd_e": 5, "tmd_n": 5, "tmd_c": 5, "ext_c": 5, "ext_n": 5, "tmd_jmd": [5, 16, 17], "jmd_n_tmd_n": 5, "tmd_c_jmd_c": 5, "ext_n_tmd_n": 5, "tmd_c_ext_c": 5, "get_df_part": [5, 16, 17], "df_seq": [5, 6, 7, 16, 17, 18, 30], "list_part": [5, 16, 17], "all_part": 5, "datafran": 5, "compris": [5, 13, 19], "tmd_start": [5, 7, 18], "tmd_stop": [5, 7, 18], "string": 5, "len": [5, 10, 18], "lenght": 5, "resp": [5, 27], "extra": [5, 15, 27], "possibl": [5, 18, 27, 32], "get": [5, 9, 13, 15, 28], "sf": [5, 16, 17], "dom_gsec": [5, 16, 17, 18, 27], "n_split_min": 5, "n_split_max": [5, 16, 17], "steps_pattern": 5, "n_min": 5, "n_max": 5, "len_max": 5, "steps_periodicpattern": 5, "periodicpattern": 5, "greater": 5, "greatest": 5, "whole": [5, 7, 19], "specfii": 5, "smallest": [5, 27], "integ": 5, "vari": [5, 18], "paramt": 5, "argumetn": 5, "get_featur": 5, "load_scal": [5, 16, 17, 19, 20, 25, 27], "combin": [5, 16, 17, 21, 27], "feat_matrix": [5, 16, 17], "n_job": [5, 16, 17], "return_label": 5, "seri": 5, "job": 5, "parallel": [5, 27], "spars": 5, "feat_nam": 5, "convert": 5, "depend": [5, 27], "last": 5, "step1": 5, "step2": 5, "add_feat_valu": 5, "dict_scal": 5, "letter": 5, "feature_valu": 5, "n_part": 5, "ha": [5, 21, 27], "where": [5, 6, 14, 27], "structur": [5, 26, 27], "th": [5, 8, 19], "n_split": 5, "p1": 5, "p2": 5, "pn": 5, "end": [5, 21, 27], "odd": [5, 18], "even": 5, "give": 5, "add_dif": 5, "sample_nam": 5, "ref_group": 5, "add_posit": 5, "part_split": 5, "feat_posit": 5, "total": [5, 6, 19, 21, 27], "pca_kwarg": 6, "determinist": [6, 20, 24, 25], "unlabel": [6, 20, 24, 25, 27, 32], "offer": [6, 18, 21], "approach": [6, 16, 17, 18, 21, 32], "pu": [6, 20, 24, 25, 27], "emploi": 6, "pc": [6, 8, 27], "iter": 6, "reliabl": [6, 18, 21], "These": [6, 8, 15, 17, 19, 21, 32], "those": [6, 27], "distant": 6, "altern": [6, 32], "also": [6, 18, 21, 27], "80": 6, "cover": 6, "varianc": 6, "identif": [6, 26], "datapoint": 6, "inspir": [6, 21], "techniqu": [6, 32], "an": [6, 7, 8, 13, 15, 16, 17, 18, 19, 20, 21, 23, 26, 27], "theoret": [6, 27], "high": [6, 26, 27], "n_neg": 6, "label_po": 6, "name_neg": 6, "rel_neg": 6, "col_class": 6, "newli": 6, "updat": [6, 21], "new": [6, 21], "store": 6, "Will": 6, "initi": [6, 27], "small": [6, 16, 17, 18, 20, 21, 24, 25, 28, 33], "datafor": 6, "conta": 6, "po": 6, "unl": 6, "numpi": [6, 16, 17, 21], "np": [6, 16, 17], "atgc": 6, "gcta": 6, "actg": 6, "tacg": 6, "mode": 6, "dpul": 6, "info": 7, "random": [7, 18, 27], "non_canonical_aa": 7, "remov": [7, 14, 15], "min_len": [7, 18], "max_len": [7, 18], "aa_window_s": [7, 18], "9": [7, 11, 15, 18, 21, 27], "load": [7, 8, 16, 20, 21, 25, 34], "benchmark": [7, 17, 19, 20, 25], "dataset": [7, 8, 16, 17, 19, 20, 21, 24, 25, 32, 33], "categor": [7, 15, 18], "dom": [7, 18, 27], "seq": [7, 18, 27], "By": 7, "overview": [7, 8, 18, 21], "tabl": [7, 8, 18, 21], "depth": [7, 8, 19, 20, 25], "per": [7, 18, 27], "randomli": [7, 18], "liter": 7, "keep": 7, "gap": 7, "handl": [7, 13, 20], "canon": [7, 19], "don": 7, "symbol": 7, "disabl": [7, 19], "window": [7, 27], "aa_": 7, "df_info": [7, 18], "entri": [7, 18, 19], "uniprot": 7, "binari": [7, 17, 18, 32], "stop": 7, "seq_amylo": [7, 18, 19, 27], "guid": [7, 8], "tutori": [7, 8, 17, 20, 21, 24], "just_aaindex": [8, 19], "unclassified_out": [8, 19], "top60_n": [8, 19], "aaontologi": [8, 17, 20, 23, 25, 26, 28], "scales_raw": [8, 19, 27], "encompass": [8, 27], "aaindex": [8, 17, 19, 26], "kawashima08": [8, 26, 27], "along": [8, 17], "min": [8, 19, 27], "max": [8, 19, 27], "organ": [8, 21], "scales_cat": [8, 19, 27], "breimann23b": [8, 20, 23, 26, 27], "compress": [8, 19, 27], "scales_pc": [8, 19, 27], "top": [8, 15, 27], "60": [8, 19, 27], "top60": [8, 19, 27], "individu": [8, 21], "accompani": 8, "top60_ev": [8, 19, 27], "normliz": 8, "raw": [8, 19, 27], "best": [8, 19], "Or": [8, 18], "relev": 8, "exclus": 8, "suffix": [8, 18, 21], "scale_id": [8, 19], "deriv": 8, "descript": [8, 19, 21, 27], "scale_descript": [8, 19], "current": [9, 13], "linewdith": 9, "plot_set": [9, 10, 11, 12, 13, 15, 16, 17, 18], "here": [9, 18, 21, 27], "plt": [9, 10, 11, 12, 13, 14, 15, 16, 17, 18], "sn": [9, 10, 11, 12, 13, 14, 15, 16, 17, 18], "b": [9, 11, 12, 13, 14, 15, 27], "23": [9, 11, 12, 13, 14, 15, 27], "27": [9, 13, 14, 15], "43": [9, 13, 14, 15], "plot_get_clist": [9, 13, 14, 15], "barplot": [9, 10, 11, 12, 13, 14, 15, 16, 17], "palett": [9, 10, 11, 12, 13, 14, 15, 16, 17], "despin": [9, 10, 13, 14, 15, 16, 17, 18], "bigger": 9, "tight_layout": [9, 10, 13, 14, 15], "show": [9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19], "png": [9, 10, 11, 12, 13, 14], "hire": [9, 10, 11, 12, 13, 14], "pdf": [9, 10, 11, 12, 13, 14], "prelud": [9, 10, 11, 12, 13, 14, 34], "dict_cat": 10, "weight_bold": [10, 14], "xaxi": 10, "set_vis": 10, "n_color": [11, 12, 15], "fuction": 11, "eight": 11, "colorl": 11, "appeal": [11, 15], "33": [11, 12], "notebook": 11, "color_palett": [11, 12], "101": 12, "shp": 12, "least": [12, 13, 21], "central": [12, 31], "rgb": 12, "14": [12, 15, 27], "light_palett": 12, "lighter": 12, "packag": [12, 16, 21], "list_cat": 13, "loc": [13, 19], "upper": 13, "left": [13, 27], "loc_out": 13, "ncol": [13, 15], "labelspac": 13, "columnspac": 13, "handletextpad": 13, "handlelength": 13, "fontsiz": [13, 15], "fontsize_titl": 13, "weight": [13, 26, 27], "fontsize_weight": 13, "marker": 13, "marker_s": 13, "lw": 13, "linestyl": 13, "edgecolor": 13, "hatch": [13, 15], "hatchcolor": 13, "title_align_left": 13, "independntli": 13, "customiz": 13, "flexbili": 13, "convini": 13, "func": 13, "attach": 13, "item": 13, "locat": [13, 27], "25": 13, "thei": [13, 17, 18, 21], "coordin": 13, "": [13, 18, 21, 26, 27], "vertic": 13, "horizont": 13, "bewtween": 13, "text": [13, 14], "visiabl": 13, "corner": 13, "round": [13, 16, 17], "style": [13, 14], "Not": 13, "fill": [13, 21], "furhter": 13, "word": 13, "line2d": 13, "core": [13, 16, 17], "gca": 13, "font_scal": [14, 18], "arial": 14, "adjust_only_font": 14, "adjust_further_el": 14, "no_tick": 14, "short_tick": 14, "no_ticks_x": [14, 15], "short_ticks_x": 14, "no_ticks_i": 14, "short_ticks_i": [14, 15], "show_opt": 14, "configur": 14, "global": 14, "embed": 14, "vector": [14, 27], "format": [14, 27], "svg": 14, "ensur": [14, 18, 21], "compat": 14, "edit": 14, "variou": [14, 17, 21, 27, 30], "viewer": 14, "softwar": [14, 21], "factor": [14, 27], "element": [14, 15], "set_context": 14, "common": [14, 21], "verdana": 14, "helvetica": 14, "dejavu": 14, "san": 14, "bold": 14, "leav": [14, 21], "unchang": 14, "make": [14, 15, 17, 18, 21], "layout": 14, "errorbar": 14, "choos": 14, "mark": 14, "short": 14, "ignor": [14, 18, 21], "runtim": 14, "polt": 14, "rcparam": 14, "manag": 14, "some": [15, 16, 27], "readi": [15, 18], "view": [15, 21, 32], "let": 15, "right": [15, 27], "spine": 15, "look": 15, "just": 15, "easili": [15, 17, 18, 21], "comparison": [15, 16, 17], "d": [15, 19], "increas": [15, 27], "match": [15, 26], "independ": 15, "plot_gcf": [15, 16, 17], "plot_legend": 15, "framework": [16, 17, 20, 24, 25], "predict": [16, 20, 21, 24, 25, 26, 27, 31, 32], "around": [16, 17], "interpret": [16, 17, 20, 21, 23, 24, 25, 26, 27, 31], "engin": [16, 20, 21, 24, 25, 31], "third": 16, "parti": 16, "aanalsi": 16, "we": [16, 17, 18, 21], "exampl": [16, 17, 18, 21, 24, 32], "\u03b3": [16, 17, 26], "secretas": [16, 17, 26, 27], "50": [16, 17, 18], "substrat": [16, 17, 26, 27], "aac": [16, 17], "now": [16, 17], "physic": [16, 27], "Its": 16, "idea": 16, "concept": 16, "As": [16, 17], "baselin": [16, 17], "entir": [16, 17, 21], "machin": [16, 17, 20, 21, 23, 26, 32], "ensembl": [16, 17], "randomforestclassifi": [16, 17], "model_select": [16, 17], "cross_val_scor": [16, 17], "rf": [16, 17], "cv_base": [16, 17], "accuraci": [16, 17, 19, 26], "f": [16, 17, 19], "63": [16, 18, 27], "take": [16, 17], "littl": [16, 17], "time": [16, 17], "improv": [16, 17, 21, 26], "000": [16, 17, 19], "cv": [16, 17], "tab": [16, 17], "red": [16, 17], "ylabel": [16, 17], "88": 16, "dive": 17, "power": 17, "capabl": [17, 27], "dedic": 17, "free": [17, 27], "In": [17, 18, 21, 32], "gamma": [17, 27], "ll": 17, "focu": [17, 21], "extract": 17, "how": 17, "har": 17, "task": [17, 21, 32], "essenti": [17, 18, 21], "randomforest": 17, "With": 17, "have": [17, 18, 19, 21, 27, 32], "hand": [17, 27], "effortlessli": 17, "furthermor": 17, "predominantli": 17, "hierarch": 17, "known": 17, "your": [17, 20, 21, 23], "fingertip": 17, "centerpiec": 17, "support": [17, 21, 27], "sinc": 17, "problem": 17, "lightweight": 17, "agglom": 17, "close": [17, 21], "integr": [17, 21, 26], "target": [17, 21], "middl": [17, 27], "adjac": [17, 27], "region": [17, 26, 27], "discontinu": 17, "togeth": [17, 30], "input": [17, 21, 30], "characterist": [17, 27], "58": [17, 27], "1000": 17, "yield": 17, "minut": 17, "i7": 17, "10510u": 17, "thread": 17, "93": 17, "iloc": [18, 19], "13": [18, 27], "predictor": [18, 27], "aa_caspase3": [18, 27], "233": [18, 27], "185605": [18, 27], "705": [18, 27], "184900": [18, 27], "prosper": [18, 26, 27], "aa_furin": [18, 27], "71": [18, 27], "59003": [18, 27], "163": [18, 27], "58840": [18, 27], "aa_ldr": [18, 27], "342": [18, 27], "118248": [18, 27], "35469": [18, 27], "82779": [18, 27], "idp": [18, 26, 27], "seq2seq": [18, 26, 27], "aa_mmp2": [18, 27], "573": [18, 27], "312976": [18, 27], "2416": [18, 27], "310560": [18, 27], "aa_rnabind": [18, 27], "221": [18, 27], "55001": [18, 27], "6492": [18, 27], "48509": [18, 27], "gmksvm": [18, 27], "ru": [18, 27], "aa_sa": [18, 27], "101082": [18, 27], "84523": [18, 27], "1414": [18, 27], "8484": [18, 27], "511": [18, 27], "903": [18, 27], "rerf": [18, 26, 27], "pred": [18, 26, 27], "seq_capsid": [18, 19, 27], "7935": [18, 27], "3364680": [18, 27], "3864": [18, 27], "4071": [18, 27], "viralpro": [18, 26, 27], "seq_disulfid": [18, 19, 27], "2547": [18, 27], "614470": [18, 27], "897": [18, 27], "1650": [18, 27], "dipro": [18, 27], "seq_loc": [18, 19, 27], "1835": [18, 27], "732398": [18, 27], "1045": [18, 27], "790": [18, 27], "nan": [18, 27], "seq_solubl": [18, 27], "17408": [18, 27], "4432269": [18, 27], "8704": [18, 27], "solpro": [18, 26, 27], "seq_tail": [18, 27], "6668": [18, 27], "2671690": [18, 27], "2574": [18, 27], "4094": [18, 27], "12": [18, 27], "126": [18, 27], "92964": [18, 27], "prefix": 18, "exemplifi": 18, "df_seq1": 18, "df_seq2": 18, "df_seq3": 18, "head": [18, 19], "capsid_1": 18, "mvthnvkinkhvtrrsyssakevleippltevqtasykwfmdkgik": 18, "capsid_2": 18, "mkkrqkkmtlsnftdtsfqdfvsaeqvddksamalinraedfkagq": 18, "balanc": 18, "200": 18, "value_count": 18, "dtype": 18, "int64": 18, "distribut": 18, "warn": 18, "simplefilt": 18, "action": 18, "futurewarn": 18, "list_seq_len": 18, "histplot": 18, "binwidth": 18, "xlim": 18, "1500": 18, "800": 18, "residu": [18, 19, 26, 27], "seen": 18, "caspase3_1": 18, "mslfdlfrgffgfpgprshrdpffggmtrdedddeeeeeeggswgr": 18, "caspase3_2": 18, "mevtgdagvpesgeirtlkpcllrrnysreqhgvaascledlrska": 18, "caspase3_3": 18, "mrarsgargalllalllcwdptpslagidsggqalpdsfpsapaeq": 18, "caspase3_4": 18, "mdakarncllqhrealekdiktsyimdhmisdgfltiseeekvrn": 18, "conveni": 18, "flank": 18, "side": [18, 27], "popular": [18, 32], "caspase3_1_pos126": 18, "qtlrdsmlk": 18, "caspase3_1_pos127": 18, "tlrdsmlky": 18, "caspase3_1_pos4": 18, "mslfdlfrg": 18, "caspase3_1_pos5": 18, "slfdlfrgf": 18, "21": [18, 27], "caspase3_94_pos31": 18, "vshwqqqsyldsgihsgattt": 18, "caspase3_129_pos530": 18, "wfnkvledktddastpatdt": 18, "caspase3_76_pos554": 18, "qllrgvkhlhdnwilhrdlkt": 18, "caspase3_19_pos163": 18, "ghrgnsldrrsqggphlsgav": 18, "But": 18, "mani": 18, "face": 18, "challeng": [18, 21], "might": [18, 27], "unbalanc": [18, 20, 21, 24, 25, 28, 33], "lack": 18, "clear": [18, 21], "scenario": 18, "denot": [18, 27], "_pu": [18, 27], "dom_gsec_pu": [18, 27], "q14802": 18, "mqkvtlgllvflagfpvldandledknspfyydwhslqvgglicag": 18, "37": 18, "59": 18, "nspfyydwh": 18, "lqvgglicagvlcamgiiivmsa": 18, "kckckfgqk": 18, "q86ue4": 18, "maarswqdelaqqaeegsarlremlsvglgflrtelgldlglepkr": 18, "72": 18, "lglepkrypg": 18, "wvilvgtgalgllllfllgygwa": 18, "aacagarkkr": 18, "p05067": 18, "mlpglallllaawtaralevptdgnagllaepqiamfcgrlnmhmn": 18, "701": 18, "723": 18, "faedvgsnkg": 18, "aiiglmvggvviatvivitlvml": 18, "kkkqytsihh": 18, "p14925": 18, "magrarsgllllllgllalqssclafrsplsvfkrfkettrsfsn": 18, "868": 18, "890": 18, "klstepgsgv": 18, "svvlittllvipvlvllaivmfi": 18, "rwkksrafgd": 18, "df_seq_pu": 18, "p12821": 18, "mgaasgrrgpglllplplllllppqpalaldpglqpgnfsadeaga": 18, "1257": 18, "1276": 18, "gldldaqqar": 18, "vgqwlllflgiallvatlgl": 18, "sqrlfsirhr": 18, "p36896": 18, "maesagassffplvvlllagsggsgprgvqallcactsclqanytc": 18, "127": 18, "149": 18, "ehpsmwgpv": 18, "lvgiiagpvfllfliiiivflvi": 18, "nyhqrvyhnr": 18, "six": 19, "origin": 19, "df_raw": 19, "df_pc": 19, "andn920101": 19, "argp820101": 19, "argp820102": 19, "argp820103": 19, "494": 19, "230": 19, "355": 19, "504": 19, "864": 19, "404": 19, "579": 19, "387": 19, "174": 19, "420": 19, "177": 19, "019": 19, "032": 19, "877": 19, "762": 19, "601": 19, "670": 19, "term": [19, 27], "lins030110": 19, "asa": [19, 27], "volum": [19, 27], "surfac": [19, 27], "fold": [19, 27], "coil": [19, 27], "turn": [19, 27], "median": 19, "resi": 19, "lins030113": 19, "janj780101": 19, "janin": [19, 27], "et": [19, 26, 27], "al": [19, 26, 27], "janj780103": 19, "expos": [19, 21, 27], "lins030104": 19, "stem": 19, "top60_id": 19, "acc": 19, "presenc": [19, 27], "absenc": [19, 27], "df_top60": 19, "aac01": 19, "aac02": 19, "aac03": 19, "aac04": 19, "aac05": 19, "df_eval": 19, "overal": 19, "761": 19, "827": 19, "732": 19, "746": 19, "747": 19, "830": 19, "733": 19, "742": 19, "741": 19, "829": 19, "734": 19, "828": 19, "731": 19, "739": 19, "735": 19, "752": 19, "df_cat_1": 19, "df_raw_1": 19, "df_scales_1": 19, "selected_scal": 19, "tolist": 19, "df_aac1": 19, "exclud": 19, "subordin": 19, "dpulearn": [20, 23, 24, 25], "train": [20, 21, 24, 25, 32], "moreov": [20, 25], "load_data": [20, 25], "pypi": 20, "conda": [20, 21], "forg": 20, "pip": [20, 21], "introduct": 20, "usag": [20, 21, 24], "contribut": [20, 27], "api": [20, 21], "explain": [20, 21, 26, 28], "ai": [20, 21, 26, 28], "perturb": [20, 32], "modul": 20, "search": 20, "page": 20, "work": [20, 23], "pleas": [20, 21, 23], "cite": [20, 23], "_": [20, 23], "breimann": [20, 23, 26], "kamp": [20, 23], "steiner": [20, 23], "frishman": [20, 23], "2023": [20, 23], "ontologi": [20, 23, 26], "biorxiv": [20, 23, 26], "welcom": 21, "thank": 21, "open": 21, "project": [21, 27], "focus": 21, "involv": 21, "invalu": 21, "made": 21, "wai": 21, "file": 21, "github": 21, "issu": 21, "tracker": 21, "submit": 21, "particip": [21, 27], "newcom": 21, "tackl": 21, "email": 21, "stephanbreimann": 21, "gmail": 21, "com": 21, "question": 21, "comprehens": 21, "robust": 21, "life": [21, 32, 33], "scienc": [21, 32, 33], "seamlessli": 21, "flexibl": [21, 27], "interoper": 21, "biopython": 21, "reimplement": 21, "exist": [21, 32], "solut": 21, "biolog": [21, 24, 27, 32], "context": 21, "relianc": 21, "opaqu": 21, "box": 21, "empir": 21, "insight": 21, "cut": 21, "fair": 21, "transpar": 21, "re": [21, 26], "commit": 21, "divers": 21, "aspect": 21, "causal": 21, "minim": 21, "reproduc": 21, "mre": 21, "amount": 21, "demonstr": 21, "self": 21, "necessari": 21, "confirm": 21, "replic": 21, "guidelin": 21, "To": [21, 28], "git": 21, "http": 21, "breimanntool": 21, "master": 21, "repositori": 21, "your_usernam": 21, "navig": 21, "folder": 21, "up": 21, "cd": 21, "isol": 21, "activ": [21, 27], "poetri": 21, "pytest": 21, "hypothesi": 21, "execut": 21, "case": 21, "directori": 21, "out": [21, 27], "readm": 21, "command": 21, "cheat": 21, "sheet": [21, 27], "substanti": 21, "minor": 21, "typo": 21, "concis": 21, "branch": [21, 27], "fix": 21, "date": 21, "readthedoc": 21, "org": 21, "crucial": 21, "modif": 21, "render": 21, "correctli": 21, "strive": 21, "well": 21, "codebas": 21, "standalon": 21, "special": 21, "carri": 21, "complet": 21, "process": 21, "fulfil": 21, "purpos": 21, "inherit": 21, "supplementari": 21, "accordingli": 21, "cppplot": 21, "semi": 21, "strictli": 21, "adher": 21, "aforement": 21, "primari": [21, 30], "_util": 21, "_utils_const": 21, "py": 21, "modular": 21, "therefor": 21, "flat": 21, "hierarchi": 21, "outlin": 21, "user": 21, "friendli": 21, "hint": 21, "enhanc": [21, 27], "propos": 21, "pep": 21, "484": 21, "book": 21, "error": 21, "messag": 21, "docstr": 21, "257": 21, "markup": 21, "languag": 21, "restructuredtext": 21, "rst": 21, "primer": 21, "restructuretext": 21, "cheatsheet": 21, "sphinx": 21, "autodoc": 21, "inclus": 21, "napoleon": 21, "extens": 21, "conf": 21, "four": 21, "bird": 21, "ey": 21, "background": 21, "medium": [21, 27], "tabular": 21, "critic": 21, "except": 21, "rule": 21, "showcas": 21, "scientif": 21, "mai": 21, "mention": 21, "section": 21, "extern": 21, "note": 21, "go": 21, "html": 21, "_build": 21, "browser": 21, "below": 21, "blank": 21, "OF": 21, "ONE": 21, "complex": 21, "At": 21, "intric": 21, "do": 21, "placehold": 21, "incomplet": 21, "potenti": [21, 27], "expect": 21, "30": 21, "150": 21, "remind": 21, "token": 21, "truncat": 21, "respons": 21, "simpli": 21, "ask": 21, "someth": 21, "repeat": 21, "compil": 21, "done": 21, "script": 21, "leverag": 21, "struggl": 21, "produc": 21, "erron": 21, "often": [21, 32], "ambigu": 21, "logic": 21, "address": 21, "intuit": 21, "through": 21, "signatur": [21, 28], "behavior": 21, "deeper": 21, "intricaci": 21, "citat": 23, "develop": 24, "practic": 24, "2023a": 26, "2023b": 26, "breimann23c": [26, 27], "2023c": 26, "chart": 26, "cheng06": [26, 27], "cheng": 26, "2006": 26, "larg": 26, "disulphid": 26, "bridg": [26, 27], "kernel": 26, "neural": 26, "network": 26, "graph": [26, 27], "struct": 26, "funct": 26, "kawashima": 26, "2008": 26, "aid": 26, "databas": 26, "report": 26, "nucleic": 26, "magnan09": [26, 27], "magnan": 26, "randal": 26, "baldi": 26, "2009": [26, 27], "accur": 26, "solubl": [26, 27], "bioinformat": 26, "galiez16": [26, 27], "galiez": 26, "2016": [26, 27], "viral": 26, "capsid": [26, 27], "tail": [26, 27], "song18": [26, 27], "song": 26, "2018": 26, "throughput": 26, "cleavag": [26, 27], "site": [26, 27], "90": 26, "proteas": 26, "shen19": [26, 27], "shen": 26, "2019": 26, "subcellular": [26, 27], "local": [26, 27], "evolutionari": 26, "chou": [26, 27], "pseaac": 26, "j": 26, "theor": 26, "biol": 26, "tang20": [26, 27], "tang": 26, "2020": 26, "intrins": [26, 27], "disord": [26, 27], "teng21": [26, 27], "teng": 26, "2021": 26, "amyloidogen": [26, 27], "pseudo": 26, "composit": [26, 27], "tripeptid": 26, "bmc": 26, "yang21": [26, 27], "yang": 26, "granular": 26, "multipl": 26, "rna": [26, 27], "bind": [26, 27], "appl": 26, "chronolog": 27, "histori": 27, "t1_overview_benchmark": 27, "t2_overview_scal": 27, "t3a_aaontology_categori": 27, "t3b_aaontology_subcategori": 27, "begin": 27, "append": 27, "caspas": 27, "furin": 27, "long": 27, "ldr": 27, "metallopeptidas": 27, "mmp2": 27, "rbp60": 27, "solvent": 27, "sa": 27, "buri": 27, "amyloidognen": 27, "capdsid": 27, "disulfid": 27, "ss": 27, "bond": 27, "cytoplasm": 27, "v": 27, "plasma": 27, "insolubl": 27, "694": 27, "494524": 27, "unknown": 27, "statu": 27, "586": 27, "tier": 27, "system": 27, "systemat": 27, "arrang": 27, "67": 27, "everi": 27, "clearli": 27, "assess": 27, "couldn": 27, "alloc": 27, "regard": 27, "prefer": 27, "chothia": 27, "1976": 27, "lin": 27, "2003": 27, "64": 27, "occurr": 27, "cellular": 27, "mitochondria": 27, "nakashima": 27, "1990": 27, "nishikawa": 27, "1992": 27, "conform": 27, "\u03b1": 27, "helix": 27, "\u03b2": 27, "strand": 27, "ranodm": 27, "tanaka": 27, "scheraga": 27, "1977": 27, "fasman": 27, "1978b": 27, "richardson": 27, "1988": 27, "qian": 27, "sejnowski": 27, "aurora": 27, "rose": 27, "1998": 27, "224": 27, "19": 27, "24": 27, "energi": 27, "charg": 27, "entropi": 27, "charton": 27, "1983": 27, "gui": 27, "1985": 27, "radzicka": 27, "wolfenden": 27, "36": 27, "could": 27, "mutabl": 27, "sneath": 27, "1966": 27, "17": 27, "polar": 27, "hydrophob": 27, "hydrophil": 27, "amphiphil": 27, "kyte": 27, "doolittl": 27, "1982": 27, "mitaku": 27, "2002": 27, "koehler": 27, "111": 27, "steric": 27, "chain": 27, "angl": 27, "symmetri": 27, "represent": 27, "eccentr": 27, "prabhakaran": 27, "ponnuswami": 27, "karkbara": 27, "knislei": 27, "45": 27, "stabil": 27, "backbon": 27, "dynam": 27, "vihinen": 27, "1994": 27, "bastolla": 27, "2005": 27, "31": 27, "water": 27, "tendenc": 27, "oppos": 27, "1978": 27, "partial": 27, "displac": 27, "caus": 27, "interact": 27, "mainli": 27, "ones": 27, "bull": 27, "brees": 27, "1974": 27, "bigelow": 27, "1967": 27, "jone": 27, "dayhoff": 27, "interior": 27, "unpolar": 27, "fukuchi": 27, "2001": 27, "mp": 27, "cedano": 27, "1997": 27, "mitochondri": 27, "less": 27, "val": 27, "cf": 27, "cap": 27, "propens": 27, "asp": 27, "glu": 27, "ly": 27, "arg": 27, "observ": 27, "character": 27, "punta": 27, "maritan": 27, "robson": 27, "suzuki": 27, "linker": 27, "georg": 27, "heringa": 27, "2004": 27, "helic": 27, "half": 27, "finkelstein": 27, "1991": 27, "outsid": 27, "insid": 27, "befor": 27, "geisow": 27, "robert": 27, "1980": 27, "ramachandran": 27, "state": 27, "quadrant": 27, "bottom": 27, "paul": 27, "1951": 27, "antiparallel": 27, "lifson": 27, "sander": 27, "1979": 27, "bend": 27, "revers": 27, "tight": 27, "consecut": 27, "180": 27, "back": 27, "hydrogen": 27, "3rd": 27, "4th": 27, "1st": 27, "2nd": 27, "r": 27, "tm": 27, "place": 27, "monn\u00e9": 27, "1999": 27, "\u03c0": 27, "ala": 27, "gln": 27, "fodj": 27, "karadaghi": 27, "net": 27, "donor": 27, "transfer": 27, "klein": 27, "1984": 27, "acceptor": 27, "faucher": 27, "hi": 27, "electron": 27, "ion": 27, "pot": 27, "valenc": 27, "chemic": 27, "cosic": 27, "low": 27, "due": 27, "strong": 27, "hutchen": 27, "1970": 27, "unfold": 27, "gibb": 27, "denatur": 27, "yutani": 27, "1987": 27, "instabl": 27, "highest": 27, "break": 27, "pro": 27, "munoz": 27, "serrano": 27, "isoelectr": 27, "ph": 27, "electr": 27, "neutral": 27, "zimmerman": 27, "1968": 27, "16": 27, "crystal": 27, "pairwis": 27, "constitu": 27, "atom": 27, "lennard": 27, "oobatak": 27, "ooi": 27, "rel": 27, "chang": 27, "divid": 27, "aliphat": 27, "linear": 27, "aromat": 27, "carbon": 27, "approxim": 27, "invers": 27, "reactiv": 27, "hydroxythiol": 27, "wold": 27, "occur": 27, "esp": 27, "amphipath": 27, "highli": 27, "signal": 27, "argo": 27, "cornett": 27, "38": 27, "environ": 27, "eisenberg": 27, "mclachlan": 27, "1986": 27, "surround": 27, "angstrom": 27, "radiu": 27, "pack": 27, "globular": 27, "1981": 27, "28": 27, "eigenvalu": 27, "laplacian": 27, "undirect": 27, "node": 27, "mass": 27, "molecular": 27, "second": 27, "actual": 27, "root": 27, "squar": 27, "gyrat": 27, "farther": 27, "awai": 27, "rackovski": 27, "relationship": 27, "rate": 27, "shift": 27, "bundi": 27, "wuthrich": 27, "nh": 27, "temperatur": 27, "rigid": 27, "gly": 27, "ser": 27, "particularli": 27, "ptitsyn": 27, "zhou": 27, "equilibrium": 27, "sueki": 27, "flow": 28, "enri": 28, "introduc": 29, "diagram": 30, "platform": 31, "novel": 31, "everywher": [32, 33], "setup": 32, "augment": 32, "smote": 32, "artifici": 32, "Such": 32, "veri": 32, "deep": 32, "imag": 32, "recognit": 32, "feasibl": 32, "becaus": 32, "slight": 32, "mutat": 32, "alter": 32, "dramat": 32, "great": 32, "quantiti": 32, "besid": 32, "distinguish": 32, "subfield": 32, "quick": 34, "slow": 34}, "objects": {"aaanalysis": [[1, 0, 1, "", "AAclust"], [2, 0, 1, "", "AAclustPlot"], [3, 0, 1, "", "CPP"], [4, 0, 1, "", "CPPPlot"], [5, 0, 1, "", "SequenceFeature"], [6, 0, 1, "", "dPULearn"], [7, 3, 1, "", "load_dataset"], [8, 3, 1, "", "load_scales"], [9, 3, 1, "", "plot_gcfs"], [10, 3, 1, "", "plot_get_cdict"], [11, 3, 1, "", "plot_get_clist"], [12, 3, 1, "", "plot_get_cmap"], [13, 3, 1, "", "plot_legend"], [14, 3, 1, "", "plot_settings"]], "aaanalysis.AAclust": [[1, 1, 1, "", "__init__"], [1, 2, 1, "", "center_labels_"], [1, 2, 1, "", "centers_"], [1, 1, 1, "", "comp_centers"], [1, 1, 1, "", "comp_correlation"], [1, 1, 1, "", "comp_coverage"], [1, 1, 1, "", "comp_medoids"], [1, 1, 1, "", "eval"], [1, 1, 1, "", "fit"], [1, 2, 1, "", "is_medoid_"], [1, 2, 1, "", "labels_"], [1, 2, 1, "", "medoid_labels_"], [1, 2, 1, "", "medoid_names_"], [1, 2, 1, "", "medoids_"], [1, 2, 1, "", "model"], [1, 2, 1, "", "n_clusters"], [1, 1, 1, "", "name_clusters"]], "aaanalysis.AAclustPlot": [[2, 1, 1, "", "__init__"], [2, 1, 1, "", "center"], [2, 1, 1, "", "correlation"], [2, 1, 1, "", "eval"], [2, 1, 1, "", "medoids"]], "aaanalysis.CPP": [[3, 1, 1, "", "__init__"], [3, 1, 1, "", "eval"], [3, 1, 1, "", "run"]], "aaanalysis.CPPPlot": [[4, 1, 1, "", "__init__"], [4, 1, 1, "", "heatmap"], [4, 1, 1, "", "profile"], [4, 1, 1, "", "update_seq_size"]], "aaanalysis.SequenceFeature": [[5, 1, 1, "", "__init__"], [5, 1, 1, "", "add_dif"], [5, 1, 1, "", "add_feat_value"], [5, 1, 1, "", "add_position"], [5, 1, 1, "", "feat_matrix"], [5, 1, 1, "", "feat_names"], [5, 1, 1, "", "get_df_parts"], [5, 1, 1, "", "get_features"], [5, 1, 1, "", "get_split_kws"]], "aaanalysis.dPULearn": [[6, 1, 1, "", "__init__"], [6, 1, 1, "", "eval"], [6, 1, 1, "", "fit"], [6, 2, 1, "", "labels_"]]}, "objtypes": {"0": "py:class", "1": "py:method", "2": "py:attribute", "3": "py:function"}, "objnames": {"0": ["py", "class", "Python class"], "1": ["py", "method", "Python method"], "2": ["py", "attribute", "Python attribute"], "3": ["py", "function", "Python function"]}, "titleterms": {"api": 0, "data": [0, 18, 30, 32, 34], "handl": [0, 34], "featur": [0, 17, 34], "engin": [0, 17, 34], "pu": [0, 18, 32, 34], "learn": [0, 17, 32, 34], "explain": [0, 17, 33, 34], "ai": [0, 17, 33, 34], "perturb": 0, "plot": [0, 15], "util": 0, "aaanalysi": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 16, 17, 20, 30], "aaclust": [1, 17], "note": [1, 3, 5, 6, 7, 8, 13], "aaclustplot": 2, "cpp": [3, 17, 31], "cppplot": 4, "exampl": [4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 20], "sequencefeatur": 5, "dpulearn": 6, "load_dataset": 7, "load_scal": 8, "plot_gcf": 9, "plot_get_cdict": 10, "plot_get_clist": 11, "plot_get_cmap": 12, "plot_legend": 13, "plot_set": 14, "prelud": 15, "quick": 16, "start": [16, 17, 34], "slow": 17, "what": [17, 32, 33], "you": 17, "Will": 17, "1": 17, "load": [17, 18, 19], "sequenc": [17, 33], "scale": [17, 19, 27, 29], "2": 17, "compar": 17, "physicochem": [17, 31], "profil": 17, "3": 17, "protein": [17, 18, 27], "predict": 17, "4": 17, "group": 17, "level": [17, 33], "individu": 17, "tutori": [18, 19, 34], "benchmark": [18, 26, 27], "amino": [18, 19, 27, 29], "acid": [18, 19, 27, 29], "window": 18, "size": 18, "posit": 18, "unlabel": 18, "dataset": [18, 26, 27], "three": 19, "set": 19, "numer": 19, "aaontologi": [19, 27, 29], "redund": 19, "reduc": 19, "subset": 19, "filter": 19, "welcom": 20, "document": [20, 21, 24], "instal": [20, 21], "overview": [20, 24, 27], "refer": [20, 26], "indic": 20, "tabl": [20, 27], "citat": 20, "contribut": 21, "introduct": [21, 24], "vision": 21, "object": 21, "non": 21, "goal": 21, "principl": [21, 28], "bug": 21, "report": 21, "latest": 21, "version": 21, "local": 21, "develop": 21, "environ": 21, "fork": 21, "clone": 21, "depend": 21, "run": 21, "unit": 21, "test": 21, "pull": 21, "request": 21, "preview": 21, "chang": 21, "name": 21, "convent": 21, "class": 21, "templat": 21, "function": 21, "method": 21, "code": 21, "philosophi": 21, "style": 21, "layer": 21, "build": 21, "doc": 21, "chatgpt": 21, "guid": 21, "tgd": 21, "workflow": 24, "algorithm": 26, "us": [26, 31], "case": 26, "further": 26, "inform": 26, "categori": 27, "subcategori": 27, "usag": 28, "classif": 29, "flow": 30, "enri": 30, "point": 30, "compon": 30, "entri": 30, "bridg": 30, "extern": 30, "librari": 30, "identifi": 31, "signatur": 31, "from": 32, "unbalanc": 32, "small": 32, "i": [32, 33], "get": 34}, "envversion": {"sphinx.domains.c": 2, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 8, "sphinx.domains.index": 1, "sphinx.domains.javascript": 2, "sphinx.domains.math": 2, "sphinx.domains.python": 3, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "nbsphinx": 4, "sphinx": 57}, "alltitles": {"API": [[0, "api"]], "Data Handling": [[0, "data-handling"], [34, "data-handling"]], "Feature Engineering": [[0, "feature-engineering"], [34, "feature-engineering"]], "PU Learning": [[0, "pu-learning"], [34, "pu-learning"]], "Explainable AI": [[0, "explainable-ai"], [34, "explainable-ai"]], "Perturbation": [[0, "perturbation"]], "Plot Utilities": [[0, "plot-utilities"]], "aaanalysis.AAclust": [[1, "aaanalysis-aaclust"]], "Notes": [[1, null], [1, null], [1, null], [1, null], [3, null], [3, null], [5, null], [5, null], [5, null], [5, null], [5, null], [6, null], [6, null], [7, null], [8, null], [13, null]], "aaanalysis.AAclustPlot": [[2, "aaanalysis-aaclustplot"]], "aaanalysis.CPP": [[3, "aaanalysis-cpp"]], "aaanalysis.CPPPlot": [[4, "aaanalysis-cppplot"]], "Examples": [[4, null], [5, null], [5, null], [6, null], [7, null], [8, null], [9, null], [10, null], [11, null], [12, null], [13, null], [14, null]], "aaanalysis.SequenceFeature": [[5, "aaanalysis-sequencefeature"]], "aaanalysis.dPULearn": [[6, "aaanalysis-dpulearn"]], "aaanalysis.load_dataset": [[7, "aaanalysis-load-dataset"]], "aaanalysis.load_scales": [[8, "aaanalysis-load-scales"]], "aaanalysis.plot_gcfs": [[9, "aaanalysis-plot-gcfs"]], "aaanalysis.plot_get_cdict": [[10, "aaanalysis-plot-get-cdict"]], "aaanalysis.plot_get_clist": [[11, "aaanalysis-plot-get-clist"]], "aaanalysis.plot_get_cmap": [[12, "aaanalysis-plot-get-cmap"]], "aaanalysis.plot_legend": [[13, "aaanalysis-plot-legend"]], "aaanalysis.plot_settings": [[14, "aaanalysis-plot-settings"]], "Plotting Prelude": [[15, "plotting-prelude"]], "Quick Start with AAanalysis": [[16, "quick-start-with-aaanalysis"]], "Slow Start with AAanalysis": [[17, "slow-start-with-aaanalysis"]], "What You Will Learn:": [[17, "what-you-will-learn"]], "1. Loading Sequences and Scales": [[17, "loading-sequences-and-scales"]], "2. Feature Engineering": [[17, "feature-engineering"]], "AAclust": [[17, "aaclust"]], "Comparative Physicochemical Profiling (CPP)": [[17, "comparative-physicochemical-profiling-cpp"]], "3. Protein Prediction": [[17, "protein-prediction"]], "4. Explainable AI": [[17, "explainable-ai"]], "Explainable AI on group level": [[17, "explainable-ai-on-group-level"]], "Explainable AI on individual level": [[17, "explainable-ai-on-individual-level"]], "Data Loading Tutorial": [[18, "data-loading-tutorial"]], "Loading of protein benchmarks": [[18, "loading-of-protein-benchmarks"]], "Loading of protein benchmarks: Amino acid window size": [[18, "loading-of-protein-benchmarks-amino-acid-window-size"]], "Loading of protein benchmarks: Positive-Unlabeled (PU) datasets": [[18, "loading-of-protein-benchmarks-positive-unlabeled-pu-datasets"]], "Scale Loading Tutorial": [[19, "scale-loading-tutorial"]], "Three sets of numerical amino acid scales": [[19, "three-sets-of-numerical-amino-acid-scales"]], "AAontology": [[19, "aaontology"], [27, "aaontology"]], "Redundancy-reduce scale subsets": [[19, "redundancy-reduce-scale-subsets"]], "Filtering of scales": [[19, "filtering-of-scales"]], "Welcome to the AAanalysis documentation!": [[20, "welcome-to-the-aaanalysis-documentation"]], "Install": [[20, "install"]], "OVERVIEW": [[20, null]], "EXAMPLES": [[20, null]], "REFERENCES": [[20, null]], "Indices and tables": [[20, "indices-and-tables"]], "Citation": [[20, "citation"]], "Contributing": [[21, "contributing"]], "Introduction": [[21, "introduction"], [24, "introduction"]], "Vision": [[21, "vision"]], "Objectives": [[21, "objectives"]], "Non-goals": [[21, "non-goals"]], "Principles": [[21, "principles"]], "Bug Reports": [[21, "bug-reports"]], "Installation": [[21, "installation"]], "Latest Version": [[21, "latest-version"]], "Local Development Environment": [[21, "local-development-environment"]], "Fork and Clone": [[21, "fork-and-clone"]], "Install Dependencies": [[21, "install-dependencies"]], "Run Unit Tests": [[21, "run-unit-tests"]], "Pull Requests": [[21, "pull-requests"]], "Preview Changes": [[21, "preview-changes"]], "Documentation": [[21, "documentation"]], "Naming Conventions": [[21, "naming-conventions"]], "Class Templates": [[21, "class-templates"]], "Function and Method Naming": [[21, "function-and-method-naming"]], "Code Philosophy": [[21, "code-philosophy"]], "Documentation Style": [[21, "documentation-style"]], "Documentation Layers": [[21, "documentation-layers"]], "Building the Docs": [[21, "building-the-docs"]], "Test with ChatGPT": [[21, "test-with-chatgpt"]], "Test Guided Development (TGD)": [[21, "test-guided-development-tgd"]], "Workflow": [[24, "workflow"]], "Overview of documentation": [[24, "overview-of-documentation"]], "References": [[26, "references"]], "Algorithms": [[26, "algorithms"]], "Datasets and Benchmarks": [[26, "datasets-and-benchmarks"]], "Use Cases": [[26, "use-cases"]], "Further Information": [[26, "further-information"]], "Tables": [[27, "tables"]], "Overview Table": [[27, "overview-table"]], "Protein Benchmark Datasets": [[27, "protein-benchmark-datasets"]], "Amino Acid Scale Datasets": [[27, "amino-acid-scale-datasets"]], "Categories": [[27, "categories"]], "Subcategories": [[27, "subcategories"]], "Usage Principles": [[28, "usage-principles"]], "AAontology: Classification of amino acid scales": [[29, "aaontology-classification-of-amino-acid-scales"]], "Data Flow and Enry Points": [[30, "data-flow-and-enry-points"]], "Data Flow: Components of AAanalysis": [[30, "data-flow-components-of-aaanalysis"]], "Entry Points: Bridges to External Libraries": [[30, "entry-points-bridges-to-external-libraries"]], "Identifying Physicochemical Signatures using CPP": [[31, "identifying-physicochemical-signatures-using-cpp"]], "Learning from unbalanced and small data": [[32, "learning-from-unbalanced-and-small-data"]], "What is PU learning?": [[32, "what-is-pu-learning"]], "Explainable AI at Sequence Level": [[33, "explainable-ai-at-sequence-level"]], "What is explainable AI?": [[33, "what-is-explainable-ai"]], "Tutorials": [[34, "tutorials"]], "Getting Started": [[34, "getting-started"]]}, "indexentries": {"aaclust (class in aaanalysis)": [[1, "aaanalysis.AAclust"]], "__init__() (aaanalysis.aaclust method)": [[1, "aaanalysis.AAclust.__init__"]], "center_labels_ (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.center_labels_"]], "centers_ (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.centers_"]], "comp_centers() (aaanalysis.aaclust static method)": [[1, "aaanalysis.AAclust.comp_centers"]], "comp_correlation() (aaanalysis.aaclust static method)": [[1, "aaanalysis.AAclust.comp_correlation"]], "comp_coverage() (aaanalysis.aaclust static method)": [[1, "aaanalysis.AAclust.comp_coverage"]], "comp_medoids() (aaanalysis.aaclust static method)": [[1, "aaanalysis.AAclust.comp_medoids"]], "eval() (aaanalysis.aaclust method)": [[1, "aaanalysis.AAclust.eval"]], "fit() (aaanalysis.aaclust method)": [[1, "aaanalysis.AAclust.fit"]], "is_medoid_ (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.is_medoid_"]], "labels_ (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.labels_"]], "medoid_labels_ (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.medoid_labels_"]], "medoid_names_ (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.medoid_names_"]], "medoids_ (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.medoids_"]], "model (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.model"]], "n_clusters (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.n_clusters"]], "name_clusters() (aaanalysis.aaclust static method)": [[1, "aaanalysis.AAclust.name_clusters"]], "aaclustplot (class in aaanalysis)": [[2, "aaanalysis.AAclustPlot"]], "__init__() (aaanalysis.aaclustplot method)": [[2, "aaanalysis.AAclustPlot.__init__"]], "center() (aaanalysis.aaclustplot method)": [[2, "aaanalysis.AAclustPlot.center"]], "correlation() (aaanalysis.aaclustplot static method)": [[2, "aaanalysis.AAclustPlot.correlation"]], "eval() (aaanalysis.aaclustplot static method)": [[2, "aaanalysis.AAclustPlot.eval"]], "medoids() (aaanalysis.aaclustplot method)": [[2, "aaanalysis.AAclustPlot.medoids"]], "cpp (class in aaanalysis)": [[3, "aaanalysis.CPP"]], "__init__() (aaanalysis.cpp method)": [[3, "aaanalysis.CPP.__init__"]], "eval() (aaanalysis.cpp method)": [[3, "aaanalysis.CPP.eval"]], "run() (aaanalysis.cpp method)": [[3, "aaanalysis.CPP.run"]], "cppplot (class in aaanalysis)": [[4, "aaanalysis.CPPPlot"]], "__init__() (aaanalysis.cppplot method)": [[4, "aaanalysis.CPPPlot.__init__"]], "heatmap() (aaanalysis.cppplot method)": [[4, "aaanalysis.CPPPlot.heatmap"]], "profile() (aaanalysis.cppplot method)": [[4, "aaanalysis.CPPPlot.profile"]], "update_seq_size() (aaanalysis.cppplot method)": [[4, "aaanalysis.CPPPlot.update_seq_size"]], "sequencefeature (class in aaanalysis)": [[5, "aaanalysis.SequenceFeature"]], "__init__() (aaanalysis.sequencefeature method)": [[5, "aaanalysis.SequenceFeature.__init__"]], "add_dif() (aaanalysis.sequencefeature static method)": [[5, "aaanalysis.SequenceFeature.add_dif"]], "add_feat_value() (aaanalysis.sequencefeature static method)": [[5, "aaanalysis.SequenceFeature.add_feat_value"]], "add_position() (aaanalysis.sequencefeature static method)": [[5, "aaanalysis.SequenceFeature.add_position"]], "feat_matrix() (aaanalysis.sequencefeature static method)": [[5, "aaanalysis.SequenceFeature.feat_matrix"]], "feat_names() (aaanalysis.sequencefeature static method)": [[5, "aaanalysis.SequenceFeature.feat_names"]], "get_df_parts() (aaanalysis.sequencefeature static method)": [[5, "aaanalysis.SequenceFeature.get_df_parts"]], "get_features() (aaanalysis.sequencefeature method)": [[5, "aaanalysis.SequenceFeature.get_features"]], "get_split_kws() (aaanalysis.sequencefeature static method)": [[5, "aaanalysis.SequenceFeature.get_split_kws"]], "__init__() (aaanalysis.dpulearn method)": [[6, "aaanalysis.dPULearn.__init__"]], "dpulearn (class in aaanalysis)": [[6, "aaanalysis.dPULearn"]], "eval() (aaanalysis.dpulearn method)": [[6, "aaanalysis.dPULearn.eval"]], "fit() (aaanalysis.dpulearn method)": [[6, "aaanalysis.dPULearn.fit"]], "labels_ (aaanalysis.dpulearn attribute)": [[6, "aaanalysis.dPULearn.labels_"]], "load_dataset() (in module aaanalysis)": [[7, "aaanalysis.load_dataset"]], "load_scales() (in module aaanalysis)": [[8, "aaanalysis.load_scales"]], "plot_gcfs() (in module aaanalysis)": [[9, "aaanalysis.plot_gcfs"]], "plot_get_cdict() (in module aaanalysis)": [[10, "aaanalysis.plot_get_cdict"]], "plot_get_clist() (in module aaanalysis)": [[11, "aaanalysis.plot_get_clist"]], "plot_get_cmap() (in module aaanalysis)": [[12, "aaanalysis.plot_get_cmap"]], "plot_legend() (in module aaanalysis)": [[13, "aaanalysis.plot_legend"]], "plot_settings() (in module aaanalysis)": [[14, "aaanalysis.plot_settings"]]}}) \ No newline at end of file +Search.setIndex({"docnames": ["api", "generated/aaanalysis.AAclust", "generated/aaanalysis.AAclustPlot", "generated/aaanalysis.CPP", "generated/aaanalysis.CPPPlot", "generated/aaanalysis.SequenceFeature", "generated/aaanalysis.dPULearn", "generated/aaanalysis.load_dataset", "generated/aaanalysis.load_scales", "generated/aaanalysis.plot_gcfs", "generated/aaanalysis.plot_get_cdict", "generated/aaanalysis.plot_get_clist", "generated/aaanalysis.plot_get_cmap", "generated/aaanalysis.plot_legend", "generated/aaanalysis.plot_settings", "generated/plotting_prelude", "generated/tutorial1_quick_start", "generated/tutorial1_slow_start", "generated/tutorial2a_data_loader", "generated/tutorial2b_scales_loader", "index", "index/CONTRIBUTING_COPY", "index/badges", "index/citations", "index/introduction", "index/overview", "index/references", "index/tables", "index/usage_principles", "index/usage_principles/aaontology", "index/usage_principles/data_flow_entry_points", "index/usage_principles/feature_identification", "index/usage_principles/pu_learning", "index/usage_principles/xai", "tutorials"], "filenames": ["api.rst", "generated/aaanalysis.AAclust.rst", "generated/aaanalysis.AAclustPlot.rst", "generated/aaanalysis.CPP.rst", "generated/aaanalysis.CPPPlot.rst", "generated/aaanalysis.SequenceFeature.rst", "generated/aaanalysis.dPULearn.rst", "generated/aaanalysis.load_dataset.rst", "generated/aaanalysis.load_scales.rst", "generated/aaanalysis.plot_gcfs.rst", "generated/aaanalysis.plot_get_cdict.rst", "generated/aaanalysis.plot_get_clist.rst", "generated/aaanalysis.plot_get_cmap.rst", "generated/aaanalysis.plot_legend.rst", "generated/aaanalysis.plot_settings.rst", "generated/plotting_prelude.rst", "generated/tutorial1_quick_start.rst", "generated/tutorial1_slow_start.rst", "generated/tutorial2a_data_loader.rst", "generated/tutorial2b_scales_loader.rst", "index.rst", "index/CONTRIBUTING_COPY.rst", "index/badges.rst", "index/citations.rst", "index/introduction.rst", "index/overview.rst", "index/references.rst", "index/tables.rst", "index/usage_principles.rst", "index/usage_principles/aaontology.rst", "index/usage_principles/data_flow_entry_points.rst", "index/usage_principles/feature_identification.rst", "index/usage_principles/pu_learning.rst", "index/usage_principles/xai.rst", "tutorials.rst"], "titles": ["API", "aaanalysis.AAclust", "aaanalysis.AAclustPlot", "aaanalysis.CPP", "aaanalysis.CPPPlot", "aaanalysis.SequenceFeature", "aaanalysis.dPULearn", "aaanalysis.load_dataset", "aaanalysis.load_scales", "aaanalysis.plot_gcfs", "aaanalysis.plot_get_cdict", "aaanalysis.plot_get_clist", "aaanalysis.plot_get_cmap", "aaanalysis.plot_legend", "aaanalysis.plot_settings", "Plotting Prelude", "Quick Start with AAanalysis", "Slow Start with AAanalysis", "Data Loading Tutorial", "Scale Loading Tutorial", "Welcome to the AAanalysis documentation!", "Contributing", "<no title>", "<no title>", "Introduction", "<no title>", "References", "Tables", "Usage Principles", "AAontology: Classification of amino acid scales", "Data Flow and Enry Points", "Identifying Physicochemical Signatures using CPP", "Learning from unbalanced and small data", "Explainable AI at Sequence Level", "Tutorials"], "terms": {"thi": [0, 1, 4, 8, 9, 11, 13, 14, 15, 17, 18, 19, 21, 30], "applic": [0, 4, 13], "program": [0, 21], "interfac": [0, 21, 27], "i": [0, 1, 2, 3, 4, 5, 6, 7, 8, 12, 13, 14, 16, 17, 18, 19, 20, 21, 24, 25, 27, 29, 31], "public": [0, 15, 18, 20, 21, 23], "object": [0, 1, 2, 4, 5, 6, 13, 17], "function": [0, 1, 4, 9, 11, 12, 13, 14, 15, 17, 18, 19, 20, 25], "our": [0, 9, 10, 12, 15, 17, 19, 21, 24], "aaanalysi": [0, 15, 18, 19, 21, 23, 24, 25, 27, 28, 31, 34], "python": [0, 16, 17, 20, 21, 24, 25], "toolkit": [0, 21, 30], "which": [0, 4, 5, 13, 14, 16, 17, 18, 19, 21, 24, 27, 30, 32], "can": [0, 1, 5, 6, 9, 13, 15, 16, 17, 18, 19, 20, 21, 24, 27, 30, 32], "import": [0, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 21, 28], "aa": [0, 3, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 27, 28], "you": [0, 15, 19, 20, 21, 23], "access": [0, 1, 7, 17, 19, 27], "all": [0, 1, 3, 4, 5, 7, 8, 14, 15, 16, 17, 19, 21, 27], "method": [0, 1, 2, 3, 4, 5, 6, 16, 17, 26], "via": [0, 15, 21, 26], "alia": [0, 5], "load_dataset": [0, 5, 16, 17, 18, 19, 27], "class": [1, 2, 3, 4, 5, 6, 7, 9, 11, 12, 13, 14, 15, 18, 32], "model_class": [1, 2, 17], "sklearn": [1, 2, 16, 17], "cluster": [1, 2, 17, 20, 24, 25, 26, 27], "_kmean": 1, "kmean": [1, 17], "model_kwarg": [1, 2], "none": [1, 2, 3, 4, 5, 6, 7, 8, 13, 18], "verbos": [1, 3, 4, 5, 6, 16, 17], "sourc": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 19, 21], "base": [1, 2, 3, 4, 5, 6, 7, 13, 16, 17, 20, 21, 24, 25, 26, 27, 31, 32], "wrapper": [1, 4, 17, 20, 21, 24, 25], "A": [1, 2, 5, 7, 9, 11, 12, 13, 14, 15, 17, 18, 19, 21, 24, 26], "k": [1, 20, 24, 25, 26], "optim": [1, 3, 4, 11, 15, 20, 21, 24, 25, 26], "select": [1, 2, 3, 4, 7, 8, 16, 17, 18, 19, 20, 21, 24, 25, 26], "redund": [1, 3, 8, 16, 17, 20, 21, 24, 25, 26], "reduc": [1, 6, 8, 16, 20, 24, 25, 26, 27], "set": [1, 2, 3, 4, 5, 6, 8, 9, 13, 14, 15, 16, 17, 18, 20, 21, 24, 25, 26, 27, 30], "numer": [1, 4, 5, 17, 20, 24, 25], "scale": [1, 2, 3, 4, 5, 8, 10, 14, 16, 20, 23, 24, 25, 26, 28, 30, 34], "us": [1, 2, 3, 4, 6, 7, 8, 9, 13, 15, 16, 17, 18, 19, 20, 21, 23, 24, 27, 28, 30, 32], "model": [1, 2, 6, 16, 17, 21, 32], "requir": [1, 21], "pre": [1, 3, 16, 17, 18, 21], "defin": [1, 5, 8, 16, 17, 18, 21, 27, 30], "number": [1, 2, 3, 4, 5, 6, 7, 8, 11, 12, 13, 18, 19, 27], "n_cluster": [1, 2, 16, 17], "mean": [1, 3, 4, 16, 17, 19, 27], "other": [1, 4, 8, 14, 15, 19, 21, 27], "scikit": [1, 2, 21], "learn": [1, 2, 6, 16, 18, 20, 21, 23, 24, 25, 26, 27, 28], "valu": [1, 3, 4, 5, 9, 10, 11, 12, 13, 14, 15, 16, 17, 19, 21, 24, 27], "util": [1, 14, 15, 16, 18, 20, 21], "pearson": [1, 3], "correl": [1, 2, 3, 27], "repres": [1, 4, 17, 18, 24, 27], "sampl": [1, 3, 4, 5, 6, 18, 27, 32], "medoid": [1, 2], "each": [1, 3, 4, 5, 6, 17, 18, 19, 21], "closest": 1, "center": [1, 2, 16, 17, 27], "result": [1, 2, 3, 21], "see": [1, 4, 21, 24, 27, 30], "breimann23a": [1, 7, 8, 26, 27], "paramet": [1, 2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 14, 17, 18, 19, 21, 27], "type": [1, 2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 18, 21, 27], "clustermixin": 1, "instanti": 1, "fit": [1, 6, 16, 17, 21], "option": [1, 2, 3, 4, 5, 6, 7, 8, 9, 13, 14, 16, 17], "dict": [1, 2, 3, 4, 5, 6, 10, 13], "keyword": [1, 2, 4, 6], "argument": [1, 2, 4, 5, 6, 13], "pass": [1, 2, 4, 6, 21], "bool": [1, 3, 4, 5, 6, 7, 8, 12, 13, 14], "If": [1, 2, 3, 4, 5, 6, 7, 8, 13, 14, 20, 21, 23, 32], "true": [1, 3, 4, 5, 7, 8, 12, 13, 14, 15, 18, 19], "output": [1, 3, 5, 6, 15, 21], "ar": [1, 2, 3, 4, 5, 6, 7, 8, 9, 13, 14, 15, 16, 17, 18, 19, 21, 27, 30, 32, 33], "enabl": [1, 3, 4, 5, 6, 20, 21, 24, 25, 31], "The": [1, 2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 15, 17, 18, 19, 21, 27, 30, 31], "after": [1, 3, 27], "call": [1, 8, 15, 27], "obtain": [1, 5, 8, 16, 17, 27], "int": [1, 2, 3, 4, 5, 6, 7, 8, 11, 12, 13], "labels_": [1, 6], "label": [1, 3, 4, 5, 6, 7, 13, 15, 16, 17, 18, 21, 27, 32], "order": [1, 2, 21, 27], "x": [1, 2, 4, 6, 7, 9, 10, 11, 12, 13, 14, 15, 16, 17], "arrai": [1, 2, 3, 5, 6, 16, 17], "like": [1, 2, 3, 5, 6, 14, 15, 21, 27], "shape": [1, 2, 3, 4, 5, 6, 13, 27], "n_sampl": [1, 2, 3, 5, 6], "centers_": 1, "averag": [1, 2, 5, 16, 17, 19, 27], "correspond": [1, 2, 13, 18, 21, 27], "n_featur": [1, 2, 3, 4, 5, 6], "center_labels_": 1, "medoids_": 1, "one": [1, 4, 11, 13, 21], "medoid_labels_": 1, "is_medoid_": 1, "indic": [1, 4, 5, 6, 18, 19, 21, 27], "being": [1, 18, 21, 27], "1": [1, 2, 3, 4, 5, 6, 7, 8, 10, 13, 14, 15, 16, 18, 19, 21, 27, 32], "0": [1, 3, 4, 5, 6, 7, 13, 15, 16, 17, 18, 19, 27, 32], "same": [1, 8, 19], "medoid_names_": [1, 16, 17], "name": [1, 2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 14, 16, 17, 18, 19, 27], "provid": [1, 2, 4, 6, 7, 8, 13, 17, 18, 19, 20, 21, 25, 27, 32], "list": [1, 2, 4, 5, 10, 11, 12, 13, 16, 17, 27], "attribut": 1, "dure": [1, 6], "directli": [1, 21], "design": [1, 4, 21, 27, 31], "primarili": [1, 6, 21], "amino": [1, 3, 4, 5, 7, 8, 16, 17, 20, 23, 24, 25, 26, 28, 30, 32], "acid": [1, 3, 4, 5, 7, 8, 16, 17, 20, 23, 24, 25, 26, 28, 30, 32], "ani": [1, 19, 21, 24, 27], "__init__": [1, 2, 3, 4, 5, 6], "on_cent": 1, "min_th": 1, "3": [1, 5, 6, 11, 12, 13, 18, 19, 21, 27], "merge_metr": 1, "euclidean": [1, 6], "appli": [1, 6, 13, 14, 18], "algorithm": [1, 3, 4, 16, 17, 20, 21, 24, 25, 30, 31], "featur": [1, 3, 4, 5, 6, 16, 20, 21, 24, 25, 30, 31, 32], "matrix": [1, 2, 5, 6, 16, 17, 27], "determin": [1, 8], "without": [1, 4, 21, 27], "specif": [1, 18, 21, 27], "It": [1, 14, 17, 18, 24, 27, 30], "partit": [1, 27], "data": [1, 2, 4, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 19, 20, 21, 27, 28], "maxim": 1, "within": [1, 3, 5, 21, 27, 30], "beyond": 1, "threshold": [1, 3], "qualiti": 1, "either": [1, 5, 7, 8, 19, 20], "minimum": [1, 5, 7], "member": 1, "fals": [1, 3, 4, 5, 6, 7, 8, 10, 12, 13, 14, 16, 17], "between": [1, 3, 4, 5, 8, 11, 13, 16, 17, 18, 21, 27], "its": [1, 18, 21, 27], "min_cor_al": 1, "min_cor_cent": 1, "respect": [1, 7, 17, 20, 21, 23, 27], "describ": [1, 27], "row": [1, 2], "typic": [1, 18, 24, 27], "column": [1, 2, 3, 4, 5, 6, 7, 8, 13, 18, 19, 21], "must": [1, 5, 11, 12, 21], "float": [1, 3, 4, 6, 13, 14], "otherwis": [1, 4, 5, 6, 27], "str": [1, 2, 4, 5, 6, 7, 8, 10, 12, 13, 14], "metric": [1, 2, 6, 21], "similar": [1, 21, 27, 32], "measur": [1, 2, 21, 27], "merg": 1, "No": 1, "perform": [1, 2, 3, 6, 8, 16, 17, 19, 27], "distanc": [1, 6, 27], "manhattan": [1, 6], "cosin": [1, 6], "return": [1, 2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 18], "instanc": [1, 4, 13], "allow": 1, "direct": [1, 21], "aanalysi": [1, 21], "consist": [1, 14, 21, 24, 27], "three": [1, 5, 18, 27], "main": [1, 27], "step": [1, 3, 4, 5, 7, 8, 21, 24], "estim": 1, "lower": [1, 27], "bound": 1, "refin": [1, 21], "recurs": [1, 26], "chosen": [1, 3, 5, 7, 8, 18], "smaller": [1, 15], "reduct": [1, 2], "pairwise_dist": 1, "were": [1, 8, 19, 27], "runtimewarn": 1, "caught": 1, "bundl": 1, "eval": [1, 2, 3, 6, 21], "evalu": [1, 2, 3, 8, 19, 21, 27], "establish": [1, 21], "quantifi": 1, "bic": [1, 2], "bayesian": [1, 2], "inform": [1, 2, 3, 4, 5, 6, 19, 30], "criterion": [1, 2], "reflect": [1, 21, 27], "good": [1, 21], "while": [1, 18], "account": [1, 21, 27], "rang": 1, "from": [1, 2, 3, 4, 5, 6, 7, 8, 16, 17, 18, 19, 20, 21, 27, 28], "neg": [1, 5, 6, 7, 13, 18, 21, 27, 32], "infin": 1, "posit": [1, 3, 4, 5, 6, 7, 20, 21, 24, 25, 27, 32], "higher": [1, 27], "superior": 1, "ch": [1, 2, 27], "calinski": [1, 2], "harabasz": [1, 2], "index": [1, 2, 7, 19, 20, 21, 26], "ratio": 1, "dispers": 1, "score": [1, 16, 17], "suggest": [1, 21], "better": 1, "sc": [1, 2], "silhouett": [1, 2], "coeffici": [1, 2], "proxim": 1, "point": [1, 4, 9, 13, 27, 28], "neighbor": [1, 27], "li": 1, "closer": 1, "impli": 1, "equal": [1, 18], "inf": 1, "wa": [1, 24], "adapt": 1, "form": [1, 5, 27], "stackexchang": 1, "discuss": [1, 21], "modifi": [1, 6, 14], "align": [1, 4, 13, 17, 19, 21], "so": 1, "signifi": 1, "contrari": 1, "convent": [1, 5, 8], "implement": [1, 21], "favor": 1, "calinski_harabasz_scor": 1, "silhouette_scor": 1, "static": [1, 2, 5], "name_clust": 1, "shorten_nam": 1, "assign": [1, 4, 5, 6, 19, 27], "frequenc": [1, 27], "priorit": 1, "alreadi": [1, 32], "contain": [1, 2, 3, 4, 6, 7, 8, 19, 21, 27, 30, 32], "unclassifi": [1, 8, 19, 27], "shorten": 1, "version": [1, 19, 27], "cluster_nam": 1, "renam": 1, "comp_cent": 1, "comput": [1, 3, 4, 5, 16, 17, 21, 26, 27], "given": [1, 4, 5, 7, 11, 12, 13, 16, 17, 19, 21, 27], "center_label": 1, "associ": [1, 27], "comp_medoid": 1, "medoid_label": 1, "comp_correl": 1, "x_ref": 1, "labels_ref": 1, "names_ref": 1, "refer": [1, 3, 5, 7, 17, 21, 27], "compar": [1, 16, 18, 20, 24, 25, 27, 30, 31], "n_samples_ref": 1, "df_corr": [1, 2], "datafram": [1, 2, 3, 4, 5, 6, 7, 8, 16, 17, 21, 30], "pair": 1, "pd": [1, 5, 6, 16, 17, 21], "sort": 1, "ascend": [1, 2], "replac": [1, 7], "panda": [1, 3, 4, 5, 6, 7, 8, 16, 17, 21], "corr": 1, "comp_coverag": 1, "percentag": [1, 3, 6, 19], "uniqu": [1, 3, 4, 19, 21], "present": [1, 5, 7], "help": 1, "understand": 1, "coverag": [1, 21], "particular": 1, "subset": [1, 5, 8, 27], "univers": 1, "both": [1, 4, 14, 18], "consid": [1, 8, 21], "onli": [1, 4, 7, 8, 13, 14, 18, 21, 27, 32], "onc": [1, 21], "regardless": 1, "repetit": 1, "should": [1, 2, 3, 4, 5, 6, 21, 32], "superset": 1, "found": [1, 5, 21], "decomposit": 2, "_pca": 2, "pca": [2, 6, 19], "plot": [2, 4, 9, 10, 11, 12, 13, 14, 18, 20, 21, 27, 34], "aaclust": [2, 8, 16, 19, 20, 23, 24, 25, 26, 27], "analysi": [2, 6, 8, 17, 19, 20, 21, 24, 25, 27], "dimension": [2, 6, 26], "visual": [2, 11, 14, 15, 21], "princip": [2, 6, 8, 19, 27], "compon": [2, 5, 6, 8, 19, 27], "transformermixin": 2, "n_compon": [2, 6], "dict_xlim": 2, "figsiz": [2, 4], "7": [2, 4, 5, 6, 15, 18, 27], "6": [2, 5, 18, 27], "rank": [2, 3, 19], "independ": [2, 15], "follow": [2, 3, 5, 6, 8, 20, 21, 23, 24, 25, 28], "four": [2, 21], "intern": [2, 4, 21, 27], "gener": [2, 3, 4, 5, 7, 11, 12, 14, 21, 24, 26, 27, 32], "2": [2, 3, 4, 5, 6, 9, 11, 13, 15, 16, 18, 19, 21, 27, 32], "etc": 2, "dictionari": [2, 3, 4, 5, 10, 13], "axi": [2, 4, 14, 19], "limit": [2, 4, 21], "xmin": 2, "xmax": 2, "subplot": 2, "kei": [2, 4, 10, 13, 21, 27], "e": [2, 4, 5, 15, 17, 19, 20, 21, 24, 25, 27, 32], "g": [2, 4, 5, 20, 21, 24, 25, 27, 32], "auto": 2, "tupl": [2, 4, 12], "width": [2, 4, 13], "height": [2, 4], "figur": [2, 4], "inch": [2, 4], "fig": 2, "ax": [2, 4, 9, 10, 13, 14], "": [2, 13, 18, 21, 26, 27], "detail": [2, 4, 7, 8, 19, 20, 21, 23], "highlight": [2, 4], "heatmap": [2, 4], "df_scale": [3, 5, 8, 16, 17, 19, 30], "df_cat": [3, 4, 5, 8, 19, 30], "df_part": [3, 5, 16, 17, 30], "split_kw": [3, 5, 16, 17, 30], "accept_gap": [3, 4, 5], "tool": [3, 21, 26], "creat": [3, 4, 5, 6, 14, 15, 16, 17, 21, 30], "filter": [3, 4, 7, 16, 17, 18], "most": [3, 4, 6, 13, 16, 17, 20, 24, 25], "discrimin": [3, 4, 16, 17], "two": [3, 4, 8, 9, 16, 17, 19, 20, 21, 24, 25, 26, 27, 29, 30], "sequenc": [3, 4, 5, 6, 7, 16, 18, 20, 21, 24, 25, 26, 27, 28, 30, 31, 32], "default": [3, 4, 5, 6, 7, 9, 10, 13, 14, 15, 16, 17, 18, 19], "load_categori": [3, 5], "categori": [3, 4, 5, 8, 10, 11, 13, 18, 19], "physicochem": [3, 5, 20, 24, 25, 26, 27, 28, 30], "part": [3, 4, 5, 16, 17, 21, 30], "sequencefeatur": [3, 16, 17], "get_split_kw": [3, 5, 16, 17], "nest": [3, 5], "split_typ": [3, 5, 16, 17], "whether": [3, 4, 5, 12, 13], "accept": [3, 4, 5], "miss": [3, 4, 5], "omit": [3, 4, 5], "print": [3, 4, 5, 16, 17], "progress": [3, 4, 26], "about": [3, 4], "run": [3, 5, 16, 17], "parametr": 3, "n_filter": 3, "100": [3, 7, 16, 17, 18], "tmd_len": [3, 4, 5], "20": [3, 4, 5, 8, 18, 21, 27], "jmd_n_len": [3, 4, 5], "10": [3, 4, 5, 11, 13, 18, 21, 27], "jmd_c_len": [3, 4, 5], "ext_len": [3, 4, 5], "4": [3, 4, 5, 18, 19, 27], "start": [3, 4, 5, 7, 21, 27, 28, 30], "check_cat": 3, "n_pre_filt": 3, "pct_pre_filt": 3, "5": [3, 4, 5, 6, 15, 16, 17, 18, 19, 21, 27], "max_std_test": 3, "max_overlap": 3, "max_cor": 3, "n_process": 3, "pipelin": [3, 21], "creation": 3, "aim": [3, 4, 16, 17, 21], "identifi": [3, 4, 6, 7, 16, 17, 18, 20, 24, 25, 26, 28, 32], "collect": [3, 8], "non": [3, 5, 7, 16, 17, 27], "test": [3, 17, 19], "group": [3, 4, 5, 13, 15, 27], "t": [3, 7, 16, 17, 27], "u": [3, 15, 20, 21], "p": [3, 26], "length": [3, 4, 5, 7, 13, 18, 27], "tmd": [3, 4, 5, 7, 16, 17, 18], "todo": [3, 21], "add": [3, 4, 5, 21], "link": [3, 20, 21, 23, 26], "explan": [3, 4, 21], "first": [3, 4, 5, 8, 15, 16, 21], "n": [3, 4, 5, 7, 8, 16, 17, 18, 19, 21, 26, 27], "terminu": [3, 4, 5, 27], "jmd": [3, 4, 5, 16, 17], "c": [3, 4, 5, 9, 11, 12, 13, 14, 15, 17, 18, 19, 20, 26, 27], "extend": [3, 4, 5, 21, 27, 32], "termin": [3, 4, 5, 17, 18, 27], "longer": 3, "than": [3, 27], "check": [3, 21], "remain": [3, 19, 21], "maximum": [3, 5, 6, 7, 16, 17], "standard": [3, 32], "deviat": 3, "overlap": 3, "cpu": 3, "multiprocess": [3, 17], "automat": [3, 4, 6, 13, 21], "df_feat": [3, 4, 5, 16, 17, 30], "statist": [3, 4], "n_feature_inform": [3, 4], "eleven": 3, "includ": [3, 5, 7, 8, 13, 21], "id": [3, 5, 7, 8, 19], "11": [3, 4, 18, 27], "split": [3, 5, 16, 17, 30], "subcategori": [3, 4, 8, 19], "sub": 3, "scale_nam": [3, 4, 8, 19], "abs_auc": [3, 4], "absolut": [3, 21], "adjust": [3, 4, 13, 14, 15], "auc": 3, "abs_mean_dif": 3, "differ": [3, 4, 5, 11, 18, 19, 30], "std_test": [3, 4], "std_ref": 3, "p_val": 3, "mann_whitnei": 3, "ttest_indep": 3, "p_val_fdr_bh": 3, "benjamini": 3, "hochberg": 3, "fdr": 3, "correct": 3, "condit": [4, 5], "jmd_m_len": [4, 5], "profil": [4, 16, 20, 24, 25, 31], "y": [4, 9, 10, 11, 12, 13, 14, 15, 16, 17], "val_col": 4, "mean_dif": 4, "val_typ": 4, "count": [4, 18], "normal": [4, 8, 13, 19, 21, 27], "titl": [4, 9, 13, 14, 15, 16, 17], "title_kw": 4, "dict_color": [4, 10, 13, 15], "edge_color": 4, "bar_width": 4, "75": 4, "add_jmd_tmd": 4, "jmd_n_seq": 4, "tmd_seq": 4, "jmd_c_seq": 4, "tmd_color": 4, "mediumspringgreen": 4, "jmd_color": 4, "blue": [4, 16, 17], "tmd_seq_color": 4, "black": [4, 12, 13, 15, 21], "jmd_seq_color": 4, "white": [4, 12, 13], "seq_siz": 4, "tmd_jmd_fontsiz": 4, "xtick_siz": 4, "xtick_width": 4, "xtick_length": 4, "xticks_po": 4, "ytick_siz": 4, "ytick_width": 4, "ytick_length": 4, "ylim": [4, 16, 17], "highlight_tmd_area": 4, "highlight_alpha": 4, "15": [4, 5, 18, 27], "grid": [4, 14, 15], "grid_axi": [4, 14, 15], "add_legend_cat": 4, "legend_kw": 4, "shap_plot": 4, "kwarg": [4, 5, 13], "avail": [4, 8, 13, 17, 19, 20, 23, 26], "specifi": [4, 5, 6, 10, 12, 17, 21], "check_value_typ": 4, "size": [4, 5, 9, 13, 14, 15, 16, 17, 27], "custom": [4, 8, 15, 21], "appear": [4, 27], "map": [4, 5, 12, 13], "color": [4, 9, 10, 11, 12, 13, 14, 15], "edg": [4, 13, 21, 27], "bar": 4, "line": [4, 13, 14, 15, 21], "annot": 4, "font": [4, 9, 13, 14], "tick": [4, 14, 15], "area": [4, 19, 27], "alpha": 4, "ad": 4, "drawn": 4, "legend": [4, 13, 14, 15], "shap": [4, 9, 12, 17, 21], "shaplei": 4, "addit": [4, 5, 6, 8, 14, 19, 21, 27], "librari": [4, 14, 21], "matplotlib": [4, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 21], "8": [4, 5, 6, 13, 17, 18, 21, 27], "vmin": 4, "vmax": 4, "grid_on": 4, "cmap": 4, "rdbu_r": 4, "cmap_n_color": 4, "cbar_kw": 4, "facecolor_dark": [4, 12], "add_importance_map": 4, "cbar_pct": 4, "featuremap": 4, "versu": 4, "seaborn": [4, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 21], "level": [4, 7, 8, 18, 19, 20, 21, 25, 27, 28, 29], "protein": [4, 5, 7, 16, 19, 20, 21, 24, 25, 26, 30, 31, 32], "shown": 4, "feat_impact": 4, "displai": [4, 14], "sum": [4, 19, 27], "std": 4, "aggreg": 4, "positions_onli": 4, "further": [4, 19, 21, 27], "across": [4, 14, 19, 21], "recommend": [4, 6, 8, 21], "when": [4, 6, 13, 21, 27], "emphas": [4, 21], "fewer": 4, "value_typ": 4, "pyplot": [4, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18], "anchor": [4, 13, 27], "colormap": 4, "infer": [4, 21], "seismic": 4, "space": [4, 6, 13, 21], "impact": 4, "discret": 4, "diverg": 4, "sequenti": 4, "classifi": 4, "colorbar": 4, "under": [4, 8, 21], "depicet": 4, "depict": 4, "jmd_n": [4, 5, 7, 18], "jmd_c": [4, 5, 7, 18], "set_xticklabel": 4, "widht": 4, "tick_param": 4, "classif": [4, 7, 8, 17, 18, 19, 20, 25, 27, 28, 32], "pcolormesh": 4, "effect": [4, 21, 27, 32], "document": [4, 27], "more": [4, 13, 14, 16, 21], "cpp": [4, 5, 9, 12, 16, 20, 23, 24, 25, 28, 30], "code": [4, 9, 10, 11, 12, 13, 14, 15], "update_seq_s": 4, "retriev": [5, 17], "continu": [5, 12, 17, 21], "domain": [5, 7, 17, 18, 27], "transmembran": [5, 27], "membran": [5, 27], "principl": [5, 20], "distinct": [5, 20, 21, 24, 25, 27], "segment": [5, 16, 17, 30], "pattern": [5, 13, 17], "properti": [5, 13, 21, 27], "express": 5, "realiz": 5, "For": [5, 7, 16, 18, 21, 32], "over": [5, 16, 17], "valid": [5, 21], "tmd_e": 5, "tmd_n": 5, "tmd_c": 5, "ext_c": 5, "ext_n": 5, "tmd_jmd": [5, 16, 17], "jmd_n_tmd_n": 5, "tmd_c_jmd_c": 5, "ext_n_tmd_n": 5, "tmd_c_ext_c": 5, "get_df_part": [5, 16, 17], "df_seq": [5, 6, 7, 16, 17, 18, 30], "list_part": [5, 16, 17], "all_part": 5, "datafran": 5, "compris": [5, 13, 19], "tmd_start": [5, 7, 18], "tmd_stop": [5, 7, 18], "string": 5, "len": [5, 10, 18], "lenght": 5, "resp": [5, 27], "extra": [5, 15, 27], "possibl": [5, 18, 27, 32], "get": [5, 9, 13, 15, 28], "sf": [5, 16, 17], "dom_gsec": [5, 16, 17, 18, 27], "n_split_min": 5, "n_split_max": [5, 16, 17], "steps_pattern": 5, "n_min": 5, "n_max": 5, "len_max": 5, "steps_periodicpattern": 5, "periodicpattern": 5, "greater": 5, "greatest": 5, "whole": [5, 7, 19], "specfii": 5, "smallest": [5, 27], "integ": 5, "vari": [5, 18], "paramt": 5, "argumetn": 5, "get_featur": 5, "load_scal": [5, 16, 17, 19, 20, 25, 27], "combin": [5, 16, 17, 21, 27], "feat_matrix": [5, 16, 17], "n_job": [5, 16, 17], "return_label": 5, "seri": 5, "job": 5, "parallel": [5, 27], "spars": 5, "feat_nam": 5, "convert": 5, "depend": [5, 27], "last": 5, "step1": 5, "step2": 5, "add_feat_valu": 5, "dict_scal": 5, "letter": 5, "feature_valu": 5, "n_part": 5, "ha": [5, 21, 27], "where": [5, 6, 14, 27], "structur": [5, 26, 27], "th": [5, 8, 19], "n_split": 5, "p1": 5, "p2": 5, "pn": 5, "end": [5, 21, 27], "odd": [5, 18], "even": 5, "give": 5, "add_dif": 5, "sample_nam": 5, "ref_group": 5, "add_posit": 5, "part_split": 5, "feat_posit": 5, "total": [5, 6, 19, 21, 27], "pca_kwarg": 6, "determinist": [6, 20, 24, 25], "unlabel": [6, 20, 24, 25, 27, 32], "offer": [6, 18, 21], "approach": [6, 16, 17, 18, 21, 32], "pu": [6, 20, 24, 25, 27], "emploi": 6, "pc": [6, 8, 27], "iter": 6, "reliabl": [6, 18, 21], "These": [6, 8, 15, 17, 19, 21, 32], "those": [6, 27], "distant": 6, "altern": [6, 32], "also": [6, 18, 21, 27], "80": 6, "cover": 6, "varianc": 6, "identif": [6, 26], "datapoint": 6, "inspir": [6, 21], "techniqu": [6, 32], "an": [6, 7, 8, 13, 15, 16, 17, 18, 19, 20, 21, 23, 26, 27], "theoret": [6, 27], "high": [6, 26, 27], "n_neg": 6, "label_po": 6, "name_neg": 6, "rel_neg": 6, "col_class": 6, "newli": 6, "updat": [6, 21], "new": [6, 21], "store": 6, "Will": 6, "initi": [6, 27], "small": [6, 16, 17, 18, 20, 21, 24, 25, 28, 33], "datafor": 6, "conta": 6, "po": 6, "unl": 6, "numpi": [6, 16, 17, 21], "np": [6, 16, 17], "atgc": 6, "gcta": 6, "actg": 6, "tacg": 6, "mode": 6, "dpul": 6, "info": 7, "random": [7, 18, 27], "non_canonical_aa": 7, "remov": [7, 14, 15], "min_len": [7, 18], "max_len": [7, 18], "aa_window_s": [7, 18], "9": [7, 11, 15, 18, 21, 27], "load": [7, 8, 16, 20, 21, 25, 34], "benchmark": [7, 17, 19, 20, 25], "dataset": [7, 8, 16, 17, 19, 20, 21, 24, 25, 32, 33], "categor": [7, 15, 18], "dom": [7, 18, 27], "seq": [7, 18, 27], "By": 7, "overview": [7, 8, 18, 21], "tabl": [7, 8, 18, 21], "depth": [7, 8, 19, 20, 25], "per": [7, 18, 27], "randomli": [7, 18], "liter": 7, "keep": 7, "gap": 7, "handl": [7, 13, 20], "canon": [7, 19], "don": 7, "symbol": 7, "disabl": [7, 19], "window": [7, 27], "aa_": 7, "df_info": [7, 18], "entri": [7, 18, 19], "uniprot": 7, "binari": [7, 17, 18, 32], "stop": 7, "seq_amylo": [7, 18, 19, 27], "guid": [7, 8], "tutori": [7, 8, 17, 20, 21, 24], "just_aaindex": [8, 19], "unclassified_out": [8, 19], "top60_n": [8, 19], "aaontologi": [8, 17, 20, 23, 25, 26, 28], "scales_raw": [8, 19, 27], "encompass": [8, 27], "aaindex": [8, 17, 19, 26], "kawashima08": [8, 26, 27], "along": [8, 17], "min": [8, 19, 27], "max": [8, 19, 27], "organ": [8, 21], "scales_cat": [8, 19, 27], "breimann23b": [8, 20, 23, 26, 27], "compress": [8, 19, 27], "scales_pc": [8, 19, 27], "top": [8, 15, 27], "60": [8, 19, 27], "top60": [8, 19, 27], "individu": [8, 21], "accompani": 8, "top60_ev": [8, 19, 27], "normliz": 8, "raw": [8, 19, 27], "best": [8, 19], "Or": [8, 18], "relev": 8, "exclus": 8, "suffix": [8, 18, 21], "scale_id": [8, 19], "deriv": 8, "descript": [8, 19, 21, 27], "scale_descript": [8, 19], "current": [9, 13], "linewdith": 9, "plot_set": [9, 10, 11, 12, 13, 15, 16, 17, 18], "here": [9, 18, 21, 27], "plt": [9, 10, 11, 12, 13, 14, 15, 16, 17, 18], "sn": [9, 10, 11, 12, 13, 14, 15, 16, 17, 18], "b": [9, 11, 12, 13, 14, 15, 27], "23": [9, 11, 12, 13, 14, 15, 27], "27": [9, 13, 14, 15], "43": [9, 13, 14, 15], "plot_get_clist": [9, 13, 14, 15], "barplot": [9, 10, 11, 12, 13, 14, 15, 16, 17], "palett": [9, 10, 11, 12, 13, 14, 15, 16, 17], "despin": [9, 10, 13, 14, 15, 16, 17, 18], "bigger": 9, "tight_layout": [9, 10, 13, 14, 15], "show": [9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19], "png": [9, 10, 11, 12, 13, 14], "hire": [9, 10, 11, 12, 13, 14], "pdf": [9, 10, 11, 12, 13, 14], "prelud": [9, 10, 11, 12, 13, 14, 34], "dict_cat": 10, "weight_bold": [10, 14], "xaxi": 10, "set_vis": 10, "n_color": [11, 12, 15], "fuction": 11, "eight": 11, "colorl": 11, "appeal": [11, 15], "33": [11, 12], "notebook": 11, "color_palett": [11, 12], "101": 12, "shp": 12, "least": [12, 13, 21], "central": [12, 31], "rgb": 12, "14": [12, 15, 27], "light_palett": 12, "lighter": 12, "packag": [12, 16, 21], "list_cat": 13, "loc": [13, 19], "upper": 13, "left": [13, 27], "loc_out": 13, "ncol": [13, 15], "labelspac": 13, "columnspac": 13, "handletextpad": 13, "handlelength": 13, "fontsiz": [13, 15], "fontsize_titl": 13, "weight": [13, 26, 27], "fontsize_weight": 13, "marker": 13, "marker_s": 13, "lw": 13, "linestyl": 13, "edgecolor": 13, "hatch": [13, 15], "hatchcolor": 13, "title_align_left": 13, "independntli": 13, "customiz": 13, "flexbili": 13, "convini": 13, "func": 13, "attach": 13, "item": 13, "locat": [13, 27], "25": 13, "thei": [13, 17, 18, 21], "union": 13, "coordin": 13, "vertic": 13, "horizont": 13, "bewtween": 13, "text": [13, 14], "visiabl": 13, "corner": 13, "round": [13, 16, 17], "style": [13, 14], "Not": 13, "fill": [13, 21], "furhter": 13, "word": 13, "line2d": 13, "core": [13, 16, 17], "gca": 13, "font_scal": [14, 18], "arial": 14, "adjust_only_font": 14, "adjust_further_el": 14, "no_tick": 14, "short_tick": 14, "no_ticks_x": [14, 15], "short_ticks_x": 14, "no_ticks_i": 14, "short_ticks_i": [14, 15], "show_opt": 14, "configur": 14, "global": 14, "embed": 14, "vector": [14, 27], "format": [14, 27], "svg": 14, "ensur": [14, 18, 21], "compat": 14, "edit": 14, "variou": [14, 17, 21, 27, 30], "viewer": 14, "softwar": [14, 21], "factor": [14, 27], "element": [14, 15], "set_context": 14, "common": [14, 21], "verdana": 14, "helvetica": 14, "dejavu": 14, "san": 14, "bold": 14, "leav": [14, 21], "unchang": 14, "make": [14, 15, 17, 18, 21], "layout": 14, "errorbar": 14, "choos": 14, "mark": 14, "short": 14, "ignor": [14, 18, 21], "runtim": 14, "polt": 14, "rcparam": 14, "manag": 14, "some": [15, 16, 27], "readi": [15, 18], "view": [15, 21, 32], "let": 15, "right": [15, 27], "spine": 15, "look": 15, "just": 15, "easili": [15, 17, 18, 21], "comparison": [15, 16, 17], "d": [15, 19], "increas": [15, 27], "match": [15, 26], "plot_gcf": [15, 16, 17], "plot_legend": 15, "framework": [16, 17, 20, 24, 25], "predict": [16, 20, 21, 24, 25, 26, 27, 31, 32], "around": [16, 17], "interpret": [16, 17, 20, 21, 23, 24, 25, 26, 27, 31], "engin": [16, 20, 21, 24, 25, 31], "third": 16, "parti": 16, "aanalsi": 16, "we": [16, 17, 18, 21], "exampl": [16, 17, 18, 21, 24, 32], "\u03b3": [16, 17, 26], "secretas": [16, 17, 26, 27], "50": [16, 17, 18], "substrat": [16, 17, 26, 27], "aac": [16, 17], "now": [16, 17], "physic": [16, 27], "Its": 16, "idea": 16, "concept": 16, "As": [16, 17], "baselin": [16, 17], "entir": [16, 17, 21], "machin": [16, 17, 20, 21, 23, 26, 32], "ensembl": [16, 17], "randomforestclassifi": [16, 17], "model_select": [16, 17], "cross_val_scor": [16, 17], "rf": [16, 17], "cv_base": [16, 17], "accuraci": [16, 17, 19, 26], "f": [16, 17, 19], "63": [16, 18, 27], "take": [16, 17], "littl": [16, 17], "time": [16, 17], "improv": [16, 17, 21, 26], "000": [16, 17, 19], "cv": [16, 17], "tab": [16, 17], "red": [16, 17], "ylabel": [16, 17], "88": 16, "dive": 17, "power": 17, "capabl": [17, 27], "dedic": 17, "free": [17, 27], "In": [17, 18, 21, 32], "gamma": [17, 27], "ll": 17, "focu": [17, 21], "extract": 17, "how": 17, "har": 17, "task": [17, 21, 32], "essenti": [17, 18, 21], "randomforest": 17, "With": 17, "have": [17, 18, 19, 21, 27, 32], "hand": [17, 27], "effortlessli": 17, "furthermor": 17, "predominantli": 17, "hierarch": 17, "known": 17, "your": [17, 20, 21, 23], "fingertip": 17, "centerpiec": 17, "support": [17, 21, 27], "sinc": 17, "problem": 17, "lightweight": 17, "agglom": 17, "close": [17, 21], "integr": [17, 21, 26], "target": [17, 21], "middl": [17, 27], "adjac": [17, 27], "region": [17, 26, 27], "discontinu": 17, "togeth": [17, 30], "input": [17, 21, 30], "characterist": [17, 27], "58": [17, 27], "1000": 17, "yield": 17, "minut": 17, "i7": 17, "10510u": 17, "thread": 17, "93": 17, "iloc": [18, 19], "13": [18, 27], "predictor": [18, 27], "aa_caspase3": [18, 27], "233": [18, 27], "185605": [18, 27], "705": [18, 27], "184900": [18, 27], "prosper": [18, 26, 27], "aa_furin": [18, 27], "71": [18, 27], "59003": [18, 27], "163": [18, 27], "58840": [18, 27], "aa_ldr": [18, 27], "342": [18, 27], "118248": [18, 27], "35469": [18, 27], "82779": [18, 27], "idp": [18, 26, 27], "seq2seq": [18, 26, 27], "aa_mmp2": [18, 27], "573": [18, 27], "312976": [18, 27], "2416": [18, 27], "310560": [18, 27], "aa_rnabind": [18, 27], "221": [18, 27], "55001": [18, 27], "6492": [18, 27], "48509": [18, 27], "gmksvm": [18, 27], "ru": [18, 27], "aa_sa": [18, 27], "101082": [18, 27], "84523": [18, 27], "1414": [18, 27], "8484": [18, 27], "511": [18, 27], "903": [18, 27], "rerf": [18, 26, 27], "pred": [18, 26, 27], "seq_capsid": [18, 19, 27], "7935": [18, 27], "3364680": [18, 27], "3864": [18, 27], "4071": [18, 27], "viralpro": [18, 26, 27], "seq_disulfid": [18, 19, 27], "2547": [18, 27], "614470": [18, 27], "897": [18, 27], "1650": [18, 27], "dipro": [18, 27], "seq_loc": [18, 19, 27], "1835": [18, 27], "732398": [18, 27], "1045": [18, 27], "790": [18, 27], "nan": [18, 27], "seq_solubl": [18, 27], "17408": [18, 27], "4432269": [18, 27], "8704": [18, 27], "solpro": [18, 26, 27], "seq_tail": [18, 27], "6668": [18, 27], "2671690": [18, 27], "2574": [18, 27], "4094": [18, 27], "12": [18, 27], "126": [18, 27], "92964": [18, 27], "prefix": 18, "exemplifi": 18, "df_seq1": 18, "df_seq2": 18, "df_seq3": 18, "head": [18, 19], "capsid_1": 18, "mvthnvkinkhvtrrsyssakevleippltevqtasykwfmdkgik": 18, "capsid_2": 18, "mkkrqkkmtlsnftdtsfqdfvsaeqvddksamalinraedfkagq": 18, "balanc": 18, "200": 18, "value_count": 18, "dtype": 18, "int64": 18, "distribut": 18, "warn": 18, "simplefilt": 18, "action": 18, "futurewarn": 18, "list_seq_len": 18, "histplot": 18, "binwidth": 18, "xlim": 18, "1500": 18, "800": 18, "residu": [18, 19, 26, 27], "seen": 18, "caspase3_1": 18, "mslfdlfrgffgfpgprshrdpffggmtrdedddeeeeeeggswgr": 18, "caspase3_2": 18, "mevtgdagvpesgeirtlkpcllrrnysreqhgvaascledlrska": 18, "caspase3_3": 18, "mrarsgargalllalllcwdptpslagidsggqalpdsfpsapaeq": 18, "caspase3_4": 18, "mdakarncllqhrealekdiktsyimdhmisdgfltiseeekvrn": 18, "conveni": 18, "flank": 18, "side": [18, 27], "popular": [18, 32], "caspase3_1_pos126": 18, "qtlrdsmlk": 18, "caspase3_1_pos127": 18, "tlrdsmlky": 18, "caspase3_1_pos4": 18, "mslfdlfrg": 18, "caspase3_1_pos5": 18, "slfdlfrgf": 18, "21": [18, 27], "caspase3_94_pos31": 18, "vshwqqqsyldsgihsgattt": 18, "caspase3_129_pos530": 18, "wfnkvledktddastpatdt": 18, "caspase3_76_pos554": 18, "qllrgvkhlhdnwilhrdlkt": 18, "caspase3_19_pos163": 18, "ghrgnsldrrsqggphlsgav": 18, "But": 18, "mani": 18, "face": 18, "challeng": [18, 21], "might": [18, 27], "unbalanc": [18, 20, 21, 24, 25, 28, 33], "lack": 18, "clear": [18, 21], "scenario": 18, "denot": [18, 27], "_pu": [18, 27], "dom_gsec_pu": [18, 27], "q14802": 18, "mqkvtlgllvflagfpvldandledknspfyydwhslqvgglicag": 18, "37": 18, "59": 18, "nspfyydwh": 18, "lqvgglicagvlcamgiiivmsa": 18, "kckckfgqk": 18, "q86ue4": 18, "maarswqdelaqqaeegsarlremlsvglgflrtelgldlglepkr": 18, "72": 18, "lglepkrypg": 18, "wvilvgtgalgllllfllgygwa": 18, "aacagarkkr": 18, "p05067": 18, "mlpglallllaawtaralevptdgnagllaepqiamfcgrlnmhmn": 18, "701": 18, "723": 18, "faedvgsnkg": 18, "aiiglmvggvviatvivitlvml": 18, "kkkqytsihh": 18, "p14925": 18, "magrarsgllllllgllalqssclafrsplsvfkrfkettrsfsn": 18, "868": 18, "890": 18, "klstepgsgv": 18, "svvlittllvipvlvllaivmfi": 18, "rwkksrafgd": 18, "df_seq_pu": 18, "p12821": 18, "mgaasgrrgpglllplplllllppqpalaldpglqpgnfsadeaga": 18, "1257": 18, "1276": 18, "gldldaqqar": 18, "vgqwlllflgiallvatlgl": 18, "sqrlfsirhr": 18, "p36896": 18, "maesagassffplvvlllagsggsgprgvqallcactsclqanytc": 18, "127": 18, "149": 18, "ehpsmwgpv": 18, "lvgiiagpvfllfliiiivflvi": 18, "nyhqrvyhnr": 18, "six": 19, "origin": 19, "df_raw": 19, "df_pc": 19, "andn920101": 19, "argp820101": 19, "argp820102": 19, "argp820103": 19, "494": 19, "230": 19, "355": 19, "504": 19, "864": 19, "404": 19, "579": 19, "387": 19, "174": 19, "420": 19, "177": 19, "019": 19, "032": 19, "877": 19, "762": 19, "601": 19, "670": 19, "term": [19, 27], "lins030110": 19, "asa": [19, 27], "volum": [19, 27], "surfac": [19, 27], "fold": [19, 27], "coil": [19, 27], "turn": [19, 27], "median": 19, "resi": 19, "lins030113": 19, "janj780101": 19, "janin": [19, 27], "et": [19, 26, 27], "al": [19, 26, 27], "janj780103": 19, "expos": [19, 21, 27], "lins030104": 19, "stem": 19, "top60_id": 19, "acc": 19, "presenc": [19, 27], "absenc": [19, 27], "df_top60": 19, "aac01": 19, "aac02": 19, "aac03": 19, "aac04": 19, "aac05": 19, "df_eval": 19, "overal": 19, "761": 19, "827": 19, "732": 19, "746": 19, "747": 19, "830": 19, "733": 19, "742": 19, "741": 19, "829": 19, "734": 19, "828": 19, "731": 19, "739": 19, "735": 19, "752": 19, "df_cat_1": 19, "df_raw_1": 19, "df_scales_1": 19, "selected_scal": 19, "tolist": 19, "df_aac1": 19, "exclud": 19, "subordin": 19, "dpulearn": [20, 23, 24, 25], "train": [20, 21, 24, 25, 32], "moreov": [20, 25], "load_data": [20, 25], "pypi": 20, "conda": [20, 21], "forg": 20, "pip": [20, 21], "introduct": 20, "usag": [20, 21, 24], "contribut": [20, 27], "api": [20, 21], "explain": [20, 21, 26, 28], "ai": [20, 21, 26, 28], "perturb": [20, 32], "modul": 20, "search": 20, "page": 20, "work": [20, 23], "pleas": [20, 21, 23], "cite": [20, 23], "_": [20, 23], "breimann": [20, 23, 26], "kamp": [20, 23], "steiner": [20, 23], "frishman": [20, 23], "2023": [20, 23], "ontologi": [20, 23, 26], "biorxiv": [20, 23, 26], "welcom": 21, "thank": 21, "open": 21, "project": [21, 27], "focus": 21, "involv": 21, "invalu": 21, "made": 21, "wai": 21, "file": 21, "github": 21, "issu": 21, "tracker": 21, "submit": 21, "particip": [21, 27], "newcom": 21, "tackl": 21, "email": 21, "stephanbreimann": 21, "gmail": 21, "com": 21, "question": 21, "comprehens": 21, "robust": 21, "life": [21, 32, 33], "scienc": [21, 32, 33], "seamlessli": 21, "flexibl": [21, 27], "interoper": 21, "biopython": 21, "reimplement": 21, "exist": [21, 32], "solut": 21, "biolog": [21, 24, 27, 32], "context": 21, "relianc": 21, "opaqu": 21, "box": 21, "empir": 21, "insight": 21, "cut": 21, "fair": 21, "transpar": 21, "re": [21, 26], "commit": 21, "divers": 21, "aspect": 21, "causal": 21, "minim": 21, "reproduc": 21, "mre": 21, "amount": 21, "demonstr": 21, "self": 21, "necessari": 21, "confirm": 21, "replic": 21, "guidelin": 21, "To": [21, 28], "git": 21, "http": 21, "breimanntool": 21, "master": 21, "repositori": 21, "your_usernam": 21, "navig": 21, "folder": 21, "up": 21, "cd": 21, "isol": 21, "activ": [21, 27], "poetri": 21, "pytest": 21, "hypothesi": 21, "execut": 21, "case": 21, "directori": 21, "out": [21, 27], "readm": 21, "command": 21, "cheat": 21, "sheet": [21, 27], "substanti": 21, "minor": 21, "typo": 21, "concis": 21, "branch": [21, 27], "fix": 21, "date": 21, "readthedoc": 21, "org": 21, "crucial": 21, "modif": 21, "render": 21, "correctli": 21, "strive": 21, "well": 21, "codebas": 21, "standalon": 21, "special": 21, "carri": 21, "complet": 21, "process": 21, "fulfil": 21, "purpos": 21, "inherit": 21, "supplementari": 21, "accordingli": 21, "cppplot": 21, "semi": 21, "strictli": 21, "adher": 21, "aforement": 21, "primari": [21, 30], "_util": 21, "_utils_const": 21, "py": 21, "modular": 21, "therefor": 21, "flat": 21, "hierarchi": 21, "outlin": 21, "user": 21, "friendli": 21, "hint": 21, "enhanc": [21, 27], "propos": 21, "pep": 21, "484": 21, "book": 21, "error": 21, "messag": 21, "docstr": 21, "257": 21, "markup": 21, "languag": 21, "restructuredtext": 21, "rst": 21, "primer": 21, "restructuretext": 21, "cheatsheet": 21, "sphinx": 21, "autodoc": 21, "inclus": 21, "napoleon": 21, "extens": 21, "conf": 21, "bird": 21, "ey": 21, "background": 21, "medium": [21, 27], "tabular": 21, "critic": 21, "except": 21, "rule": 21, "showcas": 21, "scientif": 21, "mai": 21, "mention": 21, "section": 21, "extern": 21, "note": 21, "go": 21, "html": 21, "_build": 21, "browser": 21, "below": 21, "blank": 21, "OF": 21, "ONE": 21, "complex": 21, "At": 21, "intric": 21, "do": 21, "placehold": 21, "incomplet": 21, "potenti": [21, 27], "expect": 21, "30": 21, "150": 21, "remind": 21, "token": 21, "truncat": 21, "respons": 21, "simpli": 21, "ask": 21, "someth": 21, "repeat": 21, "compil": 21, "done": 21, "script": 21, "leverag": 21, "struggl": 21, "produc": 21, "erron": 21, "often": [21, 32], "ambigu": 21, "logic": 21, "address": 21, "intuit": 21, "through": 21, "signatur": [21, 28], "behavior": 21, "deeper": 21, "intricaci": 21, "citat": 23, "develop": 24, "practic": 24, "2023a": 26, "2023b": 26, "breimann23c": [26, 27], "2023c": 26, "chart": 26, "cheng06": [26, 27], "cheng": 26, "2006": 26, "larg": 26, "disulphid": 26, "bridg": [26, 27], "kernel": 26, "neural": 26, "network": 26, "graph": [26, 27], "struct": 26, "funct": 26, "kawashima": 26, "2008": 26, "aid": 26, "databas": 26, "report": 26, "nucleic": 26, "magnan09": [26, 27], "magnan": 26, "randal": 26, "baldi": 26, "2009": [26, 27], "accur": 26, "solubl": [26, 27], "bioinformat": 26, "galiez16": [26, 27], "galiez": 26, "2016": [26, 27], "viral": 26, "capsid": [26, 27], "tail": [26, 27], "song18": [26, 27], "song": 26, "2018": 26, "throughput": 26, "cleavag": [26, 27], "site": [26, 27], "90": 26, "proteas": 26, "shen19": [26, 27], "shen": 26, "2019": 26, "subcellular": [26, 27], "local": [26, 27], "evolutionari": 26, "chou": [26, 27], "pseaac": 26, "j": 26, "theor": 26, "biol": 26, "tang20": [26, 27], "tang": 26, "2020": 26, "intrins": [26, 27], "disord": [26, 27], "teng21": [26, 27], "teng": 26, "2021": 26, "amyloidogen": [26, 27], "pseudo": 26, "composit": [26, 27], "tripeptid": 26, "bmc": 26, "yang21": [26, 27], "yang": 26, "granular": 26, "multipl": 26, "rna": [26, 27], "bind": [26, 27], "appl": 26, "chronolog": 27, "histori": 27, "t1_overview_benchmark": 27, "t2_overview_scal": 27, "t3a_aaontology_categori": 27, "t3b_aaontology_subcategori": 27, "begin": 27, "append": 27, "caspas": 27, "furin": 27, "long": 27, "ldr": 27, "metallopeptidas": 27, "mmp2": 27, "rbp60": 27, "solvent": 27, "sa": 27, "buri": 27, "amyloidognen": 27, "capdsid": 27, "disulfid": 27, "ss": 27, "bond": 27, "cytoplasm": 27, "v": 27, "plasma": 27, "insolubl": 27, "694": 27, "494524": 27, "unknown": 27, "statu": 27, "586": 27, "tier": 27, "system": 27, "systemat": 27, "arrang": 27, "67": 27, "everi": 27, "clearli": 27, "assess": 27, "couldn": 27, "alloc": 27, "regard": 27, "prefer": 27, "chothia": 27, "1976": 27, "lin": 27, "2003": 27, "64": 27, "occurr": 27, "cellular": 27, "mitochondria": 27, "nakashima": 27, "1990": 27, "nishikawa": 27, "1992": 27, "conform": 27, "\u03b1": 27, "helix": 27, "\u03b2": 27, "strand": 27, "ranodm": 27, "tanaka": 27, "scheraga": 27, "1977": 27, "fasman": 27, "1978b": 27, "richardson": 27, "1988": 27, "qian": 27, "sejnowski": 27, "aurora": 27, "rose": 27, "1998": 27, "224": 27, "19": 27, "24": 27, "energi": 27, "charg": 27, "entropi": 27, "charton": 27, "1983": 27, "gui": 27, "1985": 27, "radzicka": 27, "wolfenden": 27, "36": 27, "could": 27, "mutabl": 27, "sneath": 27, "1966": 27, "17": 27, "polar": 27, "hydrophob": 27, "hydrophil": 27, "amphiphil": 27, "kyte": 27, "doolittl": 27, "1982": 27, "mitaku": 27, "2002": 27, "koehler": 27, "111": 27, "steric": 27, "chain": 27, "angl": 27, "symmetri": 27, "represent": 27, "eccentr": 27, "prabhakaran": 27, "ponnuswami": 27, "karkbara": 27, "knislei": 27, "45": 27, "stabil": 27, "backbon": 27, "dynam": 27, "vihinen": 27, "1994": 27, "bastolla": 27, "2005": 27, "31": 27, "water": 27, "tendenc": 27, "oppos": 27, "1978": 27, "partial": 27, "displac": 27, "caus": 27, "interact": 27, "mainli": 27, "ones": 27, "bull": 27, "brees": 27, "1974": 27, "bigelow": 27, "1967": 27, "jone": 27, "dayhoff": 27, "interior": 27, "unpolar": 27, "fukuchi": 27, "2001": 27, "mp": 27, "cedano": 27, "1997": 27, "mitochondri": 27, "less": 27, "val": 27, "cf": 27, "cap": 27, "propens": 27, "asp": 27, "glu": 27, "ly": 27, "arg": 27, "observ": 27, "character": 27, "punta": 27, "maritan": 27, "robson": 27, "suzuki": 27, "linker": 27, "georg": 27, "heringa": 27, "2004": 27, "helic": 27, "half": 27, "finkelstein": 27, "1991": 27, "outsid": 27, "insid": 27, "befor": 27, "geisow": 27, "robert": 27, "1980": 27, "ramachandran": 27, "state": 27, "quadrant": 27, "bottom": 27, "paul": 27, "1951": 27, "antiparallel": 27, "lifson": 27, "sander": 27, "1979": 27, "bend": 27, "revers": 27, "tight": 27, "consecut": 27, "180": 27, "back": 27, "hydrogen": 27, "3rd": 27, "4th": 27, "1st": 27, "2nd": 27, "r": 27, "tm": 27, "place": 27, "monn\u00e9": 27, "1999": 27, "\u03c0": 27, "ala": 27, "gln": 27, "fodj": 27, "karadaghi": 27, "net": 27, "donor": 27, "transfer": 27, "klein": 27, "1984": 27, "acceptor": 27, "faucher": 27, "hi": 27, "electron": 27, "ion": 27, "pot": 27, "valenc": 27, "chemic": 27, "cosic": 27, "low": 27, "due": 27, "strong": 27, "hutchen": 27, "1970": 27, "unfold": 27, "gibb": 27, "denatur": 27, "yutani": 27, "1987": 27, "instabl": 27, "highest": 27, "break": 27, "pro": 27, "munoz": 27, "serrano": 27, "isoelectr": 27, "ph": 27, "electr": 27, "neutral": 27, "zimmerman": 27, "1968": 27, "16": 27, "crystal": 27, "pairwis": 27, "constitu": 27, "atom": 27, "lennard": 27, "oobatak": 27, "ooi": 27, "rel": 27, "chang": 27, "divid": 27, "aliphat": 27, "linear": 27, "aromat": 27, "carbon": 27, "approxim": 27, "invers": 27, "reactiv": 27, "hydroxythiol": 27, "wold": 27, "occur": 27, "esp": 27, "amphipath": 27, "highli": 27, "signal": 27, "argo": 27, "cornett": 27, "38": 27, "environ": 27, "eisenberg": 27, "mclachlan": 27, "1986": 27, "surround": 27, "angstrom": 27, "radiu": 27, "pack": 27, "globular": 27, "1981": 27, "28": 27, "eigenvalu": 27, "laplacian": 27, "undirect": 27, "node": 27, "mass": 27, "molecular": 27, "second": 27, "actual": 27, "root": 27, "squar": 27, "gyrat": 27, "farther": 27, "awai": 27, "rackovski": 27, "relationship": 27, "rate": 27, "shift": 27, "bundi": 27, "wuthrich": 27, "nh": 27, "temperatur": 27, "rigid": 27, "gly": 27, "ser": 27, "particularli": 27, "ptitsyn": 27, "zhou": 27, "equilibrium": 27, "sueki": 27, "flow": 28, "enri": 28, "introduc": 29, "diagram": 30, "platform": 31, "novel": 31, "everywher": [32, 33], "setup": 32, "augment": 32, "smote": 32, "artifici": 32, "Such": 32, "veri": 32, "deep": 32, "imag": 32, "recognit": 32, "feasibl": 32, "becaus": 32, "slight": 32, "mutat": 32, "alter": 32, "dramat": 32, "great": 32, "quantiti": 32, "besid": 32, "distinguish": 32, "subfield": 32, "quick": 34, "slow": 34}, "objects": {"aaanalysis": [[1, 0, 1, "", "AAclust"], [2, 0, 1, "", "AAclustPlot"], [3, 0, 1, "", "CPP"], [4, 0, 1, "", "CPPPlot"], [5, 0, 1, "", "SequenceFeature"], [6, 0, 1, "", "dPULearn"], [7, 3, 1, "", "load_dataset"], [8, 3, 1, "", "load_scales"], [9, 3, 1, "", "plot_gcfs"], [10, 3, 1, "", "plot_get_cdict"], [11, 3, 1, "", "plot_get_clist"], [12, 3, 1, "", "plot_get_cmap"], [13, 3, 1, "", "plot_legend"], [14, 3, 1, "", "plot_settings"]], "aaanalysis.AAclust": [[1, 1, 1, "", "__init__"], [1, 2, 1, "", "center_labels_"], [1, 2, 1, "", "centers_"], [1, 1, 1, "", "comp_centers"], [1, 1, 1, "", "comp_correlation"], [1, 1, 1, "", "comp_coverage"], [1, 1, 1, "", "comp_medoids"], [1, 1, 1, "", "eval"], [1, 1, 1, "", "fit"], [1, 2, 1, "", "is_medoid_"], [1, 2, 1, "", "labels_"], [1, 2, 1, "", "medoid_labels_"], [1, 2, 1, "", "medoid_names_"], [1, 2, 1, "", "medoids_"], [1, 2, 1, "", "model"], [1, 2, 1, "", "n_clusters"], [1, 1, 1, "", "name_clusters"]], "aaanalysis.AAclustPlot": [[2, 1, 1, "", "__init__"], [2, 1, 1, "", "center"], [2, 1, 1, "", "correlation"], [2, 1, 1, "", "eval"], [2, 1, 1, "", "medoids"]], "aaanalysis.CPP": [[3, 1, 1, "", "__init__"], [3, 1, 1, "", "eval"], [3, 1, 1, "", "run"]], "aaanalysis.CPPPlot": [[4, 1, 1, "", "__init__"], [4, 1, 1, "", "heatmap"], [4, 1, 1, "", "profile"], [4, 1, 1, "", "update_seq_size"]], "aaanalysis.SequenceFeature": [[5, 1, 1, "", "__init__"], [5, 1, 1, "", "add_dif"], [5, 1, 1, "", "add_feat_value"], [5, 1, 1, "", "add_position"], [5, 1, 1, "", "feat_matrix"], [5, 1, 1, "", "feat_names"], [5, 1, 1, "", "get_df_parts"], [5, 1, 1, "", "get_features"], [5, 1, 1, "", "get_split_kws"]], "aaanalysis.dPULearn": [[6, 1, 1, "", "__init__"], [6, 1, 1, "", "eval"], [6, 1, 1, "", "fit"], [6, 2, 1, "", "labels_"]]}, "objtypes": {"0": "py:class", "1": "py:method", "2": "py:attribute", "3": "py:function"}, "objnames": {"0": ["py", "class", "Python class"], "1": ["py", "method", "Python method"], "2": ["py", "attribute", "Python attribute"], "3": ["py", "function", "Python function"]}, "titleterms": {"api": 0, "data": [0, 18, 30, 32, 34], "handl": [0, 34], "featur": [0, 17, 34], "engin": [0, 17, 34], "pu": [0, 18, 32, 34], "learn": [0, 17, 32, 34], "explain": [0, 17, 33, 34], "ai": [0, 17, 33, 34], "perturb": 0, "plot": [0, 15], "util": 0, "aaanalysi": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 16, 17, 20, 30], "aaclust": [1, 17], "note": [1, 2, 3, 5, 6, 7, 8, 13], "aaclustplot": 2, "cpp": [3, 17, 31], "cppplot": 4, "exampl": [4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 20], "sequencefeatur": 5, "dpulearn": 6, "load_dataset": 7, "load_scal": 8, "plot_gcf": 9, "plot_get_cdict": 10, "plot_get_clist": 11, "plot_get_cmap": 12, "plot_legend": 13, "plot_set": 14, "prelud": 15, "quick": 16, "start": [16, 17, 34], "slow": 17, "what": [17, 32, 33], "you": 17, "Will": 17, "1": 17, "load": [17, 18, 19], "sequenc": [17, 33], "scale": [17, 19, 27, 29], "2": 17, "compar": 17, "physicochem": [17, 31], "profil": 17, "3": 17, "protein": [17, 18, 27], "predict": 17, "4": 17, "group": 17, "level": [17, 33], "individu": 17, "tutori": [18, 19, 34], "benchmark": [18, 26, 27], "amino": [18, 19, 27, 29], "acid": [18, 19, 27, 29], "window": 18, "size": 18, "posit": 18, "unlabel": 18, "dataset": [18, 26, 27], "three": 19, "set": 19, "numer": 19, "aaontologi": [19, 27, 29], "redund": 19, "reduc": 19, "subset": 19, "filter": 19, "welcom": 20, "document": [20, 21, 24], "instal": [20, 21], "overview": [20, 24, 27], "refer": [20, 26], "indic": 20, "tabl": [20, 27], "citat": 20, "contribut": 21, "introduct": [21, 24], "vision": 21, "object": 21, "non": 21, "goal": 21, "principl": [21, 28], "bug": 21, "report": 21, "latest": 21, "version": 21, "local": 21, "develop": 21, "environ": 21, "fork": 21, "clone": 21, "depend": 21, "run": 21, "unit": 21, "test": 21, "pull": 21, "request": 21, "preview": 21, "chang": 21, "name": 21, "convent": 21, "class": 21, "templat": 21, "function": 21, "method": 21, "code": 21, "philosophi": 21, "style": 21, "layer": 21, "build": 21, "doc": 21, "chatgpt": 21, "guid": 21, "tgd": 21, "workflow": 24, "algorithm": 26, "us": [26, 31], "case": 26, "further": 26, "inform": 26, "categori": 27, "subcategori": 27, "usag": 28, "classif": 29, "flow": 30, "enri": 30, "point": 30, "compon": 30, "entri": 30, "bridg": 30, "extern": 30, "librari": 30, "identifi": 31, "signatur": 31, "from": 32, "unbalanc": 32, "small": 32, "i": [32, 33], "get": 34}, "envversion": {"sphinx.domains.c": 2, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 8, "sphinx.domains.index": 1, "sphinx.domains.javascript": 2, "sphinx.domains.math": 2, "sphinx.domains.python": 3, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "nbsphinx": 4, "sphinx": 57}, "alltitles": {"API": [[0, "api"]], "Data Handling": [[0, "data-handling"], [34, "data-handling"]], "Feature Engineering": [[0, "feature-engineering"], [34, "feature-engineering"]], "PU Learning": [[0, "pu-learning"], [34, "pu-learning"]], "Explainable AI": [[0, "explainable-ai"], [34, "explainable-ai"]], "Perturbation": [[0, "perturbation"]], "Plot Utilities": [[0, "plot-utilities"]], "aaanalysis.AAclust": [[1, "aaanalysis-aaclust"]], "Notes": [[1, null], [1, null], [1, null], [1, null], [2, null], [3, null], [3, null], [5, null], [5, null], [5, null], [5, null], [5, null], [6, null], [6, null], [7, null], [8, null], [13, null]], "aaanalysis.AAclustPlot": [[2, "aaanalysis-aaclustplot"]], "aaanalysis.CPP": [[3, "aaanalysis-cpp"]], "aaanalysis.CPPPlot": [[4, "aaanalysis-cppplot"]], "Examples": [[4, null], [5, null], [5, null], [6, null], [7, null], [8, null], [9, null], [10, null], [11, null], [12, null], [13, null], [14, null]], "aaanalysis.SequenceFeature": [[5, "aaanalysis-sequencefeature"]], "aaanalysis.dPULearn": [[6, "aaanalysis-dpulearn"]], "aaanalysis.load_dataset": [[7, "aaanalysis-load-dataset"]], "aaanalysis.load_scales": [[8, "aaanalysis-load-scales"]], "aaanalysis.plot_gcfs": [[9, "aaanalysis-plot-gcfs"]], "aaanalysis.plot_get_cdict": [[10, "aaanalysis-plot-get-cdict"]], "aaanalysis.plot_get_clist": [[11, "aaanalysis-plot-get-clist"]], "aaanalysis.plot_get_cmap": [[12, "aaanalysis-plot-get-cmap"]], "aaanalysis.plot_legend": [[13, "aaanalysis-plot-legend"]], "aaanalysis.plot_settings": [[14, "aaanalysis-plot-settings"]], "Plotting Prelude": [[15, "plotting-prelude"]], "Quick Start with AAanalysis": [[16, "quick-start-with-aaanalysis"]], "Slow Start with AAanalysis": [[17, "slow-start-with-aaanalysis"]], "What You Will Learn:": [[17, "what-you-will-learn"]], "1. Loading Sequences and Scales": [[17, "loading-sequences-and-scales"]], "2. Feature Engineering": [[17, "feature-engineering"]], "AAclust": [[17, "aaclust"]], "Comparative Physicochemical Profiling (CPP)": [[17, "comparative-physicochemical-profiling-cpp"]], "3. Protein Prediction": [[17, "protein-prediction"]], "4. Explainable AI": [[17, "explainable-ai"]], "Explainable AI on group level": [[17, "explainable-ai-on-group-level"]], "Explainable AI on individual level": [[17, "explainable-ai-on-individual-level"]], "Data Loading Tutorial": [[18, "data-loading-tutorial"]], "Loading of protein benchmarks": [[18, "loading-of-protein-benchmarks"]], "Loading of protein benchmarks: Amino acid window size": [[18, "loading-of-protein-benchmarks-amino-acid-window-size"]], "Loading of protein benchmarks: Positive-Unlabeled (PU) datasets": [[18, "loading-of-protein-benchmarks-positive-unlabeled-pu-datasets"]], "Scale Loading Tutorial": [[19, "scale-loading-tutorial"]], "Three sets of numerical amino acid scales": [[19, "three-sets-of-numerical-amino-acid-scales"]], "AAontology": [[19, "aaontology"], [27, "aaontology"]], "Redundancy-reduce scale subsets": [[19, "redundancy-reduce-scale-subsets"]], "Filtering of scales": [[19, "filtering-of-scales"]], "Welcome to the AAanalysis documentation!": [[20, "welcome-to-the-aaanalysis-documentation"]], "Install": [[20, "install"]], "OVERVIEW": [[20, null]], "EXAMPLES": [[20, null]], "REFERENCES": [[20, null]], "Indices and tables": [[20, "indices-and-tables"]], "Citation": [[20, "citation"]], "Contributing": [[21, "contributing"]], "Introduction": [[21, "introduction"], [24, "introduction"]], "Vision": [[21, "vision"]], "Objectives": [[21, "objectives"]], "Non-goals": [[21, "non-goals"]], "Principles": [[21, "principles"]], "Bug Reports": [[21, "bug-reports"]], "Installation": [[21, "installation"]], "Latest Version": [[21, "latest-version"]], "Local Development Environment": [[21, "local-development-environment"]], "Fork and Clone": [[21, "fork-and-clone"]], "Install Dependencies": [[21, "install-dependencies"]], "Run Unit Tests": [[21, "run-unit-tests"]], "Pull Requests": [[21, "pull-requests"]], "Preview Changes": [[21, "preview-changes"]], "Documentation": [[21, "documentation"]], "Naming Conventions": [[21, "naming-conventions"]], "Class Templates": [[21, "class-templates"]], "Function and Method Naming": [[21, "function-and-method-naming"]], "Code Philosophy": [[21, "code-philosophy"]], "Documentation Style": [[21, "documentation-style"]], "Documentation Layers": [[21, "documentation-layers"]], "Building the Docs": [[21, "building-the-docs"]], "Test with ChatGPT": [[21, "test-with-chatgpt"]], "Test Guided Development (TGD)": [[21, "test-guided-development-tgd"]], "Workflow": [[24, "workflow"]], "Overview of documentation": [[24, "overview-of-documentation"]], "References": [[26, "references"]], "Algorithms": [[26, "algorithms"]], "Datasets and Benchmarks": [[26, "datasets-and-benchmarks"]], "Use Cases": [[26, "use-cases"]], "Further Information": [[26, "further-information"]], "Tables": [[27, "tables"]], "Overview Table": [[27, "overview-table"]], "Protein Benchmark Datasets": [[27, "protein-benchmark-datasets"]], "Amino Acid Scale Datasets": [[27, "amino-acid-scale-datasets"]], "Categories": [[27, "categories"]], "Subcategories": [[27, "subcategories"]], "Usage Principles": [[28, "usage-principles"]], "AAontology: Classification of amino acid scales": [[29, "aaontology-classification-of-amino-acid-scales"]], "Data Flow and Enry Points": [[30, "data-flow-and-enry-points"]], "Data Flow: Components of AAanalysis": [[30, "data-flow-components-of-aaanalysis"]], "Entry Points: Bridges to External Libraries": [[30, "entry-points-bridges-to-external-libraries"]], "Identifying Physicochemical Signatures using CPP": [[31, "identifying-physicochemical-signatures-using-cpp"]], "Learning from unbalanced and small data": [[32, "learning-from-unbalanced-and-small-data"]], "What is PU learning?": [[32, "what-is-pu-learning"]], "Explainable AI at Sequence Level": [[33, "explainable-ai-at-sequence-level"]], "What is explainable AI?": [[33, "what-is-explainable-ai"]], "Tutorials": [[34, "tutorials"]], "Getting Started": [[34, "getting-started"]]}, "indexentries": {"aaclust (class in aaanalysis)": [[1, "aaanalysis.AAclust"]], "__init__() (aaanalysis.aaclust method)": [[1, "aaanalysis.AAclust.__init__"]], "center_labels_ (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.center_labels_"]], "centers_ (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.centers_"]], "comp_centers() (aaanalysis.aaclust static method)": [[1, "aaanalysis.AAclust.comp_centers"]], "comp_correlation() (aaanalysis.aaclust static method)": [[1, "aaanalysis.AAclust.comp_correlation"]], "comp_coverage() (aaanalysis.aaclust static method)": [[1, "aaanalysis.AAclust.comp_coverage"]], "comp_medoids() (aaanalysis.aaclust static method)": [[1, "aaanalysis.AAclust.comp_medoids"]], "eval() (aaanalysis.aaclust method)": [[1, "aaanalysis.AAclust.eval"]], "fit() (aaanalysis.aaclust method)": [[1, "aaanalysis.AAclust.fit"]], "is_medoid_ (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.is_medoid_"]], "labels_ (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.labels_"]], "medoid_labels_ (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.medoid_labels_"]], "medoid_names_ (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.medoid_names_"]], "medoids_ (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.medoids_"]], "model (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.model"]], "n_clusters (aaanalysis.aaclust attribute)": [[1, "aaanalysis.AAclust.n_clusters"]], "name_clusters() (aaanalysis.aaclust static method)": [[1, "aaanalysis.AAclust.name_clusters"]], "aaclustplot (class in aaanalysis)": [[2, "aaanalysis.AAclustPlot"]], "__init__() (aaanalysis.aaclustplot method)": [[2, "aaanalysis.AAclustPlot.__init__"]], "center() (aaanalysis.aaclustplot method)": [[2, "aaanalysis.AAclustPlot.center"]], "correlation() (aaanalysis.aaclustplot static method)": [[2, "aaanalysis.AAclustPlot.correlation"]], "eval() (aaanalysis.aaclustplot static method)": [[2, "aaanalysis.AAclustPlot.eval"]], "medoids() (aaanalysis.aaclustplot method)": [[2, "aaanalysis.AAclustPlot.medoids"]], "cpp (class in aaanalysis)": [[3, "aaanalysis.CPP"]], "__init__() (aaanalysis.cpp method)": [[3, "aaanalysis.CPP.__init__"]], "eval() (aaanalysis.cpp method)": [[3, "aaanalysis.CPP.eval"]], "run() (aaanalysis.cpp method)": [[3, "aaanalysis.CPP.run"]], "cppplot (class in aaanalysis)": [[4, "aaanalysis.CPPPlot"]], "__init__() (aaanalysis.cppplot method)": [[4, "aaanalysis.CPPPlot.__init__"]], "heatmap() (aaanalysis.cppplot method)": [[4, "aaanalysis.CPPPlot.heatmap"]], "profile() (aaanalysis.cppplot method)": [[4, "aaanalysis.CPPPlot.profile"]], "update_seq_size() (aaanalysis.cppplot method)": [[4, "aaanalysis.CPPPlot.update_seq_size"]], "sequencefeature (class in aaanalysis)": [[5, "aaanalysis.SequenceFeature"]], "__init__() (aaanalysis.sequencefeature method)": [[5, "aaanalysis.SequenceFeature.__init__"]], "add_dif() (aaanalysis.sequencefeature static method)": [[5, "aaanalysis.SequenceFeature.add_dif"]], "add_feat_value() (aaanalysis.sequencefeature static method)": [[5, "aaanalysis.SequenceFeature.add_feat_value"]], "add_position() (aaanalysis.sequencefeature static method)": [[5, "aaanalysis.SequenceFeature.add_position"]], "feat_matrix() (aaanalysis.sequencefeature static method)": [[5, "aaanalysis.SequenceFeature.feat_matrix"]], "feat_names() (aaanalysis.sequencefeature static method)": [[5, "aaanalysis.SequenceFeature.feat_names"]], "get_df_parts() (aaanalysis.sequencefeature static method)": [[5, "aaanalysis.SequenceFeature.get_df_parts"]], "get_features() (aaanalysis.sequencefeature method)": [[5, "aaanalysis.SequenceFeature.get_features"]], "get_split_kws() (aaanalysis.sequencefeature static method)": [[5, "aaanalysis.SequenceFeature.get_split_kws"]], "__init__() (aaanalysis.dpulearn method)": [[6, "aaanalysis.dPULearn.__init__"]], "dpulearn (class in aaanalysis)": [[6, "aaanalysis.dPULearn"]], "eval() (aaanalysis.dpulearn method)": [[6, "aaanalysis.dPULearn.eval"]], "fit() (aaanalysis.dpulearn method)": [[6, "aaanalysis.dPULearn.fit"]], "labels_ (aaanalysis.dpulearn attribute)": [[6, "aaanalysis.dPULearn.labels_"]], "load_dataset() (in module aaanalysis)": [[7, "aaanalysis.load_dataset"]], "load_scales() (in module aaanalysis)": [[8, "aaanalysis.load_scales"]], "plot_gcfs() (in module aaanalysis)": [[9, "aaanalysis.plot_gcfs"]], "plot_get_cdict() (in module aaanalysis)": [[10, "aaanalysis.plot_get_cdict"]], "plot_get_clist() (in module aaanalysis)": [[11, "aaanalysis.plot_get_clist"]], "plot_get_cmap() (in module aaanalysis)": [[12, "aaanalysis.plot_get_cmap"]], "plot_legend() (in module aaanalysis)": [[13, "aaanalysis.plot_legend"]], "plot_settings() (in module aaanalysis)": [[14, "aaanalysis.plot_settings"]]}}) \ No newline at end of file diff --git a/docs/build/plot_directive/generated/aaanalysis-plot_gcfs-1.pdf b/docs/build/plot_directive/generated/aaanalysis-plot_gcfs-1.pdf index c25bd49a..8e0549fd 100644 Binary files a/docs/build/plot_directive/generated/aaanalysis-plot_gcfs-1.pdf and b/docs/build/plot_directive/generated/aaanalysis-plot_gcfs-1.pdf differ diff --git a/docs/build/plot_directive/generated/aaanalysis-plot_get_cdict-1.pdf b/docs/build/plot_directive/generated/aaanalysis-plot_get_cdict-1.pdf index 709d9fee..b6a54c5b 100644 Binary files a/docs/build/plot_directive/generated/aaanalysis-plot_get_cdict-1.pdf and b/docs/build/plot_directive/generated/aaanalysis-plot_get_cdict-1.pdf differ diff --git a/docs/build/plot_directive/generated/aaanalysis-plot_get_clist-1.pdf b/docs/build/plot_directive/generated/aaanalysis-plot_get_clist-1.pdf index 532df34f..7e5dc82d 100644 Binary files a/docs/build/plot_directive/generated/aaanalysis-plot_get_clist-1.pdf and b/docs/build/plot_directive/generated/aaanalysis-plot_get_clist-1.pdf differ diff --git a/docs/build/plot_directive/generated/aaanalysis-plot_get_cmap-1.pdf b/docs/build/plot_directive/generated/aaanalysis-plot_get_cmap-1.pdf index 7eea1cd4..a18bb6db 100644 Binary files a/docs/build/plot_directive/generated/aaanalysis-plot_get_cmap-1.pdf and b/docs/build/plot_directive/generated/aaanalysis-plot_get_cmap-1.pdf differ diff --git a/docs/build/plot_directive/generated/aaanalysis-plot_legend-1.pdf b/docs/build/plot_directive/generated/aaanalysis-plot_legend-1.pdf index 305b1aac..94493971 100644 Binary files a/docs/build/plot_directive/generated/aaanalysis-plot_legend-1.pdf and b/docs/build/plot_directive/generated/aaanalysis-plot_legend-1.pdf differ diff --git a/docs/build/plot_directive/generated/aaanalysis-plot_settings-1.pdf b/docs/build/plot_directive/generated/aaanalysis-plot_settings-1.pdf index c661fe64..185c72fd 100644 Binary files a/docs/build/plot_directive/generated/aaanalysis-plot_settings-1.pdf and b/docs/build/plot_directive/generated/aaanalysis-plot_settings-1.pdf differ diff --git a/docs/build/plot_directive/generated/aaanalysis-plot_settings-2.pdf b/docs/build/plot_directive/generated/aaanalysis-plot_settings-2.pdf index 26e18d3b..59378616 100644 Binary files a/docs/build/plot_directive/generated/aaanalysis-plot_settings-2.pdf and b/docs/build/plot_directive/generated/aaanalysis-plot_settings-2.pdf differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/003a950e558bd0ec/6287ab31048345ee b/tests/unit/aaclust_plot_tests/.hypothesis/examples/003a950e558bd0ec/6287ab31048345ee new file mode 100644 index 00000000..0539bd5f Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/003a950e558bd0ec/6287ab31048345ee differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/003a950e558bd0ec/8382716cbcd597e3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/003a950e558bd0ec/8382716cbcd597e3 new file mode 100644 index 00000000..42747fa5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/003a950e558bd0ec/8382716cbcd597e3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/0a0ea4e5c44ea9fe/7ed0aa79021c3208 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/0a0ea4e5c44ea9fe/7ed0aa79021c3208 new file mode 100644 index 00000000..f34a2d1a Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/0a0ea4e5c44ea9fe/7ed0aa79021c3208 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/0a0ea4e5c44ea9fe/8382716cbcd597e3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/0a0ea4e5c44ea9fe/8382716cbcd597e3 new file mode 100644 index 00000000..42747fa5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/0a0ea4e5c44ea9fe/8382716cbcd597e3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/0a0ea4e5c44ea9fe/f09fe8f00caa7d0a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/0a0ea4e5c44ea9fe/f09fe8f00caa7d0a new file mode 100644 index 00000000..47b500d0 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/0a0ea4e5c44ea9fe/f09fe8f00caa7d0a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/0a0ea4e5c44ea9fe/fd32709e26b2d0ca b/tests/unit/aaclust_plot_tests/.hypothesis/examples/0a0ea4e5c44ea9fe/fd32709e26b2d0ca new file mode 100644 index 00000000..2d3d9960 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/0a0ea4e5c44ea9fe/fd32709e26b2d0ca differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/0b7cdb92b2e18841/1dd6f7b457ad880d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/0b7cdb92b2e18841/1dd6f7b457ad880d new file mode 100644 index 00000000..09f370e3 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/0b7cdb92b2e18841/1dd6f7b457ad880d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/11892821360900e2/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/11892821360900e2/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/11892821360900e2/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/1284d1ca70e15e59/8382716cbcd597e3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/1284d1ca70e15e59/8382716cbcd597e3 new file mode 100644 index 00000000..42747fa5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/1284d1ca70e15e59/8382716cbcd597e3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/1284d1ca70e15e59/b3788718b8743e16 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/1284d1ca70e15e59/b3788718b8743e16 new file mode 100644 index 00000000..db45a17d Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/1284d1ca70e15e59/b3788718b8743e16 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/17a7e8cb3d82f6db/720a054154bb9c96 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/17a7e8cb3d82f6db/720a054154bb9c96 new file mode 100644 index 00000000..670c7442 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/17a7e8cb3d82f6db/720a054154bb9c96 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/17e6f38b9481ed24/1086a78797317d2d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/17e6f38b9481ed24/1086a78797317d2d new file mode 100644 index 00000000..12db4781 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/17e6f38b9481ed24/1086a78797317d2d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/17e6f38b9481ed24/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/17e6f38b9481ed24/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/17e6f38b9481ed24/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/188f52817e45d1ab/7d5d757ae15b98de b/tests/unit/aaclust_plot_tests/.hypothesis/examples/188f52817e45d1ab/7d5d757ae15b98de new file mode 100644 index 00000000..67c32976 --- /dev/null +++ b/tests/unit/aaclust_plot_tests/.hypothesis/examples/188f52817e45d1ab/7d5d757ae15b98de @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/19d71df174f92821/1086a78797317d2d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/19d71df174f92821/1086a78797317d2d new file mode 100644 index 00000000..12db4781 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/19d71df174f92821/1086a78797317d2d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/19d71df174f92821/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/19d71df174f92821/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/19d71df174f92821/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/1d352c91a88b7c1f/1086a78797317d2d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/1d352c91a88b7c1f/1086a78797317d2d new file mode 100644 index 00000000..12db4781 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/1d352c91a88b7c1f/1086a78797317d2d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/1d352c91a88b7c1f/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/1d352c91a88b7c1f/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/1d352c91a88b7c1f/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/1dcd28c3dce3c006/8382716cbcd597e3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/1dcd28c3dce3c006/8382716cbcd597e3 new file mode 100644 index 00000000..42747fa5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/1dcd28c3dce3c006/8382716cbcd597e3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/206033f591f442f1/17694369dba8dbe1 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/206033f591f442f1/17694369dba8dbe1 new file mode 100644 index 00000000..a0a9d5c6 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/206033f591f442f1/17694369dba8dbe1 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/206033f591f442f1/ebd22b4f7ab8107a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/206033f591f442f1/ebd22b4f7ab8107a new file mode 100644 index 00000000..e1b6ba5c Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/206033f591f442f1/ebd22b4f7ab8107a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/2081d7c54aca2d8d/76af4b24d8d2e5f6 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2081d7c54aca2d8d/76af4b24d8d2e5f6 new file mode 100644 index 00000000..88c3744b Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2081d7c54aca2d8d/76af4b24d8d2e5f6 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/2081d7c54aca2d8d/7c49d58c9c56714d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2081d7c54aca2d8d/7c49d58c9c56714d new file mode 100644 index 00000000..d61db7a0 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2081d7c54aca2d8d/7c49d58c9c56714d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/2081d7c54aca2d8d/90bea9745214d32a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2081d7c54aca2d8d/90bea9745214d32a new file mode 100644 index 00000000..6a25782b Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2081d7c54aca2d8d/90bea9745214d32a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/2081d7c54aca2d8d/f0cee183dc4e282a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2081d7c54aca2d8d/f0cee183dc4e282a new file mode 100644 index 00000000..4965aa61 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2081d7c54aca2d8d/f0cee183dc4e282a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/2baf4696074bb8ba/5a50daa4f0205308 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2baf4696074bb8ba/5a50daa4f0205308 new file mode 100644 index 00000000..2b176806 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2baf4696074bb8ba/5a50daa4f0205308 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/2d98a760660de1a8/d54fc52c7fb79621 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2d98a760660de1a8/d54fc52c7fb79621 new file mode 100644 index 00000000..e55bcc11 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2d98a760660de1a8/d54fc52c7fb79621 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/2f11276c85b6c46a/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2f11276c85b6c46a/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2f11276c85b6c46a/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/2ffc2c6a70df6133/7210af19145ec2a8 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2ffc2c6a70df6133/7210af19145ec2a8 new file mode 100644 index 00000000..f66c9cf4 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2ffc2c6a70df6133/7210af19145ec2a8 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/2ffc2c6a70df6133/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2ffc2c6a70df6133/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/2ffc2c6a70df6133/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/3267bdb4d383af55/5a50daa4f0205308 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3267bdb4d383af55/5a50daa4f0205308 new file mode 100644 index 00000000..2b176806 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3267bdb4d383af55/5a50daa4f0205308 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/3443dc4559242413/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3443dc4559242413/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3443dc4559242413/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/358aaacd7efe3462/b6ecfb1136784e5d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/358aaacd7efe3462/b6ecfb1136784e5d new file mode 100644 index 00000000..33023b52 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/358aaacd7efe3462/b6ecfb1136784e5d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/3b1189a906c78b41/17694369dba8dbe1 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3b1189a906c78b41/17694369dba8dbe1 new file mode 100644 index 00000000..a0a9d5c6 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3b1189a906c78b41/17694369dba8dbe1 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/3b1189a906c78b41/ebd22b4f7ab8107a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3b1189a906c78b41/ebd22b4f7ab8107a new file mode 100644 index 00000000..e1b6ba5c Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3b1189a906c78b41/ebd22b4f7ab8107a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/3bdaa9d873e9df8a/37ec492ab703c87f b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3bdaa9d873e9df8a/37ec492ab703c87f new file mode 100644 index 00000000..22fd28d4 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3bdaa9d873e9df8a/37ec492ab703c87f differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/3bdaa9d873e9df8a/bdf1a62a115dbf08 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3bdaa9d873e9df8a/bdf1a62a115dbf08 new file mode 100644 index 00000000..d91c16e2 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3bdaa9d873e9df8a/bdf1a62a115dbf08 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/3bdaa9d873e9df8a/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3bdaa9d873e9df8a/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3bdaa9d873e9df8a/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/3e86f230faf61245/d506a1a0902a7d0a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3e86f230faf61245/d506a1a0902a7d0a new file mode 100644 index 00000000..a7bbbcc8 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3e86f230faf61245/d506a1a0902a7d0a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/3e86f230faf61245/ebd22b4f7ab8107a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3e86f230faf61245/ebd22b4f7ab8107a new file mode 100644 index 00000000..e1b6ba5c Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3e86f230faf61245/ebd22b4f7ab8107a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/3f40dd255556b856/1dd6f7b457ad880d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3f40dd255556b856/1dd6f7b457ad880d new file mode 100644 index 00000000..09f370e3 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/3f40dd255556b856/1dd6f7b457ad880d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/440e71bfd859d700/51ca0a6b220d0de9 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/440e71bfd859d700/51ca0a6b220d0de9 new file mode 100644 index 00000000..af946569 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/440e71bfd859d700/51ca0a6b220d0de9 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/440e71bfd859d700/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/440e71bfd859d700/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/440e71bfd859d700/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/440e71bfd859d700/cf3bc2d6fde21212 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/440e71bfd859d700/cf3bc2d6fde21212 new file mode 100644 index 00000000..bdfb3f28 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/440e71bfd859d700/cf3bc2d6fde21212 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/44e1e7de598dbad9/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/44e1e7de598dbad9/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/44e1e7de598dbad9/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/47b1cb85b58aa123/17694369dba8dbe1 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/47b1cb85b58aa123/17694369dba8dbe1 new file mode 100644 index 00000000..a0a9d5c6 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/47b1cb85b58aa123/17694369dba8dbe1 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/47b1cb85b58aa123/ebd22b4f7ab8107a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/47b1cb85b58aa123/ebd22b4f7ab8107a new file mode 100644 index 00000000..e1b6ba5c Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/47b1cb85b58aa123/ebd22b4f7ab8107a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/48d68f53d27818b1/7210af19145ec2a8 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/48d68f53d27818b1/7210af19145ec2a8 new file mode 100644 index 00000000..f66c9cf4 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/48d68f53d27818b1/7210af19145ec2a8 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/48d68f53d27818b1/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/48d68f53d27818b1/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/48d68f53d27818b1/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/52315f984b89efcf/5a50daa4f0205308 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/52315f984b89efcf/5a50daa4f0205308 new file mode 100644 index 00000000..2b176806 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/52315f984b89efcf/5a50daa4f0205308 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/538b8922a666d3e8/1dd6f7b457ad880d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/538b8922a666d3e8/1dd6f7b457ad880d new file mode 100644 index 00000000..09f370e3 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/538b8922a666d3e8/1dd6f7b457ad880d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/5463e54347288715/5a50daa4f0205308 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5463e54347288715/5a50daa4f0205308 new file mode 100644 index 00000000..2b176806 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5463e54347288715/5a50daa4f0205308 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/5463e54347288715/8565039d7a182583 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5463e54347288715/8565039d7a182583 new file mode 100644 index 00000000..cc53819a Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5463e54347288715/8565039d7a182583 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/552480c3e2008cba/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/552480c3e2008cba/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/552480c3e2008cba/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/0badb75643bec722 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/0badb75643bec722 new file mode 100644 index 00000000..aa8aa1d2 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/0badb75643bec722 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/17694369dba8dbe1 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/17694369dba8dbe1 new file mode 100644 index 00000000..a0a9d5c6 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/17694369dba8dbe1 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/2f186504480621bc b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/2f186504480621bc new file mode 100644 index 00000000..cc6e7af4 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/2f186504480621bc differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/33f4eb018e823d53 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/33f4eb018e823d53 new file mode 100644 index 00000000..ab65a0ae Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/33f4eb018e823d53 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/3ff14838071cab52 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/3ff14838071cab52 new file mode 100644 index 00000000..b9a580df Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/3ff14838071cab52 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/46100d750815fddb b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/46100d750815fddb new file mode 100644 index 00000000..c9c6ed21 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/46100d750815fddb differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/4e28eac16088f294 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/4e28eac16088f294 new file mode 100644 index 00000000..157bc3a1 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/4e28eac16088f294 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/6ef5a030b80a5f2c b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/6ef5a030b80a5f2c new file mode 100644 index 00000000..56cd41ee Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/6ef5a030b80a5f2c differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/7980e1c53a655bcc b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/7980e1c53a655bcc new file mode 100644 index 00000000..c5be2186 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/7980e1c53a655bcc differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/79beb20552b2c58d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/79beb20552b2c58d new file mode 100644 index 00000000..626b343e Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/79beb20552b2c58d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/84429ec9a55e78d5 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/84429ec9a55e78d5 new file mode 100644 index 00000000..df911d1e Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/84429ec9a55e78d5 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/885cddfa332ab076 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/885cddfa332ab076 new file mode 100644 index 00000000..d1d7fe6a Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/885cddfa332ab076 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/8eb63c8e0fcdf2b4 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/8eb63c8e0fcdf2b4 new file mode 100644 index 00000000..efa96143 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/8eb63c8e0fcdf2b4 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/9660a6b4e8d087ba b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/9660a6b4e8d087ba new file mode 100644 index 00000000..f2de739f Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/9660a6b4e8d087ba differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/9c44f17b9dc91ec0 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/9c44f17b9dc91ec0 new file mode 100644 index 00000000..a7afa9d4 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/9c44f17b9dc91ec0 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/a2b791fad07cf5a9 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/a2b791fad07cf5a9 new file mode 100644 index 00000000..d4b931bf Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/a2b791fad07cf5a9 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/adf7606ab9f5dff2 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/adf7606ab9f5dff2 new file mode 100644 index 00000000..82a77dbc Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/adf7606ab9f5dff2 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/b48496b9f5b888bf b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/b48496b9f5b888bf new file mode 100644 index 00000000..2a7a4184 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/b48496b9f5b888bf differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/c914fc6b2a9772b1 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/c914fc6b2a9772b1 new file mode 100644 index 00000000..982e83ff Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/c914fc6b2a9772b1 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/db08ac15ef405e58 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/db08ac15ef405e58 new file mode 100644 index 00000000..551824ff Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/db08ac15ef405e58 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/ebd22b4f7ab8107a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/ebd22b4f7ab8107a new file mode 100644 index 00000000..e1b6ba5c Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/ebd22b4f7ab8107a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/f8f3886b45dd64dd b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/f8f3886b45dd64dd new file mode 100644 index 00000000..89d9351a Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/567de7839f7a7492/f8f3886b45dd64dd differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/5a56ced470a23999/8382716cbcd597e3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5a56ced470a23999/8382716cbcd597e3 new file mode 100644 index 00000000..42747fa5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5a56ced470a23999/8382716cbcd597e3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/5a56ced470a23999/fd32709e26b2d0ca b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5a56ced470a23999/fd32709e26b2d0ca new file mode 100644 index 00000000..2d3d9960 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5a56ced470a23999/fd32709e26b2d0ca differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/5afb640b26aa43b8/5a50daa4f0205308 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5afb640b26aa43b8/5a50daa4f0205308 new file mode 100644 index 00000000..2b176806 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5afb640b26aa43b8/5a50daa4f0205308 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f8ae113b342e288/37ec492ab703c87f b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f8ae113b342e288/37ec492ab703c87f new file mode 100644 index 00000000..22fd28d4 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f8ae113b342e288/37ec492ab703c87f differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f8ae113b342e288/a852f5fc013b5e15 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f8ae113b342e288/a852f5fc013b5e15 new file mode 100644 index 00000000..b9fab6f1 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f8ae113b342e288/a852f5fc013b5e15 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f8ae113b342e288/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f8ae113b342e288/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f8ae113b342e288/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f95f9f4450ea8d5/8382716cbcd597e3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f95f9f4450ea8d5/8382716cbcd597e3 new file mode 100644 index 00000000..42747fa5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f95f9f4450ea8d5/8382716cbcd597e3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f95f9f4450ea8d5/873f87099647db00 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f95f9f4450ea8d5/873f87099647db00 new file mode 100644 index 00000000..24353c90 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f95f9f4450ea8d5/873f87099647db00 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f99476201520f7a/8382716cbcd597e3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f99476201520f7a/8382716cbcd597e3 new file mode 100644 index 00000000..42747fa5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/5f99476201520f7a/8382716cbcd597e3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/60a342ac961645c0/37ec492ab703c87f b/tests/unit/aaclust_plot_tests/.hypothesis/examples/60a342ac961645c0/37ec492ab703c87f new file mode 100644 index 00000000..22fd28d4 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/60a342ac961645c0/37ec492ab703c87f differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/60a342ac961645c0/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/60a342ac961645c0/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/60a342ac961645c0/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/62af944cea1d852f/1dd6f7b457ad880d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/62af944cea1d852f/1dd6f7b457ad880d new file mode 100644 index 00000000..09f370e3 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/62af944cea1d852f/1dd6f7b457ad880d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/641b7e67271bc8a5/51ca0a6b220d0de9 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/641b7e67271bc8a5/51ca0a6b220d0de9 new file mode 100644 index 00000000..af946569 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/641b7e67271bc8a5/51ca0a6b220d0de9 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/641b7e67271bc8a5/968ecc261d435262 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/641b7e67271bc8a5/968ecc261d435262 new file mode 100644 index 00000000..75f1c7e3 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/641b7e67271bc8a5/968ecc261d435262 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/641b7e67271bc8a5/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/641b7e67271bc8a5/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/641b7e67271bc8a5/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/676a53e8a7ea3635/1086a78797317d2d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/676a53e8a7ea3635/1086a78797317d2d new file mode 100644 index 00000000..12db4781 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/676a53e8a7ea3635/1086a78797317d2d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/676a53e8a7ea3635/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/676a53e8a7ea3635/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/676a53e8a7ea3635/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/6bc22e37523da7c7/1dd6f7b457ad880d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/6bc22e37523da7c7/1dd6f7b457ad880d new file mode 100644 index 00000000..09f370e3 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/6bc22e37523da7c7/1dd6f7b457ad880d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/71561503168e0739/7210af19145ec2a8 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71561503168e0739/7210af19145ec2a8 new file mode 100644 index 00000000..f66c9cf4 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71561503168e0739/7210af19145ec2a8 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/71561503168e0739/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71561503168e0739/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71561503168e0739/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/0779a5f8a6fe013f b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/0779a5f8a6fe013f new file mode 100644 index 00000000..6c51634b Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/0779a5f8a6fe013f differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/249844a012717a8c b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/249844a012717a8c new file mode 100644 index 00000000..f2255d6e Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/249844a012717a8c differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/3c00eadf15711698 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/3c00eadf15711698 new file mode 100644 index 00000000..d56baa37 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/3c00eadf15711698 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/71e21d88301ada74 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/71e21d88301ada74 new file mode 100644 index 00000000..327701b5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/71e21d88301ada74 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/85976f4b720785af b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/85976f4b720785af new file mode 100644 index 00000000..aa392298 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/85976f4b720785af differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/8bdca54abdcca752 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/8bdca54abdcca752 new file mode 100644 index 00000000..fd89966d Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/8bdca54abdcca752 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/8cb913b477cb6e06 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/8cb913b477cb6e06 new file mode 100644 index 00000000..720371ae Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/8cb913b477cb6e06 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/93a6685d2db314c9 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/93a6685d2db314c9 new file mode 100644 index 00000000..7eea1198 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/93a6685d2db314c9 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/b0b2753a5c1d692a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/b0b2753a5c1d692a new file mode 100644 index 00000000..bab181a1 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/b0b2753a5c1d692a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/d7d12540928f079a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/d7d12540928f079a new file mode 100644 index 00000000..5f088af5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/d7d12540928f079a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/dcc7cdf3405581a0 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/dcc7cdf3405581a0 new file mode 100644 index 00000000..d3a67804 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/dcc7cdf3405581a0 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/e1574ba24e027433 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/e1574ba24e027433 new file mode 100644 index 00000000..e8c38cad Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/71f000e169345838/e1574ba24e027433 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/7815b241eccd7061/8382716cbcd597e3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7815b241eccd7061/8382716cbcd597e3 new file mode 100644 index 00000000..42747fa5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7815b241eccd7061/8382716cbcd597e3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/7b8f74b6d5d772c5/37ec492ab703c87f b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7b8f74b6d5d772c5/37ec492ab703c87f new file mode 100644 index 00000000..22fd28d4 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7b8f74b6d5d772c5/37ec492ab703c87f differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/7b8f74b6d5d772c5/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7b8f74b6d5d772c5/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7b8f74b6d5d772c5/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/21a0636e3687f70b b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/21a0636e3687f70b new file mode 100644 index 00000000..5d04be15 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/21a0636e3687f70b differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/2ca820b4680b2507 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/2ca820b4680b2507 new file mode 100644 index 00000000..26d94cf9 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/2ca820b4680b2507 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/329714f0691862ba b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/329714f0691862ba new file mode 100644 index 00000000..50803328 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/329714f0691862ba differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/370b0ad2fa7faa13 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/370b0ad2fa7faa13 new file mode 100644 index 00000000..25ed94e5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/370b0ad2fa7faa13 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/4b0639a19a093c50 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/4b0639a19a093c50 new file mode 100644 index 00000000..5b8f89fa Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/4b0639a19a093c50 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/4eec0b9dbfa5d402 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/4eec0b9dbfa5d402 new file mode 100644 index 00000000..ff4901fd Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/4eec0b9dbfa5d402 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/4f9e9e03a688e8f4 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/4f9e9e03a688e8f4 new file mode 100644 index 00000000..56f51385 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/4f9e9e03a688e8f4 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/54dcf5f8f8a64635 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/54dcf5f8f8a64635 new file mode 100644 index 00000000..0b5f5566 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/54dcf5f8f8a64635 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/55d1100d331066b3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/55d1100d331066b3 new file mode 100644 index 00000000..73fdaf06 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/55d1100d331066b3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/57e6317c64b9474e b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/57e6317c64b9474e new file mode 100644 index 00000000..560a6584 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/57e6317c64b9474e differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/a7a6e108fef12f98 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/a7a6e108fef12f98 new file mode 100644 index 00000000..0cebba3b Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/a7a6e108fef12f98 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/cdabed128eec4400 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/cdabed128eec4400 new file mode 100644 index 00000000..73ea0c11 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/cdabed128eec4400 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/f03e4f5d2a01038c b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/f03e4f5d2a01038c new file mode 100644 index 00000000..7175ec48 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/f03e4f5d2a01038c differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/f8e248b633b2ac96 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/f8e248b633b2ac96 new file mode 100644 index 00000000..15fe1b45 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/7e5131534adf8597/f8e248b633b2ac96 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8150c1478b7b70e9/5868914a14ef75bd b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8150c1478b7b70e9/5868914a14ef75bd new file mode 100644 index 00000000..90561f6d Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8150c1478b7b70e9/5868914a14ef75bd differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/84e8c160206f8b82/1dd6f7b457ad880d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/84e8c160206f8b82/1dd6f7b457ad880d new file mode 100644 index 00000000..09f370e3 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/84e8c160206f8b82/1dd6f7b457ad880d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/867525fb23efabcc/8382716cbcd597e3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/867525fb23efabcc/8382716cbcd597e3 new file mode 100644 index 00000000..42747fa5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/867525fb23efabcc/8382716cbcd597e3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/867525fb23efabcc/8688f97353f45e2a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/867525fb23efabcc/8688f97353f45e2a new file mode 100644 index 00000000..d2c7e42f Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/867525fb23efabcc/8688f97353f45e2a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/867525fb23efabcc/9053ed45fdba7a97 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/867525fb23efabcc/9053ed45fdba7a97 new file mode 100644 index 00000000..d43746ce Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/867525fb23efabcc/9053ed45fdba7a97 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/0d2c7929c1571580 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/0d2c7929c1571580 new file mode 100644 index 00000000..78f4707d Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/0d2c7929c1571580 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/101349cc0d85ef0a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/101349cc0d85ef0a new file mode 100644 index 00000000..ab4d48f4 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/101349cc0d85ef0a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/11beba484c69dc82 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/11beba484c69dc82 new file mode 100644 index 00000000..8b517634 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/11beba484c69dc82 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/1511f12992ea2973 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/1511f12992ea2973 new file mode 100644 index 00000000..3a66aa23 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/1511f12992ea2973 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/1bd073b6b684636a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/1bd073b6b684636a new file mode 100644 index 00000000..db6cd915 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/1bd073b6b684636a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/2335a8e124579d50 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/2335a8e124579d50 new file mode 100644 index 00000000..9a385b68 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/2335a8e124579d50 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/238de7445a2f01f9 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/238de7445a2f01f9 new file mode 100644 index 00000000..41ba5ddd Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/238de7445a2f01f9 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/255dccbb54ba9b01 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/255dccbb54ba9b01 new file mode 100644 index 00000000..e22fd16b Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/255dccbb54ba9b01 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/33d9590c96a59f06 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/33d9590c96a59f06 new file mode 100644 index 00000000..d64e3dae Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/33d9590c96a59f06 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/530ebaeb7c444c50 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/530ebaeb7c444c50 new file mode 100644 index 00000000..d4f5d4b3 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/530ebaeb7c444c50 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/5b680353ecb9fc41 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/5b680353ecb9fc41 new file mode 100644 index 00000000..502c8441 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/5b680353ecb9fc41 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/6190caee2f072306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/6190caee2f072306 new file mode 100644 index 00000000..3b5b3084 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/6190caee2f072306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/785f89f4adc69aff b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/785f89f4adc69aff new file mode 100644 index 00000000..ab3d4928 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/785f89f4adc69aff differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/81c051cd7c30b738 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/81c051cd7c30b738 new file mode 100644 index 00000000..e32ba906 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/81c051cd7c30b738 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/a26979b00f7a5c4c b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/a26979b00f7a5c4c new file mode 100644 index 00000000..76731e0d Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/a26979b00f7a5c4c differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/a9dae4330951a6d8 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/a9dae4330951a6d8 new file mode 100644 index 00000000..f90ed84e Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/a9dae4330951a6d8 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/abd3ec2d90ae6d94 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/abd3ec2d90ae6d94 new file mode 100644 index 00000000..586210dc Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/abd3ec2d90ae6d94 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/b0f802e22277a013 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/b0f802e22277a013 new file mode 100644 index 00000000..d35505ec Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/b0f802e22277a013 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/c90fe14b3c3490a5 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/c90fe14b3c3490a5 new file mode 100644 index 00000000..1689748c Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/c90fe14b3c3490a5 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/cb73d61b91ba7cfe b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/cb73d61b91ba7cfe new file mode 100644 index 00000000..856939ee Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/cb73d61b91ba7cfe differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/cc263d64a1d52a7e b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/cc263d64a1d52a7e new file mode 100644 index 00000000..a384cd83 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/cc263d64a1d52a7e differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/ccf2c7b3ca90acd9 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/ccf2c7b3ca90acd9 new file mode 100644 index 00000000..83157769 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/ccf2c7b3ca90acd9 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/cf5ae55e258007a1 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/cf5ae55e258007a1 new file mode 100644 index 00000000..0818254c Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/cf5ae55e258007a1 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/dbbb64c7fa776d36 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/dbbb64c7fa776d36 new file mode 100644 index 00000000..ccadbe14 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/dbbb64c7fa776d36 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/e662a7e995ad123d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/e662a7e995ad123d new file mode 100644 index 00000000..a415fba5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/e662a7e995ad123d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/e8174463b0da22c5 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/e8174463b0da22c5 new file mode 100644 index 00000000..9408affd Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/e8174463b0da22c5 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/f84216e4a05d3772 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/f84216e4a05d3772 new file mode 100644 index 00000000..fdc1cd72 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8772ad9d875d8e3b/f84216e4a05d3772 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/87c6f94678403ee2/7210af19145ec2a8 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/87c6f94678403ee2/7210af19145ec2a8 new file mode 100644 index 00000000..f66c9cf4 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/87c6f94678403ee2/7210af19145ec2a8 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/87c6f94678403ee2/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/87c6f94678403ee2/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/87c6f94678403ee2/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/88160224b23a64cc/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/88160224b23a64cc/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/88160224b23a64cc/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/88160224b23a64cc/f2e04701e1b579f7 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/88160224b23a64cc/f2e04701e1b579f7 new file mode 100644 index 00000000..68a437cf Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/88160224b23a64cc/f2e04701e1b579f7 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/88160224b23a64cc/f5ad89d25da754cf b/tests/unit/aaclust_plot_tests/.hypothesis/examples/88160224b23a64cc/f5ad89d25da754cf new file mode 100644 index 00000000..14649684 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/88160224b23a64cc/f5ad89d25da754cf differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8b1a66fa93f0b648/31dcb83fd6d4d8db b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8b1a66fa93f0b648/31dcb83fd6d4d8db new file mode 100644 index 00000000..18500fdc Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8b1a66fa93f0b648/31dcb83fd6d4d8db differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8b1a66fa93f0b648/55d7ea3af9adf202 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8b1a66fa93f0b648/55d7ea3af9adf202 new file mode 100644 index 00000000..aea27a34 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8b1a66fa93f0b648/55d7ea3af9adf202 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8b1a66fa93f0b648/8382716cbcd597e3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8b1a66fa93f0b648/8382716cbcd597e3 new file mode 100644 index 00000000..42747fa5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8b1a66fa93f0b648/8382716cbcd597e3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8ef4f719b36d1e3d/050aeff993017985 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8ef4f719b36d1e3d/050aeff993017985 new file mode 100644 index 00000000..ab2c6846 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8ef4f719b36d1e3d/050aeff993017985 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/8f2cd8cd2f65d4c6/1dd6f7b457ad880d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8f2cd8cd2f65d4c6/1dd6f7b457ad880d new file mode 100644 index 00000000..09f370e3 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/8f2cd8cd2f65d4c6/1dd6f7b457ad880d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/26411c5bcbfc4522 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/26411c5bcbfc4522 new file mode 100644 index 00000000..25e5d12b Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/26411c5bcbfc4522 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/2a254a7d716e1e22 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/2a254a7d716e1e22 new file mode 100644 index 00000000..c972cdbb Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/2a254a7d716e1e22 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/3f60e0d91cc530dc b/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/3f60e0d91cc530dc new file mode 100644 index 00000000..defba92c Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/3f60e0d91cc530dc differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/8d78edd47739b122 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/8d78edd47739b122 new file mode 100644 index 00000000..7927c2af Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/8d78edd47739b122 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/b34b01d6478d3bfa b/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/b34b01d6478d3bfa new file mode 100644 index 00000000..125c2848 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/b34b01d6478d3bfa differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/d506a1a0902a7d0a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/d506a1a0902a7d0a new file mode 100644 index 00000000..a7bbbcc8 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/d506a1a0902a7d0a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/ebd22b4f7ab8107a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/ebd22b4f7ab8107a new file mode 100644 index 00000000..e1b6ba5c Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/92ce4ea062f9dbbf/ebd22b4f7ab8107a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/2ca820b4680b2507 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/2ca820b4680b2507 new file mode 100644 index 00000000..26d94cf9 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/2ca820b4680b2507 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/30711ef439d416d3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/30711ef439d416d3 new file mode 100644 index 00000000..5be05e16 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/30711ef439d416d3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/54dcf5f8f8a64635 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/54dcf5f8f8a64635 new file mode 100644 index 00000000..0b5f5566 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/54dcf5f8f8a64635 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/6a8d8ab348da5708 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/6a8d8ab348da5708 new file mode 100644 index 00000000..c8f3b92a Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/6a8d8ab348da5708 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/72d78d92ee462550 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/72d78d92ee462550 new file mode 100644 index 00000000..38d6f5aa Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/72d78d92ee462550 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/d54fc52c7fb79621 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/d54fc52c7fb79621 new file mode 100644 index 00000000..e55bcc11 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/93f3afec30221cde/d54fc52c7fb79621 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/9502fa18b4852b3c/720a054154bb9c96 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9502fa18b4852b3c/720a054154bb9c96 new file mode 100644 index 00000000..670c7442 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9502fa18b4852b3c/720a054154bb9c96 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/028a5ad7460b0d47 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/028a5ad7460b0d47 new file mode 100644 index 00000000..550840af Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/028a5ad7460b0d47 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/1b8320e1eb54ab86 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/1b8320e1eb54ab86 new file mode 100644 index 00000000..88c7cbcb Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/1b8320e1eb54ab86 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/43b5573cb2cf39fb b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/43b5573cb2cf39fb new file mode 100644 index 00000000..0f1273ba Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/43b5573cb2cf39fb differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/4d538811c49d65c7 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/4d538811c49d65c7 new file mode 100644 index 00000000..9fa36408 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/4d538811c49d65c7 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/7415672ee2cf3631 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/7415672ee2cf3631 new file mode 100644 index 00000000..0a664490 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/7415672ee2cf3631 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/8651abfeb77694d4 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/8651abfeb77694d4 new file mode 100644 index 00000000..0bdbedad Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/8651abfeb77694d4 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/a25a05566de8b5f8 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/a25a05566de8b5f8 new file mode 100644 index 00000000..a99be145 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/a25a05566de8b5f8 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/a5c158e7aa53bd99 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/a5c158e7aa53bd99 new file mode 100644 index 00000000..4811cb33 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/a5c158e7aa53bd99 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/b4dba86ec3c60cfa b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/b4dba86ec3c60cfa new file mode 100644 index 00000000..0700f87b Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/b4dba86ec3c60cfa differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/b5674a4049e5e1e9 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/b5674a4049e5e1e9 new file mode 100644 index 00000000..254b76a4 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/b5674a4049e5e1e9 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/bf57eed007d9b873 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/bf57eed007d9b873 new file mode 100644 index 00000000..fc1579e7 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/bf57eed007d9b873 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/cf3bc2d6fde21212 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/cf3bc2d6fde21212 new file mode 100644 index 00000000..bdfb3f28 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/cf3bc2d6fde21212 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/dfda3b3134f283eb b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/dfda3b3134f283eb new file mode 100644 index 00000000..963efa9e Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/dfda3b3134f283eb differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/fb69925112dae287 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/fb69925112dae287 new file mode 100644 index 00000000..1e252562 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9bee16c0a014a0a0/fb69925112dae287 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/9ca573bfef80eadd/1dd6f7b457ad880d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9ca573bfef80eadd/1dd6f7b457ad880d new file mode 100644 index 00000000..09f370e3 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/9ca573bfef80eadd/1dd6f7b457ad880d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/a41ad2d280432a89/1dd6f7b457ad880d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/a41ad2d280432a89/1dd6f7b457ad880d new file mode 100644 index 00000000..09f370e3 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/a41ad2d280432a89/1dd6f7b457ad880d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/a636dd34d06fb250/5a50daa4f0205308 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/a636dd34d06fb250/5a50daa4f0205308 new file mode 100644 index 00000000..2b176806 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/a636dd34d06fb250/5a50daa4f0205308 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/a81c4463ccdf4212/5a50daa4f0205308 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/a81c4463ccdf4212/5a50daa4f0205308 new file mode 100644 index 00000000..2b176806 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/a81c4463ccdf4212/5a50daa4f0205308 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/ac94b2358ed74260/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ac94b2358ed74260/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ac94b2358ed74260/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/17694369dba8dbe1 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/17694369dba8dbe1 new file mode 100644 index 00000000..a0a9d5c6 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/17694369dba8dbe1 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/17a112177098e3dd b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/17a112177098e3dd new file mode 100644 index 00000000..893d1bfe Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/17a112177098e3dd differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/33f4eb018e823d53 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/33f4eb018e823d53 new file mode 100644 index 00000000..ab65a0ae Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/33f4eb018e823d53 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/3ebfc62178aeea84 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/3ebfc62178aeea84 new file mode 100644 index 00000000..b2df5f8f Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/3ebfc62178aeea84 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/43654ae64e0b2a0f b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/43654ae64e0b2a0f new file mode 100644 index 00000000..39d1eab1 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/43654ae64e0b2a0f differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/5353ae7a6df7d603 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/5353ae7a6df7d603 new file mode 100644 index 00000000..1e01ad3d Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/5353ae7a6df7d603 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/8d5a197ebff53d12 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/8d5a197ebff53d12 new file mode 100644 index 00000000..a628d355 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/8d5a197ebff53d12 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/8e036210a3bd8b39 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/8e036210a3bd8b39 new file mode 100644 index 00000000..586a738a Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/8e036210a3bd8b39 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/92f69bb31bedcef5 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/92f69bb31bedcef5 new file mode 100644 index 00000000..12a57274 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/92f69bb31bedcef5 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/93a6685d2db314c9 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/93a6685d2db314c9 new file mode 100644 index 00000000..7eea1198 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/93a6685d2db314c9 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/97dd2e26a0dd52a7 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/97dd2e26a0dd52a7 new file mode 100644 index 00000000..9196c442 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/97dd2e26a0dd52a7 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/ebd22b4f7ab8107a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/ebd22b4f7ab8107a new file mode 100644 index 00000000..e1b6ba5c Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/ebd22b4f7ab8107a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/efe87a6c2f26f768 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/efe87a6c2f26f768 new file mode 100644 index 00000000..c1d23342 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ae8f0164961e987d/efe87a6c2f26f768 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/b340c6e6fad0ad5a/1086a78797317d2d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/b340c6e6fad0ad5a/1086a78797317d2d new file mode 100644 index 00000000..12db4781 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/b340c6e6fad0ad5a/1086a78797317d2d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/b340c6e6fad0ad5a/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/b340c6e6fad0ad5a/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/b340c6e6fad0ad5a/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/b99f6348f5cea86d/8382716cbcd597e3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/b99f6348f5cea86d/8382716cbcd597e3 new file mode 100644 index 00000000..42747fa5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/b99f6348f5cea86d/8382716cbcd597e3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/b99f6348f5cea86d/986017fa4a4bb3ff b/tests/unit/aaclust_plot_tests/.hypothesis/examples/b99f6348f5cea86d/986017fa4a4bb3ff new file mode 100644 index 00000000..c9e1d599 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/b99f6348f5cea86d/986017fa4a4bb3ff differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/bd60c5713e5330cd/5a50daa4f0205308 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/bd60c5713e5330cd/5a50daa4f0205308 new file mode 100644 index 00000000..2b176806 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/bd60c5713e5330cd/5a50daa4f0205308 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/bd60c5713e5330cd/8565039d7a182583 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/bd60c5713e5330cd/8565039d7a182583 new file mode 100644 index 00000000..cc53819a Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/bd60c5713e5330cd/8565039d7a182583 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/03917b65a40fda71 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/03917b65a40fda71 new file mode 100644 index 00000000..f32102ce Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/03917b65a40fda71 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/15616e85b1ce2471 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/15616e85b1ce2471 new file mode 100644 index 00000000..6a4010f8 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/15616e85b1ce2471 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/3a8e0490c3dfe409 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/3a8e0490c3dfe409 new file mode 100644 index 00000000..a7e2b790 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/3a8e0490c3dfe409 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/41cebd100f814699 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/41cebd100f814699 new file mode 100644 index 00000000..37eb180d Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/41cebd100f814699 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/4938d0cd9ea455bf b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/4938d0cd9ea455bf new file mode 100644 index 00000000..ab0bcb36 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/4938d0cd9ea455bf differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/568da68849e61503 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/568da68849e61503 new file mode 100644 index 00000000..e260a660 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/568da68849e61503 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/9d6ea13efe7b946c b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/9d6ea13efe7b946c new file mode 100644 index 00000000..42e0d76b Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/9d6ea13efe7b946c differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/9df80ed33c5bd985 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/9df80ed33c5bd985 new file mode 100644 index 00000000..c3188883 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/9df80ed33c5bd985 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/c7df7453501508fb b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/c7df7453501508fb new file mode 100644 index 00000000..ad83d26d Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/c7df7453501508fb differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/d356cb5f68434fc8 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/d356cb5f68434fc8 new file mode 100644 index 00000000..f0d74a2c Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c39ae5a6e64ed8c8/d356cb5f68434fc8 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/c45f213156535688/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c45f213156535688/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c45f213156535688/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/c936931cc95a4998/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c936931cc95a4998/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/c936931cc95a4998/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/401b400bb2f1c71b b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/401b400bb2f1c71b new file mode 100644 index 00000000..00804cdf Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/401b400bb2f1c71b differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/6c4fe2b1f88a693c b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/6c4fe2b1f88a693c new file mode 100644 index 00000000..c81c1afd Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/6c4fe2b1f88a693c differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/8de089398fee3eb5 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/8de089398fee3eb5 new file mode 100644 index 00000000..345b8dea Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/8de089398fee3eb5 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/8e17c4923be3c5e3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/8e17c4923be3c5e3 new file mode 100644 index 00000000..78b77587 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/8e17c4923be3c5e3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/aa5e01cda81e5e62 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/aa5e01cda81e5e62 new file mode 100644 index 00000000..6d33dd38 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/aa5e01cda81e5e62 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/bf73af55d6a3030c b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/bf73af55d6a3030c new file mode 100644 index 00000000..3c1ddf73 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/bf73af55d6a3030c differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/d8cc53c61ed1ba9f b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/d8cc53c61ed1ba9f new file mode 100644 index 00000000..90c7433c Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/d8cc53c61ed1ba9f differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/dcdbbda2d961a468 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/dcdbbda2d961a468 new file mode 100644 index 00000000..411421a5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/dcdbbda2d961a468 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/f09fe8f00caa7d0a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/f09fe8f00caa7d0a new file mode 100644 index 00000000..47b500d0 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/cd2a67b549161c18/f09fe8f00caa7d0a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/ce674afcd42ceb32/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ce674afcd42ceb32/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ce674afcd42ceb32/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d191b2cba66d399d/8382716cbcd597e3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d191b2cba66d399d/8382716cbcd597e3 new file mode 100644 index 00000000..42747fa5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d191b2cba66d399d/8382716cbcd597e3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d224fe1fd4bce883/7210af19145ec2a8 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d224fe1fd4bce883/7210af19145ec2a8 new file mode 100644 index 00000000..f66c9cf4 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d224fe1fd4bce883/7210af19145ec2a8 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d224fe1fd4bce883/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d224fe1fd4bce883/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d224fe1fd4bce883/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/06b159a66c779fe2 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/06b159a66c779fe2 new file mode 100644 index 00000000..0cd7dbc8 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/06b159a66c779fe2 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/0f5f3a909244ae3c b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/0f5f3a909244ae3c new file mode 100644 index 00000000..fd0b6657 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/0f5f3a909244ae3c differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/2a7f14930fb8202a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/2a7f14930fb8202a new file mode 100644 index 00000000..3179d59e Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/2a7f14930fb8202a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/2c2a30d0daf1832e b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/2c2a30d0daf1832e new file mode 100644 index 00000000..3fc2dfa7 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/2c2a30d0daf1832e differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/2f186504480621bc b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/2f186504480621bc new file mode 100644 index 00000000..cc6e7af4 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/2f186504480621bc differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/434e4c65d2656951 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/434e4c65d2656951 new file mode 100644 index 00000000..bdc02e93 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/434e4c65d2656951 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/507f1ab866d5a130 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/507f1ab866d5a130 new file mode 100644 index 00000000..9cd03d2d Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/507f1ab866d5a130 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/63a326b9672dd5e9 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/63a326b9672dd5e9 new file mode 100644 index 00000000..8fbf90d4 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/63a326b9672dd5e9 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/66bc7abc71234cad b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/66bc7abc71234cad new file mode 100644 index 00000000..cfdda1a8 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/66bc7abc71234cad differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/782879b59a277bf5 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/782879b59a277bf5 new file mode 100644 index 00000000..a1153878 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/782879b59a277bf5 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/885cddfa332ab076 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/885cddfa332ab076 new file mode 100644 index 00000000..d1d7fe6a Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/885cddfa332ab076 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/a4a8f4b1b9cd2fc2 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/a4a8f4b1b9cd2fc2 new file mode 100644 index 00000000..a13dc033 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/a4a8f4b1b9cd2fc2 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/d92cd23157fc15df b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/d92cd23157fc15df new file mode 100644 index 00000000..21d03411 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/d92cd23157fc15df differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/e84e1f4d94e772a9 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/e84e1f4d94e772a9 new file mode 100644 index 00000000..4c014eb4 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/e84e1f4d94e772a9 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/f8f3886b45dd64dd b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/f8f3886b45dd64dd new file mode 100644 index 00000000..89d9351a Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d4a14c94ed512b1f/f8f3886b45dd64dd differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d5663ea319cf9e7f/1086a78797317d2d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d5663ea319cf9e7f/1086a78797317d2d new file mode 100644 index 00000000..12db4781 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d5663ea319cf9e7f/1086a78797317d2d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d5663ea319cf9e7f/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d5663ea319cf9e7f/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d5663ea319cf9e7f/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/17d0c69044a8d692 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/17d0c69044a8d692 new file mode 100644 index 00000000..8e4ac389 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/17d0c69044a8d692 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/8b2aa673c61df2d3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/8b2aa673c61df2d3 new file mode 100644 index 00000000..a035ce7c Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/8b2aa673c61df2d3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/93e561d022fe5bfe b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/93e561d022fe5bfe new file mode 100644 index 00000000..d5b86ae7 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/93e561d022fe5bfe differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/9e7e12863de4c3ab b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/9e7e12863de4c3ab new file mode 100644 index 00000000..341ad3ce Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/9e7e12863de4c3ab differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/a852f5fc013b5e15 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/a852f5fc013b5e15 new file mode 100644 index 00000000..b9fab6f1 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/a852f5fc013b5e15 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/bb617b4c74924311 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/bb617b4c74924311 new file mode 100644 index 00000000..d9065fca Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/bb617b4c74924311 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/d083d2c39ce386ca b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/d083d2c39ce386ca new file mode 100644 index 00000000..ce0ca2d6 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/d083d2c39ce386ca differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/e73212ba74b458ad b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/e73212ba74b458ad new file mode 100644 index 00000000..b4325529 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d68f080c24a585c1/e73212ba74b458ad differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d8fed8e06d301238/5868914a14ef75bd b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d8fed8e06d301238/5868914a14ef75bd new file mode 100644 index 00000000..90561f6d Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d8fed8e06d301238/5868914a14ef75bd differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d9ac5b7519c743ae/37e7e4173f031b95 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d9ac5b7519c743ae/37e7e4173f031b95 new file mode 100644 index 00000000..c533ac10 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d9ac5b7519c743ae/37e7e4173f031b95 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d9ac5b7519c743ae/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d9ac5b7519c743ae/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d9ac5b7519c743ae/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/d9ac5b7519c743ae/d97702802d409b4d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d9ac5b7519c743ae/d97702802d409b4d new file mode 100644 index 00000000..7e0f23d5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/d9ac5b7519c743ae/d97702802d409b4d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/da59407de5a25861/1dd6f7b457ad880d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/da59407de5a25861/1dd6f7b457ad880d new file mode 100644 index 00000000..09f370e3 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/da59407de5a25861/1dd6f7b457ad880d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/daefe65de4be37f6/7d5d757ae15b98de b/tests/unit/aaclust_plot_tests/.hypothesis/examples/daefe65de4be37f6/7d5d757ae15b98de new file mode 100644 index 00000000..67c32976 --- /dev/null +++ b/tests/unit/aaclust_plot_tests/.hypothesis/examples/daefe65de4be37f6/7d5d757ae15b98de @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/daefe65de4be37f6/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/daefe65de4be37f6/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/daefe65de4be37f6/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/dafc42ac6c7b038c/51ca0a6b220d0de9 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/dafc42ac6c7b038c/51ca0a6b220d0de9 new file mode 100644 index 00000000..af946569 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/dafc42ac6c7b038c/51ca0a6b220d0de9 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/dafc42ac6c7b038c/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/dafc42ac6c7b038c/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/dafc42ac6c7b038c/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/de97ad510a883eb8/1dd6f7b457ad880d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/de97ad510a883eb8/1dd6f7b457ad880d new file mode 100644 index 00000000..09f370e3 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/de97ad510a883eb8/1dd6f7b457ad880d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/0868817d79f857e4 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/0868817d79f857e4 new file mode 100644 index 00000000..2b8275bf Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/0868817d79f857e4 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/3b313c7ac2bcab5d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/3b313c7ac2bcab5d new file mode 100644 index 00000000..c214f835 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/3b313c7ac2bcab5d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/5e36a320ae5dc34a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/5e36a320ae5dc34a new file mode 100644 index 00000000..f9ae9d88 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/5e36a320ae5dc34a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/89758a12e3f1859f b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/89758a12e3f1859f new file mode 100644 index 00000000..bf56ff95 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/89758a12e3f1859f differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/8bc78dcf15c1d655 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/8bc78dcf15c1d655 new file mode 100644 index 00000000..48d90413 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/8bc78dcf15c1d655 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/9e7e12863de4c3ab b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/9e7e12863de4c3ab new file mode 100644 index 00000000..341ad3ce Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/9e7e12863de4c3ab differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/bdf1a62a115dbf08 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/bdf1a62a115dbf08 new file mode 100644 index 00000000..d91c16e2 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/bdf1a62a115dbf08 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/d70f79cbd961e24a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/d70f79cbd961e24a new file mode 100644 index 00000000..782ee0d6 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/d70f79cbd961e24a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/f23c6ed84e990a9b b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/f23c6ed84e990a9b new file mode 100644 index 00000000..6d0d14df Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/df4265d080bfdc17/f23c6ed84e990a9b differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e068ed25100d2788/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e068ed25100d2788/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e068ed25100d2788/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/07b787f850a7b07c b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/07b787f850a7b07c new file mode 100644 index 00000000..ce038422 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/07b787f850a7b07c differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/0c3b7eff24519984 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/0c3b7eff24519984 new file mode 100644 index 00000000..ef0407b6 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/0c3b7eff24519984 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/0fa573af52509532 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/0fa573af52509532 new file mode 100644 index 00000000..1f6d11d2 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/0fa573af52509532 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/17694369dba8dbe1 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/17694369dba8dbe1 new file mode 100644 index 00000000..a0a9d5c6 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/17694369dba8dbe1 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/33f4eb018e823d53 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/33f4eb018e823d53 new file mode 100644 index 00000000..ab65a0ae Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/33f4eb018e823d53 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/41cebd100f814699 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/41cebd100f814699 new file mode 100644 index 00000000..37eb180d Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/41cebd100f814699 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/4d5cf6c6bed2b196 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/4d5cf6c6bed2b196 new file mode 100644 index 00000000..3de6e6e6 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/4d5cf6c6bed2b196 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/6aa130a62b53bb0c b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/6aa130a62b53bb0c new file mode 100644 index 00000000..92bf8bbf Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/6aa130a62b53bb0c differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/71d932112ca26bf3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/71d932112ca26bf3 new file mode 100644 index 00000000..55edbd27 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/71d932112ca26bf3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/7645780f1f06cae3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/7645780f1f06cae3 new file mode 100644 index 00000000..ead487b0 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/7645780f1f06cae3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/9df80ed33c5bd985 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/9df80ed33c5bd985 new file mode 100644 index 00000000..c3188883 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/9df80ed33c5bd985 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/b0b6d17e9fe17c4a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/b0b6d17e9fe17c4a new file mode 100644 index 00000000..5c8b97eb Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/b0b6d17e9fe17c4a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/bf45ef0db263ca66 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/bf45ef0db263ca66 new file mode 100644 index 00000000..0619c374 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/bf45ef0db263ca66 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/c51f792b659a023e b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/c51f792b659a023e new file mode 100644 index 00000000..5a605827 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/c51f792b659a023e differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/ebd22b4f7ab8107a b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/ebd22b4f7ab8107a new file mode 100644 index 00000000..e1b6ba5c Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/ebd22b4f7ab8107a differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/f194dcd1c30856d2 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/f194dcd1c30856d2 new file mode 100644 index 00000000..68a71033 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/f194dcd1c30856d2 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/f474a2fb7de8abb4 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/f474a2fb7de8abb4 new file mode 100644 index 00000000..a2351cff Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e131ef95cb5c126e/f474a2fb7de8abb4 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e74fed99b46451bb/8382716cbcd597e3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e74fed99b46451bb/8382716cbcd597e3 new file mode 100644 index 00000000..42747fa5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e74fed99b46451bb/8382716cbcd597e3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e761faf6468aebc9/1086a78797317d2d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e761faf6468aebc9/1086a78797317d2d new file mode 100644 index 00000000..12db4781 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e761faf6468aebc9/1086a78797317d2d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e761faf6468aebc9/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e761faf6468aebc9/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e761faf6468aebc9/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e98e591b6e9cc3f4/8382716cbcd597e3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e98e591b6e9cc3f4/8382716cbcd597e3 new file mode 100644 index 00000000..42747fa5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e98e591b6e9cc3f4/8382716cbcd597e3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/e9a7df5f07275f81/1dd6f7b457ad880d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e9a7df5f07275f81/1dd6f7b457ad880d new file mode 100644 index 00000000..09f370e3 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/e9a7df5f07275f81/1dd6f7b457ad880d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/eb4c30e3a0250ba4/1086a78797317d2d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/eb4c30e3a0250ba4/1086a78797317d2d new file mode 100644 index 00000000..12db4781 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/eb4c30e3a0250ba4/1086a78797317d2d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/eb4c30e3a0250ba4/56f90d2887419e49 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/eb4c30e3a0250ba4/56f90d2887419e49 new file mode 100644 index 00000000..3c8b4284 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/eb4c30e3a0250ba4/56f90d2887419e49 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/eb4c30e3a0250ba4/5e20c2699d8c6f1b b/tests/unit/aaclust_plot_tests/.hypothesis/examples/eb4c30e3a0250ba4/5e20c2699d8c6f1b new file mode 100644 index 00000000..b6fea0e1 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/eb4c30e3a0250ba4/5e20c2699d8c6f1b differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/eb4c30e3a0250ba4/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/eb4c30e3a0250ba4/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/eb4c30e3a0250ba4/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/ec43fb600d639976/1086a78797317d2d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ec43fb600d639976/1086a78797317d2d new file mode 100644 index 00000000..12db4781 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ec43fb600d639976/1086a78797317d2d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/ec43fb600d639976/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ec43fb600d639976/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/ec43fb600d639976/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/eeab974196ed8cee/050aeff993017985 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/eeab974196ed8cee/050aeff993017985 new file mode 100644 index 00000000..ab2c6846 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/eeab974196ed8cee/050aeff993017985 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/eec8cf7670a5db01/1086a78797317d2d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/eec8cf7670a5db01/1086a78797317d2d new file mode 100644 index 00000000..12db4781 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/eec8cf7670a5db01/1086a78797317d2d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/eec8cf7670a5db01/bec021b4f368e306 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/eec8cf7670a5db01/bec021b4f368e306 new file mode 100644 index 00000000..f76dd238 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/eec8cf7670a5db01/bec021b4f368e306 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/f6d383090d5a8c38/1dd6f7b457ad880d b/tests/unit/aaclust_plot_tests/.hypothesis/examples/f6d383090d5a8c38/1dd6f7b457ad880d new file mode 100644 index 00000000..09f370e3 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/f6d383090d5a8c38/1dd6f7b457ad880d differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/f6ebdff0f1e688ec/51ca0a6b220d0de9 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/f6ebdff0f1e688ec/51ca0a6b220d0de9 new file mode 100644 index 00000000..af946569 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/f6ebdff0f1e688ec/51ca0a6b220d0de9 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/f8cb670369c5dfde/8382716cbcd597e3 b/tests/unit/aaclust_plot_tests/.hypothesis/examples/f8cb670369c5dfde/8382716cbcd597e3 new file mode 100644 index 00000000..42747fa5 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/f8cb670369c5dfde/8382716cbcd597e3 differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/examples/f8cb670369c5dfde/adaa2e4e06c023ca b/tests/unit/aaclust_plot_tests/.hypothesis/examples/f8cb670369c5dfde/adaa2e4e06c023ca new file mode 100644 index 00000000..b7485311 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/examples/f8cb670369c5dfde/adaa2e4e06c023ca differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/unicode_data/13.0.0/charmap.json.gz b/tests/unit/aaclust_plot_tests/.hypothesis/unicode_data/13.0.0/charmap.json.gz new file mode 100644 index 00000000..8e58e489 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/unicode_data/13.0.0/charmap.json.gz differ diff --git a/tests/unit/aaclust_plot_tests/.hypothesis/unicode_data/13.0.0/codec-utf-8.json.gz b/tests/unit/aaclust_plot_tests/.hypothesis/unicode_data/13.0.0/codec-utf-8.json.gz new file mode 100644 index 00000000..32578553 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/.hypothesis/unicode_data/13.0.0/codec-utf-8.json.gz differ diff --git a/tests/unit/aaclust_plot_tests/__init__.py b/tests/unit/aaclust_plot_tests/__init__.py new file mode 100644 index 00000000..e69de29b diff --git a/tests/unit/aaclust_plot_tests/__pycache__/__init__.cpython-39.pyc b/tests/unit/aaclust_plot_tests/__pycache__/__init__.cpython-39.pyc new file mode 100644 index 00000000..94fcc0c4 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/__pycache__/__init__.cpython-39.pyc differ diff --git a/tests/unit/aaclust_plot_tests/__pycache__/test_aaclust_plot.cpython-39-pytest-7.4.2.pyc b/tests/unit/aaclust_plot_tests/__pycache__/test_aaclust_plot.cpython-39-pytest-7.4.2.pyc new file mode 100644 index 00000000..179dd59c Binary files /dev/null and b/tests/unit/aaclust_plot_tests/__pycache__/test_aaclust_plot.cpython-39-pytest-7.4.2.pyc differ diff --git a/tests/unit/aaclust_plot_tests/__pycache__/test_aaclust_plot_eval.cpython-39-pytest-7.4.2.pyc b/tests/unit/aaclust_plot_tests/__pycache__/test_aaclust_plot_eval.cpython-39-pytest-7.4.2.pyc new file mode 100644 index 00000000..52d70fa8 Binary files /dev/null and b/tests/unit/aaclust_plot_tests/__pycache__/test_aaclust_plot_eval.cpython-39-pytest-7.4.2.pyc differ diff --git a/tests/unit/aaclust_plot_tests/test_aaclust_plot.py b/tests/unit/aaclust_plot_tests/test_aaclust_plot.py new file mode 100644 index 00000000..2635beb2 --- /dev/null +++ b/tests/unit/aaclust_plot_tests/test_aaclust_plot.py @@ -0,0 +1,40 @@ +""" +This is a script for testing the aa.AAclustPlot class. +""" +from hypothesis import given +import hypothesis.strategies as st +from sklearn.decomposition import PCA +import pytest + +import aaanalysis as aa + + +class TestAAclustPlot: + """Test AAclustPlot class""" + + # Positive Test Cases + @given(model_kwargs=st.dictionaries(keys=st.just("n_components"), values=st.integers(1, 5))) + def test_positive_model_kwargs(self, model_kwargs): + """Test positive cases for model_kwargs parameter.""" + aac_plot = aa.AAclustPlot(model_class=PCA, model_kwargs=model_kwargs) + assert aac_plot.model_kwargs == model_kwargs + assert aac_plot.model_class == PCA + + # Negative Test Cases + def test_invalid_key_model_kwargs(self, model_kwargs): + """Test invalid keys for model_kwargs parameter.""" + model_kwargs = {"Wrong key": 1} + with pytest.raises(ValueError): # Adjust depending on real check functions + aac_plot = aa.AAclustPlot(model_class=PCA, model_kwargs=model_kwargs) + + +class TestAAclustPlotComplex: + """Test AAclustPlot class for complex cases""" + + # Positive Test Cases + @given(model_kwargs=st.dictionaries(keys=st.just("n_components"), values=st.integers(1, 5))) + def test_complex_positive_model_kwargs(self, model_kwargs): + """Test complex positive cases involving multiple parameters.""" + aac_plot = aa.AAclustPlot(model_class=PCA, model_kwargs=model_kwargs) + + diff --git a/tests/unit/aaclust_plot_tests/test_aaclust_plot_eval.py b/tests/unit/aaclust_plot_tests/test_aaclust_plot_eval.py new file mode 100644 index 00000000..b770d468 --- /dev/null +++ b/tests/unit/aaclust_plot_tests/test_aaclust_plot_eval.py @@ -0,0 +1,154 @@ +""" +This is a script for testing the aa.AAclustPlot().eval function. +""" +import hypothesis.strategies as some +from hypothesis import given, settings +import pytest +from matplotlib import pyplot as plt +import numpy as np +import aaanalysis as aa + + +class TestAAclustPlotEval: + """Test aa.AAclustPlot().eval function""" + + # Positive tests + @settings(max_examples=10, deadline=1000) + @given(n_samples=some.integers(min_value=1, max_value=20)) + def test_data_input(self, n_samples): + """Test the 'data' parameter with valid data.""" + data = np.random.randn(n_samples, 4) + fig, axes = aa.AAclustPlot().eval(data=data) + assert isinstance(fig, plt.Figure) + assert isinstance(axes, np.ndarray) + assert len(axes) == 4 + assert isinstance(axes[0], plt.Axes) + plt.close() + + def test_names_input(self): + """Test the 'names' parameter with valid data.""" + data = np.random.randn(3, 4) + names = [f"Set {i}" for i in range(3)] + fig, axes = aa.AAclustPlot().eval(data=data, names=names) + assert isinstance(fig, plt.Figure) + assert isinstance(axes, np.ndarray) + assert len(axes) == 4 + assert isinstance(axes[0], plt.Axes) + plt.close() + + + def test_dict_xlims_input(self): + """Test the 'dict_xlims' parameter with valid data.""" + dict_xlims = {"BIC": (2, 5), "CH": (3, 5)} + data = np.random.randn(5, 4) + fig, axes = aa.AAclustPlot().eval(data=data, dict_xlims=dict_xlims) + assert isinstance(fig, plt.Figure) + assert isinstance(axes, np.ndarray) + assert len(axes) == 4 + assert isinstance(axes[0], plt.Axes) + plt.close() + + @settings(max_examples=5, deadline=1000) + @given(figsize=some.tuples(some.integers(min_value=4, max_value=20), some.integers(min_value=4, max_value=20))) + def test_figsize_input(self, figsize): + """Test the 'figsize' parameter with valid data.""" + data = np.random.randn(5, 4) + fig, axes = aa.AAclustPlot().eval(data=data, figsize=figsize) + assert fig.get_size_inches()[0] == figsize[0] + assert fig.get_size_inches()[1] == figsize[1] + plt.close() + + + # Negative test + @settings(max_examples=5) + @given(data=some.lists(some.lists(some.floats(allow_nan=True, allow_infinity=True), min_size=2, max_size=10), min_size=2, max_size=10)) + def test_data_with_nans_and_infs(self, data): + """Test the 'data' parameter with NaN and Inf.""" + with pytest.raises(ValueError): + fig, axes = aa.AAclustPlot().eval(data=data) + plt.close() + + + def test_invalid_data_shape(self): + """Test with invalid data shape.""" + data = [[0.5, 0.4], [0.3]] + with pytest.raises(ValueError): + aa.AAclustPlot().eval(data=data) + plt.close() + + def test_names_but_no_data(self): + """Test with names provided but no data.""" + data = [] + names = ["Set 1", "Set 2", "Set 3"] + with pytest.raises(ValueError): + aa.AAclustPlot().eval(data=data, names=names) + plt.close() + + @settings(max_examples=5) + @given(names=some.lists(some.text(), min_size=1, max_size=1)) + def test_insufficient_names_input(self, names): + """Test the 'names' parameter with insufficient data.""" + data = np.random.randn(5, 5) + with pytest.raises(ValueError): + fig, axes = aa.AAclustPlot().eval(data=data, names=names) + plt.close() + + def test_invalid_dict_xlims(self): + """Test the 'dict_xlims' parameter with valid data.""" + dict_xlims = {"BIC": (2, -5), "CH": (3, -5)} + data = np.random.randn(5, 4) + with pytest.raises(ValueError): + fig, axes = aa.AAclustPlot().eval(data=data, dict_xlims=dict_xlims) + plt.close() + + +class TestEvalComplex: + """Test eval function with complex scenarios""" + + def test_combination_of_params(self): + """Test with a valid use case.""" + data = [[0.5, 0.4, 5, 6], [0.3, 0.7, 1, 2], [0.9, 0.1, 5, 3]] + names = ["Set 1", "Set 2", "Set 3"] + dict_xlims = {"n_clusters": (2, 4), "BIC": (0.1, 1.0), "CH": (0.2, 0.8), "SC": (0.3, 0.9)} + figsize = (8, 7) + fig, axes = aa.AAclustPlot().eval(data=data, names=names, dict_xlims=dict_xlims, figsize=figsize) + assert isinstance(fig, plt.Figure) + assert isinstance(axes, np.ndarray) + assert len(axes) == 4 + assert isinstance(axes[0], plt.Axes) + plt.close() + fig, axes = aa.AAclustPlot().eval(data=data, dict_xlims=dict_xlims, figsize=figsize) + assert isinstance(fig, plt.Figure) + assert isinstance(axes, np.ndarray) + assert len(axes) == 4 + assert isinstance(axes[0], plt.Axes) + plt.close() + fig, axes = aa.AAclustPlot().eval(data=data, figsize=figsize) + assert isinstance(fig, plt.Figure) + assert isinstance(axes, np.ndarray) + assert len(axes) == 4 + assert isinstance(axes[0], plt.Axes) + plt.close() + fig, axes = aa.AAclustPlot().eval(data=data) + assert isinstance(fig, plt.Figure) + assert isinstance(axes, np.ndarray) + assert len(axes) == 4 + assert isinstance(axes[0], plt.Axes) + plt.close() + + # Negative tests + def test_combination_with_invalid_params(self): + """Test multiple parameters together with some invalid.""" + data = np.random.randn(5, 4) + names = ["Set 1", "Set 2", "Set 3"] # Insufficient names + with pytest.raises(ValueError): + fig, axes = aa.AAclustPlot().eval(data=data, names=names) + plt.close() + + def test_combination_with_nan_data(self): + """Test combination of parameters with NaN data.""" + data = np.array([[np.nan, 1.0], [1.0, np.nan]]) + names = ["Set 1", "Set 2"] + with pytest.raises(ValueError): + fig, axes = aa.AAclustPlot().eval(data=data, names=names) + plt.close() diff --git a/tests/unit/aaclust_tests/__pycache__/__init__.cpython-39.pyc b/tests/unit/aaclust_tests/__pycache__/__init__.cpython-39.pyc deleted file mode 100644 index d86a87d2..00000000 Binary files a/tests/unit/aaclust_tests/__pycache__/__init__.cpython-39.pyc and /dev/null differ