diff --git a/docs/sphinx-builddir/doctrees/README.doctree b/docs/sphinx-builddir/doctrees/README.doctree index b98d40b..ac2cc78 100644 Binary files a/docs/sphinx-builddir/doctrees/README.doctree and b/docs/sphinx-builddir/doctrees/README.doctree differ diff --git a/docs/sphinx-builddir/doctrees/algorithms.doctree b/docs/sphinx-builddir/doctrees/algorithms.doctree index 3a05ee7..8f1344e 100644 Binary files a/docs/sphinx-builddir/doctrees/algorithms.doctree and b/docs/sphinx-builddir/doctrees/algorithms.doctree differ diff --git a/docs/sphinx-builddir/doctrees/descriptors.doctree b/docs/sphinx-builddir/doctrees/descriptors.doctree index fb48723..ca62090 100644 Binary files a/docs/sphinx-builddir/doctrees/descriptors.doctree and b/docs/sphinx-builddir/doctrees/descriptors.doctree differ diff --git a/docs/sphinx-builddir/doctrees/environment.pickle b/docs/sphinx-builddir/doctrees/environment.pickle index 79c358f..1cc3e03 100644 Binary files a/docs/sphinx-builddir/doctrees/environment.pickle and b/docs/sphinx-builddir/doctrees/environment.pickle differ diff --git a/docs/sphinx-builddir/doctrees/index.doctree b/docs/sphinx-builddir/doctrees/index.doctree index 60d62d9..236c9fd 100644 Binary files a/docs/sphinx-builddir/doctrees/index.doctree and b/docs/sphinx-builddir/doctrees/index.doctree differ diff --git a/docs/sphinx-builddir/doctrees/nbsphinx/notebooks/preprocess_data.ipynb b/docs/sphinx-builddir/doctrees/nbsphinx/notebooks/preprocess_data.ipynb index 0dd5da5..9853aed 100644 --- a/docs/sphinx-builddir/doctrees/nbsphinx/notebooks/preprocess_data.ipynb +++ b/docs/sphinx-builddir/doctrees/nbsphinx/notebooks/preprocess_data.ipynb @@ -1055,10 +1055,10 @@ " response_type=\"regression\",\n", " training_dataset_file=\"../tests/data/sdf/example.sdf\",\n", " deduplication_strategy=KeepAllNoDeduplication(),\n", - " log_transform=\"True\", # flags to use a transform\n", + " log_transform=True, # flags to use a transform\n", " log_transform_base=LogBase.LOG10, # Log10 base will be used\n", - " log_transform_negative=\"True\", # The negated log transform will be applied\n", - " log_transform_unit_conversion=6 # THe unit conversion for pXC50 values is 6\n", + " log_transform_negative=LogNegative.TRUE, # The negated log transform will be applied\n", + " log_transform_unit_conversion=6 # The unit conversion for pXC50 values is 6\n", ")\n", "\n", "pxc50_data = Dataset(\n", diff --git a/docs/sphinx-builddir/doctrees/notebooks/QSARtuna_Tutorial.doctree b/docs/sphinx-builddir/doctrees/notebooks/QSARtuna_Tutorial.doctree index 1e7523c..ebaf2d7 100644 Binary files a/docs/sphinx-builddir/doctrees/notebooks/QSARtuna_Tutorial.doctree and b/docs/sphinx-builddir/doctrees/notebooks/QSARtuna_Tutorial.doctree differ diff --git a/docs/sphinx-builddir/doctrees/notebooks/preprocess_data.doctree b/docs/sphinx-builddir/doctrees/notebooks/preprocess_data.doctree index 04b9457..145642a 100644 Binary files a/docs/sphinx-builddir/doctrees/notebooks/preprocess_data.doctree and b/docs/sphinx-builddir/doctrees/notebooks/preprocess_data.doctree differ diff --git a/docs/sphinx-builddir/doctrees/optunaz.config.doctree b/docs/sphinx-builddir/doctrees/optunaz.config.doctree index 816bded..70b28b9 100644 Binary files a/docs/sphinx-builddir/doctrees/optunaz.config.doctree and b/docs/sphinx-builddir/doctrees/optunaz.config.doctree differ diff --git a/docs/sphinx-builddir/doctrees/optunaz.doctree b/docs/sphinx-builddir/doctrees/optunaz.doctree index 9fed391..095c256 100644 Binary files a/docs/sphinx-builddir/doctrees/optunaz.doctree and b/docs/sphinx-builddir/doctrees/optunaz.doctree differ diff --git a/docs/sphinx-builddir/doctrees/optunaz.utils.doctree b/docs/sphinx-builddir/doctrees/optunaz.utils.doctree index ff5c180..e72ae3b 100644 Binary files a/docs/sphinx-builddir/doctrees/optunaz.utils.doctree and b/docs/sphinx-builddir/doctrees/optunaz.utils.doctree differ diff --git a/docs/sphinx-builddir/doctrees/transform.doctree b/docs/sphinx-builddir/doctrees/transform.doctree index 905f17d..c0512b3 100644 Binary files a/docs/sphinx-builddir/doctrees/transform.doctree and b/docs/sphinx-builddir/doctrees/transform.doctree differ diff --git a/docs/sphinx-builddir/html/.buildinfo b/docs/sphinx-builddir/html/.buildinfo index cca6452..7f97108 100644 --- a/docs/sphinx-builddir/html/.buildinfo +++ b/docs/sphinx-builddir/html/.buildinfo @@ -1,4 +1,4 @@ # Sphinx build info version 1 # This file hashes the configuration used when building these files. When it is not found, a full rebuild will be done. -config: b0c96d5f832cdd38d138271da4ddabf1 +config: cd8105a3e394e54ace4ef41b1def0634 tags: 645f666f9bcd5a90fca523b33c5a78b7 diff --git a/docs/sphinx-builddir/html/README.html b/docs/sphinx-builddir/html/README.html index f4998e9..1fb7f97 100644 --- a/docs/sphinx-builddir/html/README.html +++ b/docs/sphinx-builddir/html/README.html @@ -4,7 +4,7 @@ - QSARtuna 𓆛: QSAR using Optimization for Hyperparameter Tuning (formerly Optuna AZ and QPTUNA) — QSARtuna 3.1.2 documentation + QSARtuna 𓆛: QSAR using Optimization for Hyperparameter Tuning (formerly Optuna AZ and QPTUNA) — QSARtuna 3.1.3 documentation @@ -274,16 +274,14 @@

Run from Python/Jupyter Notebookfrom qsartuna.config.optconfig import ( OptimizationConfig, SVR, - RandomForest, + RandomForestRegressor, Ridge, Lasso, - PLS, - XGBregressor, + XGBRegressor, ) from qsartuna.datareader import Dataset -from qsartuna.descriptors import ECFP, MACCS_keys, ECFP_counts +from qsartuna.descriptors import ECFP, MACCS_keys, ECFP_counts, PathFP -## # Prepare hyperparameter optimization configuration. config = OptimizationConfig( data=Dataset( @@ -291,14 +289,13 @@

Run from Python/Jupyter Notebookresponse_column="molwt", training_dataset_file="tests/data/DRD2/subset-50/train.csv", ), - descriptors=[ECFP.new(), ECFP_counts.new(), MACCS_keys.new()], + descriptors=[ECFP.new(), ECFP_counts.new(), MACCS_keys.new(), PathFP.new()], algorithms=[ SVR.new(), - RandomForest.new(), + RandomForestRegressor.new(), Ridge.new(), Lasso.new(), - PLS.new(), - XGBregressor.new(), + XGBRegressor.new(), ], settings=OptimizationConfig.Settings( mode=ModelMode.REGRESSION, @@ -308,22 +305,17 @@

Run from Python/Jupyter Notebook), ) -## # Run Optuna Study. study = optimize(config, study_name="my_study") -## # Get the best Trial from the Study and make a Build (Training) configuration for it. buildconfig = buildconfig_best(study) -# Optional: write out JSON of the best configuration. -import json -print(json.dumps(buildconfig.json(), indent=2)) +with open("best_config.txt", "w") as f: + f.write(str(buildconfig.__dict__)) -## # Build (re-Train) and save the best model. build_best(buildconfig, "target/best.pkl") -## # Build (Train) and save the model on the merged train+test data. build_merged(buildconfig, "target/merged.pkl") diff --git a/docs/sphinx-builddir/html/_modules/index.html b/docs/sphinx-builddir/html/_modules/index.html index 0584c3d..cab673a 100644 --- a/docs/sphinx-builddir/html/_modules/index.html +++ b/docs/sphinx-builddir/html/_modules/index.html @@ -3,7 +3,7 @@ - Overview: module code — QSARtuna 3.1.2 documentation + Overview: module code — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/automl.html b/docs/sphinx-builddir/html/_modules/optunaz/automl.html index 4c16cc2..b61bc27 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/automl.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/automl.html @@ -3,7 +3,7 @@ - optunaz.automl — QSARtuna 3.1.2 documentation + optunaz.automl — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/builder.html b/docs/sphinx-builddir/html/_modules/optunaz/builder.html index a5e5651..fd1b9ca 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/builder.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/builder.html @@ -3,7 +3,7 @@ - optunaz.builder — QSARtuna 3.1.2 documentation + optunaz.builder — QSARtuna 3.1.3 documentation @@ -98,8 +98,27 @@

Source code for optunaz.builder

     estimator = buildconfig.algorithm.estimator()
     if merge_train_and_test_data:
         train_smiles, train_y, train_aux = buildconfig.data.get_merged_sets()
+        test_smiles, test_y, test_aux, test_X = None, None, None, None
     else:
-        train_smiles, train_y, train_aux, _, _, _ = buildconfig.data.get_sets()
+        (
+            train_smiles,
+            train_y,
+            train_aux,
+            test_smiles,
+            test_y,
+            test_aux,
+        ) = buildconfig.data.get_sets()
+        if test_smiles is not None and len(test_smiles) > 0:
+            test_X, failed_idx = descriptor_from_config(
+                test_smiles, buildconfig.descriptor, cache=cache
+            )
+            test_y, test_smiles, test_aux = remove_failed_idx(
+                failed_idx, test_y, test_smiles, test_aux
+            )
+            if test_aux is not None:
+                test_X = np.hstack((test_X, test_aux))
+        else:
+            test_X = None
 
     train_X, failed_idx = descriptor_from_config(
         train_smiles, buildconfig.descriptor, cache=cache
@@ -116,15 +135,22 @@ 

Source code for optunaz.builder

     estimator.X_ = train_X
     estimator.y_ = train_y
     estimator.aux_ = train_aux
-
-    if merge_train_and_test_data:
-        train_scores = get_merged_train_score(estimator, buildconfig, cache=cache)
-        test_scores = None
-    else:
+    estimator.test_smiles_ = test_smiles
+    estimator.test_X_ = test_X
+    estimator.test_y_ = test_y
+    estimator.test_aux_ = test_aux
+
+    if (
+        not merge_train_and_test_data
+        and test_smiles is not None
+        and len(test_smiles) > 0
+    ):
         train_scores, test_scores = get_train_test_scores(
-            estimator, buildconfig, cache=cache
+            estimator, buildconfig, train_X, train_y, test_X, test_y
         )
-
+    else:
+        train_scores = get_merged_train_score(estimator, buildconfig, train_X, train_y)
+        test_scores = None
     return estimator, train_scores, test_scores
diff --git a/docs/sphinx-builddir/html/_modules/optunaz/config.html b/docs/sphinx-builddir/html/_modules/optunaz/config.html index a5f8fc5..8c6d26f 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/config.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/config.html @@ -3,7 +3,7 @@ - optunaz.config — QSARtuna 3.1.2 documentation + optunaz.config — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/config/build_from_opt.html b/docs/sphinx-builddir/html/_modules/optunaz/config/build_from_opt.html index 2e95342..e057e04 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/config/build_from_opt.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/config/build_from_opt.html @@ -3,7 +3,7 @@ - optunaz.config.build_from_opt — QSARtuna 3.1.2 documentation + optunaz.config.build_from_opt — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/config/buildconfig.html b/docs/sphinx-builddir/html/_modules/optunaz/config/buildconfig.html index 5f9e7ae..977686f 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/config/buildconfig.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/config/buildconfig.html @@ -3,7 +3,7 @@ - optunaz.config.buildconfig — QSARtuna 3.1.2 documentation + optunaz.config.buildconfig — QSARtuna 3.1.3 documentation @@ -124,8 +124,8 @@

Source code for optunaz.config.buildconfig

 class AdaBoostClassifier(Algorithm):
 
[docs] @dataclass class AdaBoostClassifierParameters: - n_estimators: int = field(metadata=schema(min=1)) - learning_rate: float = field(metadata=schema(min=0.0001))
+ n_estimators: int = field(default=1, metadata=schema(min=1)) + learning_rate: float = field(default=0.1, metadata=schema(min=0.0001))
name: Literal["AdaBoostClassifier"] parameters: AdaBoostClassifierParameters @@ -198,7 +198,7 @@

Source code for optunaz.config.buildconfig

 
[docs] @dataclass class LogisticRegressionParameters: solver: str - C: float = field(metadata=schema(min=0.001, max=1000))
+ C: float = field(default=1.0, metadata=schema(min=0.001, max=1000))
name: Literal["LogisticRegression"] parameters: LogisticRegressionParameters @@ -219,7 +219,7 @@

Source code for optunaz.config.buildconfig

 class PLSRegression(Algorithm):
 
[docs] @dataclass class PLSParameters: - n_components: int = field(metadata=schema(min=1))
+ n_components: int = field(default=2, metadata=schema(min=1))
name: Literal["PLSRegression"] parameters: PLSParameters @@ -234,9 +234,9 @@

Source code for optunaz.config.buildconfig

 class RandomForestClassifier(Algorithm):
 
[docs] @dataclass class RandomForestParameters: - max_depth: int = field(metadata=schema(min=1)) - n_estimators: int = field(metadata=schema(min=1)) - max_features: str
+ max_features: str + max_depth: int = field(default=None, metadata=schema(min=1)) + n_estimators: int = field(default=100, metadata=schema(min=1))
name: Literal["RandomForestClassifier"] parameters: RandomForestParameters diff --git a/docs/sphinx-builddir/html/_modules/optunaz/config/optconfig.html b/docs/sphinx-builddir/html/_modules/optunaz/config/optconfig.html index 575ceb7..07401f3 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/config/optconfig.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/config/optconfig.html @@ -3,7 +3,7 @@ - optunaz.config.optconfig — QSARtuna 3.1.2 documentation + optunaz.config.optconfig — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/datareader.html b/docs/sphinx-builddir/html/_modules/optunaz/datareader.html index ef2ee88..0b87a1b 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/datareader.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/datareader.html @@ -3,7 +3,7 @@ - optunaz.datareader — QSARtuna 3.1.2 documentation + optunaz.datareader — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/descriptors.html b/docs/sphinx-builddir/html/_modules/optunaz/descriptors.html index cadfd5f..cdeb08d 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/descriptors.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/descriptors.html @@ -3,7 +3,7 @@ - optunaz.descriptors — QSARtuna 3.1.2 documentation + optunaz.descriptors — QSARtuna 3.1.3 documentation @@ -114,7 +114,6 @@

Source code for optunaz.descriptors

 
 from rdkit.ML.Descriptors.MoleculeDescriptors import MolecularDescriptorCalculator
 from jazzy.api import molecular_vector_from_smiles
-from jazzy.exception import JazzyError
 from sklearn import preprocessing
 from joblib import Parallel, delayed, effective_n_jobs
 from optunaz.config import NameParameterDataclass
diff --git a/docs/sphinx-builddir/html/_modules/optunaz/evaluate.html b/docs/sphinx-builddir/html/_modules/optunaz/evaluate.html
index 1a24961..3d852b0 100644
--- a/docs/sphinx-builddir/html/_modules/optunaz/evaluate.html
+++ b/docs/sphinx-builddir/html/_modules/optunaz/evaluate.html
@@ -3,7 +3,7 @@
 
   
   
-  optunaz.evaluate — QSARtuna 3.1.2 documentation
+  optunaz.evaluate — QSARtuna 3.1.3 documentation
       
       
       
@@ -79,21 +79,13 @@
            

Source code for optunaz.evaluate

-import numpy as np
-from typing import Dict, List
-
-from sklearn.metrics import get_scorer
-
+from typing import List
+import numpy as np
+from sklearn.metrics import check_scoring
+from sklearn.calibration import calibration_curve
 from optunaz import objective
 from optunaz.config import ModelMode
 from optunaz.config.buildconfig import BuildConfig
-from optunaz.utils import remove_failed_idx
-from optunaz.descriptors import descriptor_from_config
-
-
-
[docs]def score_all(scores: List[str], estimator, X, y) -> Dict[str, float]: - result = {s: get_scorer(s)(estimator, X, y) for s in scores} - return result
[docs]def get_scores(mode: ModelMode) -> List[str]: @@ -103,71 +95,39 @@

Source code for optunaz.evaluate

         scores = objective.classification_scores
     else:
         raise ValueError(f"Unrecognized mode: {mode}")
-
     return scores
-
[docs]def score_all_smiles(scores, estimator, smiles, descriptor, aux, y, cache=None): - X, failed_idx = descriptor_from_config(smiles, descriptor, cache=cache) - y, smiles, aux = remove_failed_idx(failed_idx, y, smiles, aux) - if aux is not None: - X = np.hstack((X, aux)) - return score_all(scores, estimator, X, y)
- - -
[docs]def get_train_test_scores(estimator, buildconfig: BuildConfig, cache=None): +
[docs]def get_train_test_scores( + estimator, buildconfig: BuildConfig, train_X, train_y, test_X, test_y +): scores = get_scores(buildconfig.settings.mode) - - ( - train_smiles, - train_y, - train_aux, - test_smiles, - test_y, - test_aux, - ) = buildconfig.data.get_sets() - - train_scores = score_all_smiles( - scores, - estimator, - train_smiles, - buildconfig.descriptor, - train_aux, - train_y, - cache=cache, - ) - if test_smiles is not None and len(test_smiles) > 0: - test_scores = score_all_smiles( - scores, - estimator, - test_smiles, - buildconfig.descriptor, - test_aux, - test_y, - cache=cache, - ) - else: - test_scores = None - + train_scores = check_scoring(estimator, scoring=scores)(estimator, train_X, train_y) + test_scores = check_scoring(estimator, scoring=scores)(estimator, test_X, test_y) return train_scores, test_scores
-
[docs]def get_merged_train_score(estimator, buildconfig: BuildConfig, cache=None): +
[docs]def get_merged_train_score(estimator, buildconfig: BuildConfig, train_X, train_y): scores = get_scores(buildconfig.settings.mode) + train_scores = check_scoring(estimator, scoring=scores)(estimator, train_X, train_y) + return train_scores
- train_smiles, train_y, train_aux = buildconfig.data.get_merged_sets() - - train_scores = score_all_smiles( - scores, - estimator, - train_smiles, - buildconfig.descriptor, - train_aux, - train_y, - cache=cache, - ) - return train_scores
+
[docs]def calibration_analysis(y_test, y_pred): + try: + frac_true, frac_pred = calibration_curve(y_test, y_pred, n_bins=15) + bin_edges = frac_pred + except ValueError: + # weight each bin by the total number of values so that the sum of all bars equal unity + weights = np.ones_like(y_test) / len(y_test) + # calculate fraction of true points across uniform bins + frac_true, bin_edges = np.histogram(y_test, bins=15, weights=weights) + # calculate fraction of pred points across uniform true bins + frac_pred, _ = np.histogram(y_pred, bins=bin_edges, weights=weights) + # convert to cumulative sum for plotting + frac_true = np.cumsum(frac_true) + frac_pred = np.cumsum(frac_pred) + return list(zip(bin_edges, frac_true, frac_pred))
diff --git a/docs/sphinx-builddir/html/_modules/optunaz/explainability.html b/docs/sphinx-builddir/html/_modules/optunaz/explainability.html index e42cbbf..7a5c478 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/explainability.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/explainability.html @@ -3,7 +3,7 @@ - optunaz.explainability — QSARtuna 3.1.2 documentation + optunaz.explainability — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/metircs.html b/docs/sphinx-builddir/html/_modules/optunaz/metircs.html index 51ca9e2..0c924f4 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/metircs.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/metircs.html @@ -3,7 +3,7 @@ - optunaz.metircs — QSARtuna 3.1.2 documentation + optunaz.metircs — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/model_writer.html b/docs/sphinx-builddir/html/_modules/optunaz/model_writer.html index d4423d2..59fff92 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/model_writer.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/model_writer.html @@ -3,7 +3,7 @@ - optunaz.model_writer — QSARtuna 3.1.2 documentation + optunaz.model_writer — QSARtuna 3.1.3 documentation @@ -346,7 +346,9 @@

Source code for optunaz.model_writer

         pass
 
     with open(filename, "wb") as f:
-        pickle.dump(model, f)
+ pickle.dump(model, f) + + return model
diff --git a/docs/sphinx-builddir/html/_modules/optunaz/objective.html b/docs/sphinx-builddir/html/_modules/optunaz/objective.html index 8fc64f4..b175bd1 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/objective.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/objective.html @@ -3,7 +3,7 @@ - optunaz.objective — QSARtuna 3.1.2 documentation + optunaz.objective — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/optbuild.html b/docs/sphinx-builddir/html/_modules/optunaz/optbuild.html index ad7d52b..f28e6f6 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/optbuild.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/optbuild.html @@ -3,7 +3,7 @@ - optunaz.optbuild — QSARtuna 3.1.2 documentation + optunaz.optbuild — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/predict.html b/docs/sphinx-builddir/html/_modules/optunaz/predict.html index cdd7407..6edfa2a 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/predict.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/predict.html @@ -3,7 +3,7 @@ - optunaz.predict — QSARtuna 3.1.2 documentation + optunaz.predict — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/schemagen.html b/docs/sphinx-builddir/html/_modules/optunaz/schemagen.html index ddf0f90..5708ced 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/schemagen.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/schemagen.html @@ -3,7 +3,7 @@ - optunaz.schemagen — QSARtuna 3.1.2 documentation + optunaz.schemagen — QSARtuna 3.1.3 documentation @@ -82,7 +82,7 @@

Source code for optunaz.schemagen

 import inspect
 import json
 from textwrap import dedent
-from typing import Any, Tuple, Optional
+from typing import Any, Optional
 
 import apischema
 from apischema import schema
diff --git a/docs/sphinx-builddir/html/_modules/optunaz/three_step_opt_build_merge.html b/docs/sphinx-builddir/html/_modules/optunaz/three_step_opt_build_merge.html
index e527241..558a75e 100644
--- a/docs/sphinx-builddir/html/_modules/optunaz/three_step_opt_build_merge.html
+++ b/docs/sphinx-builddir/html/_modules/optunaz/three_step_opt_build_merge.html
@@ -3,7 +3,7 @@
 
   
   
-  optunaz.three_step_opt_build_merge — QSARtuna 3.1.2 documentation
+  optunaz.three_step_opt_build_merge — QSARtuna 3.1.3 documentation
       
       
       
@@ -352,7 +352,7 @@ 

Source code for optunaz.three_step_opt_build_merge

if main_score_val is not None: logger.info(f"{label.capitalize()} score {main_score}: {main_score_val}") logger.info( - f"All {label} cores: { {k: round(number=v, ndigits=3) for k, v in scores.items()} }" + f"All {label} scores: { {k: round(number=v, ndigits=3) for k, v in scores.items()} }" )
@@ -364,7 +364,7 @@

Source code for optunaz.three_step_opt_build_merge

"""Step 2. Build. Train a model with the best hyperparameters.""" model, train_scores, test_scores = build(buildconfig, cache=cache) - save_model( + qsartuna_model = save_model( model, buildconfig, outfname, @@ -379,7 +379,7 @@

Source code for optunaz.three_step_opt_build_merge

log_scores(test_scores, buildconfig.settings.scoring, "test") if buildconfig.settings.tracking_rest_endpoint is not None: - track_build(model, buildconfig) + track_build(qsartuna_model, buildconfig, test_scores) return buildconfig
diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils.html b/docs/sphinx-builddir/html/_modules/optunaz/utils.html index aeafbf2..9849b9a 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils.html @@ -3,7 +3,7 @@ - optunaz.utils — QSARtuna 3.1.2 documentation + optunaz.utils — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums.html index 12b65cc..8f8da55 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums.html @@ -3,7 +3,7 @@ - optunaz.utils.enums — QSARtuna 3.1.2 documentation + optunaz.utils.enums — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/building_configuration_enum.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/building_configuration_enum.html index 4217424..d503a2f 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/building_configuration_enum.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/building_configuration_enum.html @@ -3,7 +3,7 @@ - optunaz.utils.enums.building_configuration_enum — QSARtuna 3.1.2 documentation + optunaz.utils.enums.building_configuration_enum — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/configuration_enum.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/configuration_enum.html index ace13f7..1d1aae3 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/configuration_enum.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/configuration_enum.html @@ -3,7 +3,7 @@ - optunaz.utils.enums.configuration_enum — QSARtuna 3.1.2 documentation + optunaz.utils.enums.configuration_enum — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/interface_enum.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/interface_enum.html index 476982d..6637941 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/interface_enum.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/interface_enum.html @@ -3,7 +3,7 @@ - optunaz.utils.enums.interface_enum — QSARtuna 3.1.2 documentation + optunaz.utils.enums.interface_enum — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/model_runner_enum.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/model_runner_enum.html index e4d1e03..0989b66 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/model_runner_enum.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/model_runner_enum.html @@ -3,7 +3,7 @@ - optunaz.utils.enums.model_runner_enum — QSARtuna 3.1.2 documentation + optunaz.utils.enums.model_runner_enum — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/objective_enum.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/objective_enum.html index 20533ca..110a4df 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/objective_enum.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/objective_enum.html @@ -3,7 +3,7 @@ - optunaz.utils.enums.objective_enum — QSARtuna 3.1.2 documentation + optunaz.utils.enums.objective_enum — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/optimization_configuration_enum.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/optimization_configuration_enum.html index 2fb091a..7fc1716 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/optimization_configuration_enum.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/optimization_configuration_enum.html @@ -3,7 +3,7 @@ - optunaz.utils.enums.optimization_configuration_enum — QSARtuna 3.1.2 documentation + optunaz.utils.enums.optimization_configuration_enum — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/prediction_configuration_enum.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/prediction_configuration_enum.html index 6221ca5..3b36190 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/prediction_configuration_enum.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/prediction_configuration_enum.html @@ -3,7 +3,7 @@ - optunaz.utils.enums.prediction_configuration_enum — QSARtuna 3.1.2 documentation + optunaz.utils.enums.prediction_configuration_enum — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/return_values_enum.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/return_values_enum.html index d869b42..57c05cb 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/return_values_enum.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/return_values_enum.html @@ -3,7 +3,7 @@ - optunaz.utils.enums.return_values_enum — QSARtuna 3.1.2 documentation + optunaz.utils.enums.return_values_enum — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/visualization_enum.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/visualization_enum.html index 3b4c92f..c328756 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/visualization_enum.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/enums/visualization_enum.html @@ -3,7 +3,7 @@ - optunaz.utils.enums.visualization_enum — QSARtuna 3.1.2 documentation + optunaz.utils.enums.visualization_enum — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/files_paths.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/files_paths.html index 427a3a1..9f58f03 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/files_paths.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/files_paths.html @@ -3,7 +3,7 @@ - optunaz.utils.files_paths — QSARtuna 3.1.2 documentation + optunaz.utils.files_paths — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/load_json.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/load_json.html index 6cd9a8c..b14b058 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/load_json.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/load_json.html @@ -3,7 +3,7 @@ - optunaz.utils.load_json — QSARtuna 3.1.2 documentation + optunaz.utils.load_json — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/mlflow.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/mlflow.html index 215903b..3ea3bbb 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/mlflow.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/mlflow.html @@ -3,7 +3,7 @@ - optunaz.utils.mlflow — QSARtuna 3.1.2 documentation + optunaz.utils.mlflow — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/preprocessing/deduplicator.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/preprocessing/deduplicator.html index b66d9e8..9ac4243 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/preprocessing/deduplicator.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/preprocessing/deduplicator.html @@ -3,7 +3,7 @@ - optunaz.utils.preprocessing.deduplicator — QSARtuna 3.1.2 documentation + optunaz.utils.preprocessing.deduplicator — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/preprocessing/splitter.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/preprocessing/splitter.html index 3992d5e..6e6a91f 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/preprocessing/splitter.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/preprocessing/splitter.html @@ -3,7 +3,7 @@ - optunaz.utils.preprocessing.splitter — QSARtuna 3.1.2 documentation + optunaz.utils.preprocessing.splitter — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/preprocessing/transform.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/preprocessing/transform.html index 4c1b9e2..9558d06 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/preprocessing/transform.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/preprocessing/transform.html @@ -3,7 +3,7 @@ - optunaz.utils.preprocessing.transform — QSARtuna 3.1.2 documentation + optunaz.utils.preprocessing.transform — QSARtuna 3.1.3 documentation @@ -375,13 +375,13 @@

Source code for optunaz.utils.preprocessing.transform

return np.array([list(Peptide(val).z_scales()) for val in auxiliary_data])
-
[docs]@dataclass +
[docs]@dataclass class AmorProt(AuxTransformer): """AmorProt from column Calculates AmorProt for sequences or a predefined list of peptide/protein targets""" -
[docs] @apischema.type_name("AmorProtParams") +
[docs] @apischema.type_name("AmorProtParams") @dataclass class Parameters: pass
diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/retraining.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/retraining.html index d633524..b6aa7d9 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/retraining.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/retraining.html @@ -3,7 +3,7 @@ - optunaz.utils.retraining — QSARtuna 3.1.2 documentation + optunaz.utils.retraining — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/schema.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/schema.html index 3236f0c..e32f596 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/schema.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/schema.html @@ -3,7 +3,7 @@ - optunaz.utils.schema — QSARtuna 3.1.2 documentation + optunaz.utils.schema — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_modules/optunaz/utils/tracking.html b/docs/sphinx-builddir/html/_modules/optunaz/utils/tracking.html index 4a03f5f..5e6041f 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/utils/tracking.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/utils/tracking.html @@ -3,7 +3,7 @@ - optunaz.utils.tracking — QSARtuna 3.1.2 documentation + optunaz.utils.tracking — QSARtuna 3.1.3 documentation @@ -84,18 +84,15 @@

Source code for optunaz.utils.tracking

 import os
 from dataclasses import dataclass
 from typing import List, Dict
-
 import requests
 from apischema import serialize
 from optunaz.config.build_from_opt import remove_algo_hash
 from optuna import Study
 from optuna.trial import FrozenTrial
-
 from optunaz.config.build_from_opt import buildconfig_from_trial
 from optunaz.config.buildconfig import BuildConfig
 from optunaz.config.optconfig import OptimizationConfig
-from optunaz.evaluate import get_train_test_scores
-from optunaz.model_writer import wrap_model
+from optunaz.evaluate import calibration_analysis
 
 logger = logging.getLogger(__name__)
 
@@ -114,6 +111,7 @@ 

Source code for optunaz.utils.tracking

     trial_state: str
     all_cv_test_scores: Dict[str, List[float]]
     buildconfig: BuildConfig
+    algorith_hash: str
 
     def __post_init__(self):
         self.buildconfig.metadata = None  # Metadata is not essential - drop.
@@ -133,7 +131,7 @@ 

Source code for optunaz.utils.tracking

 
 
[docs]@dataclass class InternalTrackingCallback: - """Callback to track (log) progress using internal tracking format""" + """Callback to track (log) Optimization progress using internal tracking format""" optconfig: OptimizationConfig trial_number_offset: int @@ -156,6 +154,7 @@

Source code for optunaz.utils.tracking

                 trial_state=trial.state.name,
                 all_cv_test_scores=round_scores(trial.user_attrs["test_scores"]),
                 buildconfig=buildconfig,
+                algorith_hash=trial.user_attrs["alg_hash"],
             )
 
             json_data = serialize(data)
@@ -181,35 +180,40 @@ 

Source code for optunaz.utils.tracking

     predicted: float
+
[docs]@dataclass +class Calpoint: + bin_edges: float + frac_true: float + frac_pred: float
+ +
[docs]@dataclass class BuildTrackingData: - """Dataclass defining internal tracking format""" + """Dataclass defining internal Build tracking format""" response_column_name: str - test_scores: Dict[str, float] - test_points: List[Datapoint]
+ test_scores: Dict[str, float] | str + test_points: List[Datapoint] + cal_points: List[Calpoint] | None
-
[docs]def track_build(model, buildconfig: BuildConfig): - train_scores, test_scores = get_train_test_scores(model, buildconfig) +
[docs]def track_build(qptuna_model, buildconfig: BuildConfig, test_scores): + test_smiles = qptuna_model.predictor.test_smiles_ + test_aux = qptuna_model.predictor.test_aux_ + expected = qptuna_model.predictor.test_y_ + if test_smiles is None or len(test_smiles) < 1: + logger.warning("No test set.") + return rounded_test_scores = ( {k: round(v, ndigits=3) for k, v in test_scores.items()} if test_scores is not None - else None + else "" ) - _, _, _, smiles, expected, _ = buildconfig.data.get_sets() - - if smiles is None or len(smiles) < 1: - logger.warning("No test set.") - return - - mode = buildconfig.settings.mode - descriptor = buildconfig.descriptor - qsartuna_model = wrap_model(model, descriptor=descriptor, mode=mode) - - predicted = qsartuna_model.predict_from_smiles(smiles) + predicted = qptuna_model.predict_from_smiles(test_smiles, aux=test_aux) + if qptuna_model.transform is not None: + expected = qptuna_model.transform.reverse_transform(expected) test_points = [ Datapoint( @@ -217,13 +221,28 @@

Source code for optunaz.utils.tracking

             expected=round(expval.item(), ndigits=3),  # item() converts numpy to float.
             predicted=round(predval.item(), ndigits=3),
         )
-        for smi, expval, predval in zip(smiles, expected, predicted)
+        for smi, expval, predval in zip(test_smiles, expected, predicted)
     ]
 
+    try:
+        cal_points = [
+            Calpoint(
+                bin_edges=round(bin_edges.item(), ndigits=3),
+                frac_true=round(frac_true.item(), ndigits=3),
+                frac_pred=round(frac_pred.item(), ndigits=3),
+            )
+            for bin_edges, frac_true, frac_pred in calibration_analysis(
+                expected, predicted
+            )
+        ]
+    except ValueError:
+        cal_points = ""
+
     data = BuildTrackingData(
         response_column_name=buildconfig.data.response_column,
         test_scores=rounded_test_scores,
         test_points=test_points,
+        cal_points=cal_points,
     )
 
     json_data = serialize(data)
@@ -238,7 +257,7 @@ 

Source code for optunaz.utils.tracking

     try:
         response = requests.post(url, json=json_data, headers=headers)
     except Exception as e:
-        logger.warning(f"Failed to report build results to {url}: {e}")
+ logger.warning(f"Failed to report build results {json_data} to {url}: {e}")
diff --git a/docs/sphinx-builddir/html/_modules/optunaz/visualizer.html b/docs/sphinx-builddir/html/_modules/optunaz/visualizer.html index a30976e..574418d 100644 --- a/docs/sphinx-builddir/html/_modules/optunaz/visualizer.html +++ b/docs/sphinx-builddir/html/_modules/optunaz/visualizer.html @@ -3,7 +3,7 @@ - optunaz.visualizer — QSARtuna 3.1.2 documentation + optunaz.visualizer — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/_sources/README.md.txt b/docs/sphinx-builddir/html/_sources/README.md.txt index 092bbee..2eadcce 100644 --- a/docs/sphinx-builddir/html/_sources/README.md.txt +++ b/docs/sphinx-builddir/html/_sources/README.md.txt @@ -161,16 +161,14 @@ from qsartuna.config import ModelMode, OptimizationDirection from qsartuna.config.optconfig import ( OptimizationConfig, SVR, - RandomForest, + RandomForestRegressor, Ridge, Lasso, - PLS, - XGBregressor, + XGBRegressor, ) from qsartuna.datareader import Dataset -from qsartuna.descriptors import ECFP, MACCS_keys, ECFP_counts +from qsartuna.descriptors import ECFP, MACCS_keys, ECFP_counts, PathFP -## # Prepare hyperparameter optimization configuration. config = OptimizationConfig( data=Dataset( @@ -178,14 +176,13 @@ config = OptimizationConfig( response_column="molwt", training_dataset_file="tests/data/DRD2/subset-50/train.csv", ), - descriptors=[ECFP.new(), ECFP_counts.new(), MACCS_keys.new()], + descriptors=[ECFP.new(), ECFP_counts.new(), MACCS_keys.new(), PathFP.new()], algorithms=[ SVR.new(), - RandomForest.new(), + RandomForestRegressor.new(), Ridge.new(), Lasso.new(), - PLS.new(), - XGBregressor.new(), + XGBRegressor.new(), ], settings=OptimizationConfig.Settings( mode=ModelMode.REGRESSION, @@ -195,22 +192,17 @@ config = OptimizationConfig( ), ) -## # Run Optuna Study. study = optimize(config, study_name="my_study") -## # Get the best Trial from the Study and make a Build (Training) configuration for it. buildconfig = buildconfig_best(study) -# Optional: write out JSON of the best configuration. -import json -print(json.dumps(buildconfig.json(), indent=2)) +with open("best_config.txt", "w") as f: + f.write(str(buildconfig.__dict__)) -## # Build (re-Train) and save the best model. build_best(buildconfig, "target/best.pkl") -## # Build (Train) and save the model on the merged train+test data. build_merged(buildconfig, "target/merged.pkl") ``` diff --git a/docs/sphinx-builddir/html/_sources/algorithms.rst.txt b/docs/sphinx-builddir/html/_sources/algorithms.rst.txt index 4c7d25e..d6e584f 100644 --- a/docs/sphinx-builddir/html/_sources/algorithms.rst.txt +++ b/docs/sphinx-builddir/html/_sources/algorithms.rst.txt @@ -14,13 +14,13 @@ Lasso KNeighborsClassifier -##### +#################### .. autoclass:: optunaz.config.optconfig.KNeighborsClassifier :members: KNeighborsRegressor -##### +################### .. autoclass:: optunaz.config.optconfig.KNeighborsRegressor :members: @@ -103,8 +103,8 @@ ChemPropHyperoptRegressor :members: -ChemPropRegressorPretrained -######################### +ChemPropHyperoptRegressorPretrained +################################### .. autoclass:: optunaz.config.optconfig.ChemPropRegressorPretrained :members: diff --git a/docs/sphinx-builddir/html/_sources/descriptors.rst.txt b/docs/sphinx-builddir/html/_sources/descriptors.rst.txt index d36f36b..5c2bc5d 100644 --- a/docs/sphinx-builddir/html/_sources/descriptors.rst.txt +++ b/docs/sphinx-builddir/html/_sources/descriptors.rst.txt @@ -19,7 +19,7 @@ ECFP_counts PathFP -########### +###### .. autoclass:: optunaz.descriptors.PathFP :members: @@ -37,13 +37,13 @@ UnscaledPhyschemDescriptors UnscaledJazzyDescriptors -########################### +######################## .. autoclass:: optunaz.descriptors.UnscaledJazzyDescriptors :members: UnscaledZScalesDescriptors -########### +########################## .. autoclass:: optunaz.descriptors.UnscaledZScalesDescriptors :members: @@ -67,7 +67,7 @@ PrecomputedDescriptorFromFile ZScales -########### +####### .. autoclass:: optunaz.descriptors.ZScalesDescriptors :members: @@ -94,3 +94,39 @@ CompositeDescriptor ################### .. autoclass:: optunaz.descriptors.CompositeDescriptor :members: + + +AmorProtDescriptors +################### +.. autoclass:: optunaz.descriptors.AmorProtDescriptors + :members: + + +PathFP +###### +.. autoclass:: optunaz.descriptors.PathFP + :members: + + +UnscaledMAPC +############ +.. autoclass:: optunaz.descriptors.UnscaledMAPC + :members: + + +UnscaledZScalesDescriptors +########################## +.. autoclass:: optunaz.descriptors.UnscaledZScalesDescriptors + :members: + + +MAPC +#### +.. autoclass:: optunaz.descriptors.MAPC + :members: + + +ZScalesDescriptors +################## +.. autoclass:: optunaz.descriptors.ZScalesDescriptors + :members: \ No newline at end of file diff --git a/docs/sphinx-builddir/html/_sources/index.rst.txt b/docs/sphinx-builddir/html/_sources/index.rst.txt index 43864b0..e48f662 100644 --- a/docs/sphinx-builddir/html/_sources/index.rst.txt +++ b/docs/sphinx-builddir/html/_sources/index.rst.txt @@ -28,4 +28,4 @@ Development ----------- * `Test report <_static/pytest/pytest/index.html>`_ * `Test coverage <_static/pytest/coverage/index.html>`_ -* `Public release (3.1.2) `_ \ No newline at end of file +* `Public release (3.1.3) `_ \ No newline at end of file diff --git a/docs/sphinx-builddir/html/_sources/notebooks/preprocess_data.ipynb.txt b/docs/sphinx-builddir/html/_sources/notebooks/preprocess_data.ipynb.txt index 0dd5da5..9853aed 100644 --- a/docs/sphinx-builddir/html/_sources/notebooks/preprocess_data.ipynb.txt +++ b/docs/sphinx-builddir/html/_sources/notebooks/preprocess_data.ipynb.txt @@ -1055,10 +1055,10 @@ " response_type=\"regression\",\n", " training_dataset_file=\"../tests/data/sdf/example.sdf\",\n", " deduplication_strategy=KeepAllNoDeduplication(),\n", - " log_transform=\"True\", # flags to use a transform\n", + " log_transform=True, # flags to use a transform\n", " log_transform_base=LogBase.LOG10, # Log10 base will be used\n", - " log_transform_negative=\"True\", # The negated log transform will be applied\n", - " log_transform_unit_conversion=6 # THe unit conversion for pXC50 values is 6\n", + " log_transform_negative=LogNegative.TRUE, # The negated log transform will be applied\n", + " log_transform_unit_conversion=6 # The unit conversion for pXC50 values is 6\n", ")\n", "\n", "pxc50_data = Dataset(\n", diff --git a/docs/sphinx-builddir/html/_sources/transform.rst.txt b/docs/sphinx-builddir/html/_sources/transform.rst.txt index aaee310..6e5139d 100644 --- a/docs/sphinx-builddir/html/_sources/transform.rst.txt +++ b/docs/sphinx-builddir/html/_sources/transform.rst.txt @@ -24,3 +24,10 @@ ZScales ####### .. autoclass:: optunaz.utils.preprocessing.transform.ZScales :members: + + +AmorProt +######## +.. autoclass:: optunaz.utils.preprocessing.transform.AmorProt + :members: + diff --git a/docs/sphinx-builddir/html/_static/documentation_options.js b/docs/sphinx-builddir/html/_static/documentation_options.js index d853903..7c93622 100644 --- a/docs/sphinx-builddir/html/_static/documentation_options.js +++ b/docs/sphinx-builddir/html/_static/documentation_options.js @@ -1,6 +1,6 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: '3.1.2', + VERSION: '3.1.3', LANGUAGE: 'en', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/sphinx-builddir/html/algorithms.html b/docs/sphinx-builddir/html/algorithms.html index 4055411..4a83b27 100644 --- a/docs/sphinx-builddir/html/algorithms.html +++ b/docs/sphinx-builddir/html/algorithms.html @@ -4,7 +4,7 @@ - Available algorithms — QSARtuna 3.1.2 documentation + Available algorithms — QSARtuna 3.1.3 documentation @@ -68,7 +68,7 @@
  • ChemPropClassifier
  • ChemPropHyperoptClassifier
  • ChemPropHyperoptRegressor
  • -
  • ChemPropRegressorPretrained
  • +
  • ChemPropHyperoptRegressorPretrained
  • CalibratedClassifierCVWithVA
  • Mapie
  • @@ -854,8 +854,8 @@

    ChemPropHyperoptRegressor -

    ChemPropRegressorPretrained

    +
    +

    ChemPropHyperoptRegressorPretrained

    class optunaz.config.optconfig.ChemPropRegressorPretrained(name, parameters)[source]
    diff --git a/docs/sphinx-builddir/html/deduplicator.html b/docs/sphinx-builddir/html/deduplicator.html index b7f930d..989a1a7 100644 --- a/docs/sphinx-builddir/html/deduplicator.html +++ b/docs/sphinx-builddir/html/deduplicator.html @@ -4,7 +4,7 @@ - Available deduplicators — QSARtuna 3.1.2 documentation + Available deduplicators — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/descriptors.html b/docs/sphinx-builddir/html/descriptors.html index e48cab5..137de2b 100644 --- a/docs/sphinx-builddir/html/descriptors.html +++ b/docs/sphinx-builddir/html/descriptors.html @@ -4,7 +4,7 @@ - Available descriptors — QSARtuna 3.1.2 documentation + Available descriptors — QSARtuna 3.1.3 documentation @@ -68,6 +68,12 @@
  • SmilesAndSideInfoFromFile
  • ScaledDescriptor
  • CompositeDescriptor
  • +
  • AmorProtDescriptors
  • +
  • PathFP
  • +
  • UnscaledMAPC
  • +
  • UnscaledZScalesDescriptors
  • +
  • MAPC
  • +
  • ZScalesDescriptors
  • List of available evaluation splits
  • @@ -577,6 +583,170 @@

    CompositeDescriptor +

    AmorProtDescriptors

    +
    +
    +class optunaz.descriptors.AmorProtDescriptors(name, parameters)[source]
    +

    These descriptors are intended to be used with Peptide SMILES

    +
    +
    +class Parameters[source]
    +
    + +
    +
    +calculate_from_smi(smi)[source]
    +

    Returns a descriptor (e.g. a fingerprint) for a given SMILES string.

    +

    The descriptor is returned as a 1-d Numpy ndarray.

    +
    + +
    + +

    +
    +

    PathFP

    +
    +
    +class optunaz.descriptors.PathFP(name, parameters)[source]
    +

    Path fingerprint based on RDKit FP Generator.

    +

    This is a Path fingerprint.

    +
    +
    +class Parameters(maxPath=3, fpSize=2048)[source]
    +
    +
    Parameters:
    +
      +
    • maxPath (int) – Maximum path for the fingerprint - minimum: 1, title: maxPath

    • +
    • fpSize (int) – Number size of the fingerprint, sometimes also called bit size. - minimum: 1, title: fpSize

    • +
    +
    +
    +
    + +
    +
    +calculate_from_mol(mol)[source]
    +

    Returns a descriptor (fingerprint) for a given RDKit Mol as a 1-d Numpy array.

    +
    + +
    + +
    +
    +

    UnscaledMAPC

    +
    +
    +class optunaz.descriptors.UnscaledMAPC(name, parameters)[source]
    +

    Unscaled MAPC descriptors

    +

    These MAPC descriptors are unscaled and should be used with caution. MinHashed Atom-Pair Fingerprint Chiral (see +Orsi et al. One chiral fingerprint to find them all) is the original version of the MinHashed Atom-Pair +fingerprint of radius 2 (MAP4) which combined circular substructure fingerprints and atom-pair fingerprints into +a unified framework. This combination allowed for improved substructure perception and performance in small +molecule benchmarks while retaining information about bond distances for molecular size and shape perception.

    +

    These fingerprints expand the functionality of MAP4 to include encoding of stereochemistry into the fingerprint. +CIP descriptors of chiral atoms are encoded into the fingerprint at the highest radius. This allows MAPC +to modulate the impact of stereochemistry on fingerprints, making it scale with increasing molecular size +without disproportionally affecting structural fingerprints/similarity.

    +
    +
    +class Parameters(maxRadius=2, nPermutations=2048)[source]
    +
    +
    Parameters:
    +
      +
    • maxRadius (int) – Maximum radius of the fingerprint. - minimum: 1, title: maxRadius

    • +
    • nPermutations (int) – Number of permutations to perform. - minimum: 1, title: nPermutations

    • +
    +
    +
    +
    + +
    +
    +calculate_from_mol(mol)[source]
    +

    Returns a descriptor (fingerprint) for a given RDKit Mol as a 1-d Numpy array.

    +
    + +
    + +
    +
    +

    UnscaledZScalesDescriptors

    +
    +
    +class optunaz.descriptors.UnscaledZScalesDescriptors(name='UnscaledZScalesDescriptors', parameters=UnscaledZScalesDescriptors.Parameters())[source]
    +

    Unscaled Z-Scales.

    +

    Compute the Z-scales of a peptide SMILES. These Z-Scales descriptors are unscaled and should be used with caution.

    +
    +
    +class Parameters[source]
    +
    + +
    +
    +calculate_from_smi(smi)[source]
    +

    Returns a descriptor (e.g. a fingerprint) for a given SMILES string.

    +

    The descriptor is returned as a 1-d Numpy ndarray.

    +
    + +
    + +
    +
    +

    MAPC

    +
    +
    +class optunaz.descriptors.MAPC(parameters=MAPC.Parameters(maxRadius=2, nPermutations=2048, scaler=UnfittedSklearnScaler(mol_data=UnfittedSklearnScaler.MolData(file_path=None, smiles_column=None), name='UnfittedSklearnScaler'), descriptor=<class 'optunaz.descriptors.UnscaledMAPC'>), name='MAPC')[source]
    +

    Scaled MAPC descriptors

    +

    MAPC (MinHashed Atom-Pair Fingerprint Chiral) (see Orsi et al. One chiral fingerprint to find them all) is the +original version of the MinHashed Atom-Pair fingerprint of radius 2 (MAP4) which combined circular substructure +fingerprints and atom-pair fingerprints into a unified framework. This combination allowed for improved +substructure perception and performance in small molecule benchmarks while retaining information about bond +distances for molecular size and shape perception.

    +

    These fingerprints expand the functionality of MAP4 to include encoding of stereochemistry into the fingerprint. +CIP descriptors of chiral atoms are encoded into the fingerprint at the highest radius. This allows MAPC +to modulate the impact of stereochemistry on fingerprints, making it scale with increasing molecular size +without disproportionally affecting structural fingerprints/similarity.

    +
    +
    +class Parameters(maxRadius: int = 2, nPermutations: int = 2048, scaler: Union[optunaz.descriptors.FittedSklearnScaler, optunaz.descriptors.UnfittedSklearnScaler] = UnfittedSklearnScaler(mol_data=UnfittedSklearnScaler.MolData(file_path=None, smiles_column=None), name='UnfittedSklearnScaler'), descriptor: Union[optunaz.descriptors.Avalon, optunaz.descriptors.ECFP, optunaz.descriptors.ECFP_counts, optunaz.descriptors.PathFP, optunaz.descriptors.AmorProtDescriptors, optunaz.descriptors.MACCS_keys, optunaz.descriptors.PrecomputedDescriptorFromFile, optunaz.descriptors.UnscaledMAPC, optunaz.descriptors.UnscaledPhyschemDescriptors, optunaz.descriptors.UnscaledJazzyDescriptors, optunaz.descriptors.UnscaledZScalesDescriptors] = <class 'optunaz.descriptors.UnscaledMAPC'>)[source]
    +
    +
    +descriptor
    +

    alias of UnscaledMAPC

    +
    + +
    + +
    + +
    +
    +

    ZScalesDescriptors

    +
    +
    +class optunaz.descriptors.ZScalesDescriptors(parameters=ZScalesDescriptors.Parameters(scaler=UnfittedSklearnScaler(mol_data=UnfittedSklearnScaler.MolData(file_path=None, smiles_column=None), name='UnfittedSklearnScaler'), descriptor=<class 'optunaz.descriptors.UnscaledZScalesDescriptors'>), name='ZScalesDescriptors')[source]
    +

    Scaled Z-Scales descriptors.

    +

    Z-scales were proposed in Sandberg et al (1998) based on physicochemical properties of proteogenic and +non-proteogenic amino acids, including NMR data and thin-layer chromatography (TLC) data. Refer to +doi:10.1021/jm9700575 for the original publication. These descriptors capture 1. lipophilicity, 2. steric +properties (steric bulk and polarizability), 3. electronic properties (polarity and charge), +4. electronegativity (heat of formation, electrophilicity and hardness) and 5. another electronegativity. +This fingerprint is the computed average of Z-scales of all the amino acids in the peptide.

    +
    +
    +class Parameters(scaler: Union[optunaz.descriptors.FittedSklearnScaler, optunaz.descriptors.UnfittedSklearnScaler] = UnfittedSklearnScaler(mol_data=UnfittedSklearnScaler.MolData(file_path=None, smiles_column=None), name='UnfittedSklearnScaler'), descriptor: Union[optunaz.descriptors.Avalon, optunaz.descriptors.ECFP, optunaz.descriptors.ECFP_counts, optunaz.descriptors.PathFP, optunaz.descriptors.AmorProtDescriptors, optunaz.descriptors.MACCS_keys, optunaz.descriptors.PrecomputedDescriptorFromFile, optunaz.descriptors.UnscaledMAPC, optunaz.descriptors.UnscaledPhyschemDescriptors, optunaz.descriptors.UnscaledJazzyDescriptors, optunaz.descriptors.UnscaledZScalesDescriptors] = <class 'optunaz.descriptors.UnscaledZScalesDescriptors'>)[source]
    +
    +
    +descriptor
    +

    alias of UnscaledZScalesDescriptors

    +
    + +
    + +
    +
    diff --git a/docs/sphinx-builddir/html/genindex.html b/docs/sphinx-builddir/html/genindex.html index 60e8a59..6cdabae 100644 --- a/docs/sphinx-builddir/html/genindex.html +++ b/docs/sphinx-builddir/html/genindex.html @@ -3,7 +3,7 @@ - Index — QSARtuna 3.1.2 documentation + Index — QSARtuna 3.1.3 documentation @@ -168,6 +168,8 @@

    A

  • (optunaz.config.optconfig.ChemPropRegressor.Parameters attribute)
  • +
  • algorith_hash (optunaz.utils.tracking.TrackingData attribute) +
  • Algorithm (class in optunaz.config)
  • -
  • AmorProt (class in optunaz.utils.preprocessing.transform) +
  • AmorProt (class in optunaz.utils.preprocessing.transform), [1]
  • -
  • AmorProt.Parameters (class in optunaz.utils.preprocessing.transform) +
  • AmorProt.Parameters (class in optunaz.utils.preprocessing.transform), [1]
  • -
  • AmorProtDescriptors (class in optunaz.descriptors) +
  • AmorProtDescriptors (class in optunaz.descriptors), [1]
  • AmorProtDescriptors.AmorProt (class in optunaz.descriptors)
  • -
  • AmorProtDescriptors.Parameters (class in optunaz.descriptors) +
  • AmorProtDescriptors.Parameters (class in optunaz.descriptors), [1]
  • ArgsError
  • @@ -447,6 +449,8 @@

    B

  • best_trial (optunaz.config.buildconfig.BuildConfig.Metadata attribute)
  • best_value (optunaz.config.buildconfig.BuildConfig.Metadata attribute) +
  • +
  • bin_edges (optunaz.utils.tracking.Calpoint attribute)
  • bins (optunaz.utils.preprocessing.splitter.HistogramStratifiedShuffleSplit attribute) @@ -509,6 +513,8 @@

    C

  • cache (optunaz.objective.Objective attribute) +
  • +
  • cal_points (optunaz.utils.tracking.BuildTrackingData attribute)
  • calcSlurmMem() (optunaz.automl.ModelDispatcher static method)
  • @@ -521,16 +527,16 @@

    C

  • (optunaz.descriptors.MACCS_keys method), [1]
  • -
  • (optunaz.descriptors.PathFP method), [1] +
  • (optunaz.descriptors.PathFP method), [1], [2]
  • (optunaz.descriptors.RdkitDescriptor method)
  • -
  • (optunaz.descriptors.UnscaledMAPC method) +
  • (optunaz.descriptors.UnscaledMAPC method), [1]
  • (optunaz.descriptors.UnscaledPhyschemDescriptors method), [1]
  • -
  • calculate_from_smi() (optunaz.descriptors.AmorProtDescriptors method) +
  • calculate_from_smi() (optunaz.descriptors.AmorProtDescriptors method), [1] + -
  • - - + @@ -197,6 +197,12 @@

    Welcome to QSARtuna Documentation!SmilesAndSideInfoFromFile
  • ScaledDescriptor
  • CompositeDescriptor
  • +
  • AmorProtDescriptors
  • +
  • PathFP
  • +
  • UnscaledMAPC
  • +
  • UnscaledZScalesDescriptors
  • +
  • MAPC
  • +
  • ZScalesDescriptors
  • List of available evaluation splits
  • List of available deduplicators diff --git a/docs/sphinx-builddir/html/modules.html b/docs/sphinx-builddir/html/modules.html index f97b29c..f912afb 100644 --- a/docs/sphinx-builddir/html/modules.html +++ b/docs/sphinx-builddir/html/modules.html @@ -4,7 +4,7 @@ - optunaz — QSARtuna 3.1.2 documentation + optunaz — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/notebooks/QSARtuna_Tutorial.html b/docs/sphinx-builddir/html/notebooks/QSARtuna_Tutorial.html index cf29fd9..fce4aa7 100644 --- a/docs/sphinx-builddir/html/notebooks/QSARtuna_Tutorial.html +++ b/docs/sphinx-builddir/html/notebooks/QSARtuna_Tutorial.html @@ -4,7 +4,7 @@ - QSARtuna CLI Tutorial — QSARtuna 3.1.2 documentation + QSARtuna CLI Tutorial — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/notebooks/preprocess_data.html b/docs/sphinx-builddir/html/notebooks/preprocess_data.html index cc13eba..63426f9 100644 --- a/docs/sphinx-builddir/html/notebooks/preprocess_data.html +++ b/docs/sphinx-builddir/html/notebooks/preprocess_data.html @@ -4,7 +4,7 @@ - Preprocessing data for QSARtuna — QSARtuna 3.1.2 documentation + Preprocessing data for QSARtuna — QSARtuna 3.1.3 documentation @@ -1144,10 +1144,10 @@

    Performing data transform within the Datareaderresponse_type="regression", training_dataset_file="../tests/data/sdf/example.sdf", deduplication_strategy=KeepAllNoDeduplication(), - log_transform="True", # flags to use a transform + log_transform=True, # flags to use a transform log_transform_base=LogBase.LOG10, # Log10 base will be used - log_transform_negative="True", # The negated log transform will be applied - log_transform_unit_conversion=6 # THe unit conversion for pXC50 values is 6 + log_transform_negative=LogNegative.TRUE, # The negated log transform will be applied + log_transform_unit_conversion=6 # The unit conversion for pXC50 values is 6 ) pxc50_data = Dataset( diff --git a/docs/sphinx-builddir/html/notebooks/preprocess_data.ipynb b/docs/sphinx-builddir/html/notebooks/preprocess_data.ipynb index 0dd5da5..9853aed 100644 --- a/docs/sphinx-builddir/html/notebooks/preprocess_data.ipynb +++ b/docs/sphinx-builddir/html/notebooks/preprocess_data.ipynb @@ -1055,10 +1055,10 @@ " response_type=\"regression\",\n", " training_dataset_file=\"../tests/data/sdf/example.sdf\",\n", " deduplication_strategy=KeepAllNoDeduplication(),\n", - " log_transform=\"True\", # flags to use a transform\n", + " log_transform=True, # flags to use a transform\n", " log_transform_base=LogBase.LOG10, # Log10 base will be used\n", - " log_transform_negative=\"True\", # The negated log transform will be applied\n", - " log_transform_unit_conversion=6 # THe unit conversion for pXC50 values is 6\n", + " log_transform_negative=LogNegative.TRUE, # The negated log transform will be applied\n", + " log_transform_unit_conversion=6 # The unit conversion for pXC50 values is 6\n", ")\n", "\n", "pxc50_data = Dataset(\n", diff --git a/docs/sphinx-builddir/html/objects.inv b/docs/sphinx-builddir/html/objects.inv index 95e98eb..04574d3 100644 Binary files a/docs/sphinx-builddir/html/objects.inv and b/docs/sphinx-builddir/html/objects.inv differ diff --git a/docs/sphinx-builddir/html/optunaz.config.html b/docs/sphinx-builddir/html/optunaz.config.html index 540be15..a1f1b28 100644 --- a/docs/sphinx-builddir/html/optunaz.config.html +++ b/docs/sphinx-builddir/html/optunaz.config.html @@ -4,7 +4,7 @@ - optunaz.config package — QSARtuna 3.1.2 documentation + optunaz.config package — QSARtuna 3.1.3 documentation @@ -167,16 +167,16 @@

    SubmodulesAlgorithm

    -class AdaBoostClassifierParameters(n_estimators: int, learning_rate: float)[source]
    +class AdaBoostClassifierParameters(n_estimators: int = 1, learning_rate: float = 0.1)[source]

    Bases: object

    -n_estimators
    +n_estimators = 1
    -learning_rate
    +learning_rate = 0.1
    @@ -320,7 +320,7 @@

    SubmodulesAlgorithm

    -class LogisticRegressionParameters(solver: str, C: float)[source]
    +class LogisticRegressionParameters(solver: str, C: float = 1.0)[source]

    Bases: object

    @@ -329,7 +329,7 @@

    Submodules
    -C
    +C = 1.0

    @@ -357,11 +357,11 @@

    SubmodulesAlgorithm

    -class PLSParameters(n_components: int)[source]
    +class PLSParameters(n_components: int = 2)[source]

    Bases: object

    -n_components
    +n_components = 2
    @@ -389,21 +389,21 @@

    SubmodulesAlgorithm

    -class RandomForestParameters(max_depth: int, n_estimators: int, max_features: str)[source]
    +class RandomForestParameters(max_features: str, max_depth: int = None, n_estimators: int = 100)[source]

    Bases: object

    -
    -max_depth
    +
    +max_features
    -
    -n_estimators
    +
    +max_depth = None
    -
    -max_features
    +
    +n_estimators = 100
    diff --git a/docs/sphinx-builddir/html/optunaz.html b/docs/sphinx-builddir/html/optunaz.html index 2663f27..5cafa26 100644 --- a/docs/sphinx-builddir/html/optunaz.html +++ b/docs/sphinx-builddir/html/optunaz.html @@ -4,7 +4,7 @@ - optunaz package — QSARtuna 3.1.2 documentation + optunaz package — QSARtuna 3.1.3 documentation @@ -163,7 +163,7 @@

    Submodules

    optunaz.automl module

    -class optunaz.automl.ModelAutoML(output_path=None, input_data=None, n_cores=- 1, email=None, user_name=None, smiles_col=None, activity_col=None, task_col=None, dry_run=False, timestr='20240828-174523')[source]
    +class optunaz.automl.ModelAutoML(output_path=None, input_data=None, n_cores=- 1, email=None, user_name=None, smiles_col=None, activity_col=None, task_col=None, dry_run=False, timestr='20240916-165004')[source]

    Bases: object

    Prepares the data ready for the model training with ModelDispatcher. The ModelAutoML will also store activity for new tasks pending enough data.

    @@ -1772,29 +1772,24 @@

    Submodules

    optunaz.evaluate module

    -
    -
    -optunaz.evaluate.score_all(scores, estimator, X, y)[source]
    -
    -
    optunaz.evaluate.get_scores(mode)[source]
    -
    -optunaz.evaluate.score_all_smiles(scores, estimator, smiles, descriptor, aux, y, cache=None)[source]
    +
    +optunaz.evaluate.get_train_test_scores(estimator, buildconfig, train_X, train_y, test_X, test_y)[source]
    -
    -optunaz.evaluate.get_train_test_scores(estimator, buildconfig, cache=None)[source]
    +
    +optunaz.evaluate.get_merged_train_score(estimator, buildconfig, train_X, train_y)[source]
    -
    -optunaz.evaluate.get_merged_train_score(estimator, buildconfig, cache=None)[source]
    +
    +optunaz.evaluate.calibration_analysis(y_test, y_pred)[source]
    @@ -1922,7 +1917,7 @@

    Submodules
    -class optunaz.model_writer.QSARtunaModel(predictor: Predictor, descriptor: Union[Avalon, ECFP, ECFP_counts, PathFP, AmorProtDescriptors, MACCS_keys, PrecomputedDescriptorFromFile, UnscaledMAPC, UnscaledPhyschemDescriptors, UnscaledJazzyDescriptors, UnscaledZScalesDescriptors, ScaledDescriptor, MAPC, PhyschemDescriptors, JazzyDescriptors, ZScalesDescriptors, CompositeDescriptor, SmilesFromFile, SmilesAndSideInfoFromFile], mode: ModelMode, transform: Optional[ModelDataTransform] = None, aux_transform: Union[VectorFromColumn, ZScales, AmorProt, NoneType] = None, metadata: Optional[Dict] = None)[source]
    +class optunaz.model_writer.QSARtunaModel(predictor: Predictor, descriptor: Union[Avalon, ECFP, ECFP_counts, PathFP, AmorProtDescriptors, MACCS_keys, PrecomputedDescriptorFromFile, UnscaledMAPC, UnscaledPhyschemDescriptors, UnscaledJazzyDescriptors, UnscaledZScalesDescriptors, ScaledDescriptor, MAPC, PhyschemDescriptors, JazzyDescriptors, ZScalesDescriptors, CompositeDescriptor, SmilesFromFile, SmilesAndSideInfoFromFile], mode: ModelMode, transform: Optional[ModelDataTransform] = None, aux_transform: Union[VectorFromColumn, ZScales, AmorProt, NoneType] = None, metadata: Optional[Dict] = None)[source]

    Bases: ABC

    diff --git a/docs/sphinx-builddir/html/optunaz.utils.enums.html b/docs/sphinx-builddir/html/optunaz.utils.enums.html index 1d91df8..43cb1ff 100644 --- a/docs/sphinx-builddir/html/optunaz.utils.enums.html +++ b/docs/sphinx-builddir/html/optunaz.utils.enums.html @@ -4,7 +4,7 @@ - optunaz.utils.enums package — QSARtuna 3.1.2 documentation + optunaz.utils.enums package — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/optunaz.utils.html b/docs/sphinx-builddir/html/optunaz.utils.html index fc7a184..7f5a61d 100644 --- a/docs/sphinx-builddir/html/optunaz.utils.html +++ b/docs/sphinx-builddir/html/optunaz.utils.html @@ -4,7 +4,7 @@ - optunaz.utils package — QSARtuna 3.1.2 documentation + optunaz.utils package — QSARtuna 3.1.3 documentation @@ -391,7 +391,7 @@

    Submodules
    -class optunaz.utils.tracking.TrackingData(trial_number, trial_value, scoring, trial_state, all_cv_test_scores, buildconfig)[source]
    +class optunaz.utils.tracking.TrackingData(trial_number, trial_value, scoring, trial_state, all_cv_test_scores, buildconfig, algorith_hash)[source]

    Bases: object

    Dataclass defining internal tracking format

    @@ -424,6 +424,11 @@

    Submodulesbuildconfig

    +
    +
    +algorith_hash
    +
    +
    @@ -440,7 +445,7 @@

    Submodules class optunaz.utils.tracking.InternalTrackingCallback(optconfig, trial_number_offset)[source]

    Bases: object

    -

    Callback to track (log) progress using internal tracking format

    +

    Callback to track (log) Optimization progress using internal tracking format

    optconfig
    @@ -474,11 +479,32 @@

    Submodules +
    +class optunaz.utils.tracking.Calpoint(bin_edges: float, frac_true: float, frac_pred: float)[source]
    +

    Bases: object

    +
    +
    +bin_edges
    +
    + +
    +
    +frac_true
    +
    + +
    +
    +frac_pred
    +
    + +

    +
    -class optunaz.utils.tracking.BuildTrackingData(response_column_name, test_scores, test_points)[source]
    +class optunaz.utils.tracking.BuildTrackingData(response_column_name, test_scores, test_points, cal_points)[source]

    Bases: object

    -

    Dataclass defining internal tracking format

    +

    Dataclass defining internal Build tracking format

    response_column_name
    @@ -494,11 +520,16 @@

    Submodulestest_points

    +
    +
    +cal_points
    +
    +
    -optunaz.utils.tracking.track_build(model, buildconfig)[source]
    +optunaz.utils.tracking.track_build(qptuna_model, buildconfig, test_scores)[source]
    diff --git a/docs/sphinx-builddir/html/optunaz.utils.preprocessing.html b/docs/sphinx-builddir/html/optunaz.utils.preprocessing.html index ff60db7..85e72c5 100644 --- a/docs/sphinx-builddir/html/optunaz.utils.preprocessing.html +++ b/docs/sphinx-builddir/html/optunaz.utils.preprocessing.html @@ -4,7 +4,7 @@ - optunaz.utils.preprocessing package — QSARtuna 3.1.2 documentation + optunaz.utils.preprocessing package — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/py-modindex.html b/docs/sphinx-builddir/html/py-modindex.html index 1935f53..59e526c 100644 --- a/docs/sphinx-builddir/html/py-modindex.html +++ b/docs/sphinx-builddir/html/py-modindex.html @@ -3,7 +3,7 @@ - Python Module Index — QSARtuna 3.1.2 documentation + Python Module Index — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/search.html b/docs/sphinx-builddir/html/search.html index 64cd560..ecfba5b 100644 --- a/docs/sphinx-builddir/html/search.html +++ b/docs/sphinx-builddir/html/search.html @@ -3,7 +3,7 @@ - Search — QSARtuna 3.1.2 documentation + Search — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/searchindex.js b/docs/sphinx-builddir/html/searchindex.js index 7e87d59..2e70d65 100644 --- a/docs/sphinx-builddir/html/searchindex.js +++ b/docs/sphinx-builddir/html/searchindex.js @@ -1 +1 @@ -Search.setIndex({"docnames": ["README", "algorithms", "deduplicator", "descriptors", "index", "modules", "notebooks/QSARtuna_Tutorial", "notebooks/preprocess_data", "optunaz", "optunaz.config", "optunaz.utils", "optunaz.utils.enums", "optunaz.utils.preprocessing", "splitters", "transform"], "filenames": ["README.md", "algorithms.rst", "deduplicator.rst", "descriptors.rst", "index.rst", "modules.rst", "notebooks/QSARtuna_Tutorial.ipynb", "notebooks/preprocess_data.ipynb", "optunaz.rst", "optunaz.config.rst", "optunaz.utils.rst", "optunaz.utils.enums.rst", "optunaz.utils.preprocessing.rst", "splitters.rst", "transform.rst"], "titles": ["QSARtuna \ud80c\udd9b: QSAR using Optimization for Hyperparameter Tuning (formerly Optuna AZ and QPTUNA)", "Available algorithms", "Available deduplicators", "Available descriptors", "Welcome to QSARtuna Documentation!", "optunaz", "QSARtuna CLI Tutorial", "Preprocessing data for QSARtuna", "optunaz package", "optunaz.config package", "optunaz.utils package", "optunaz.utils.enums package", "optunaz.utils.preprocessing package", "Available splitters", "Available transform"], "terms": {"build": [0, 4, 7, 8, 9, 10, 11], "predict": [0, 1, 3, 5, 6, 7, 9, 10, 11], "compchem": 0, "develop": [0, 3, 6, 8], "uncertainti": [0, 1, 4, 7, 8, 9, 12, 14], "quantif": 0, "explain": [0, 1, 4, 5, 9], "mind": 0, "thi": [0, 1, 3, 4, 7, 8, 9, 10, 11, 12, 13], "librari": [0, 6, 7], "search": [0, 1, 3, 8, 9], "best": [0, 1, 8, 9], "ml": [0, 4, 6, 9], "molecular": [0, 1, 3, 4, 6, 7, 8, 9], "given": [0, 1, 3, 6, 7, 8, 9, 10], "data": [0, 1, 3, 4, 8, 9, 10, 11, 12, 13, 14], "itself": [0, 6], "done": [0, 6], "emploi": [0, 3, 6, 7, 8], "latest": [0, 8, 9], "state": [0, 6, 12], "art": [0, 6], "estim": [0, 1, 3, 4, 8, 9, 11], "packag": [0, 1, 3, 5, 6, 7], "further": [0, 9], "document": [0, 6, 7], "github": [0, 6, 8, 12], "page": 0, "here": [0, 3, 6, 7, 8, 9, 12, 13], "public": [0, 1, 3, 4, 6, 8, 9], "avail": [0, 4, 6, 8, 10], "structur": [0, 1, 3, 6, 7, 8, 9], "around": [0, 6, 7], "train": [0, 1, 3, 4, 7, 8, 9, 10, 11, 12, 13], "mani": [0, 1, 6, 9], "differ": [0, 1, 3, 6, 8, 9, 10, 12], "paramet": [0, 1, 3, 6, 7, 8, 9, 11, 12, 13, 14], "onli": [0, 1, 3, 7, 8, 9, 12, 13], "dataset": [0, 1, 7, 8, 9, 11, 12], "usual": [0, 1, 6, 7, 9], "cross": [0, 1, 6, 9, 12], "valid": [0, 1, 3, 7, 8, 9, 11, 12], "pick": 0, "evalu": [0, 4, 5, 6], "its": [0, 1, 6, 9, 11], "perform": [0, 3, 4, 8, 11, 12, 14], "test": [0, 1, 4, 7, 8, 9, 11, 12, 13], "prod": [0, 6], "re": [0, 6, 8], "merg": [0, 7, 8, 12], "ha": [0, 1, 6, 7, 8, 9, 12], "drawback": [0, 6], "left": [0, 6, 7], "result": [0, 1, 3, 6, 7, 8, 9], "big": [0, 6], "benefit": [0, 6], "final": [0, 1, 6, 9], "all": [0, 1, 3, 6, 7, 8, 9, 11, 12], "let": [0, 6, 7], "s": [0, 6, 7], "look": [0, 1, 6, 7, 9], "trivial": 0, "exampl": [0, 3, 7, 8, 9], "weight": [0, 1, 3, 6, 8, 9, 11], "set": [0, 3, 4, 7, 8, 9, 10, 11, 12, 13], "50": [0, 1, 3, 6, 8, 9], "molecul": [0, 1, 3, 6, 7, 8, 9, 12], "we": [0, 3, 6, 7, 8, 9, 12, 13], "start": [0, 4, 6, 7, 8], "format": [0, 3, 6, 7, 8, 10], "It": [0, 1, 3, 6, 7, 8, 9], "contain": [0, 3, 6, 8, 10], "four": 0, "main": [0, 3, 6, 7, 8], "section": [0, 6, 7], "locat": [0, 6], "column": [0, 3, 7, 8, 10, 11, 12, 13, 14], "detail": [0, 3, 6, 7, 8, 9, 10], "about": [0, 6, 7, 8], "which": [0, 1, 3, 6, 7, 8, 9, 12], "below": [0, 3, 6, 7, 8], "task": [0, 3, 7, 8, 9, 10, 11], "training_dataset_fil": [0, 6, 7, 8], "drd2": [0, 6], "subset": [0, 1, 6, 7, 9], "csv": [0, 3, 4, 6, 8], "input_column": [0, 3, 6, 7, 8, 11], "canon": [0, 6, 8, 12], "response_column": [0, 3, 6, 7, 8, 11], "molwt": [0, 6], "mode": [0, 6, 8, 9, 11], "regress": [0, 1, 7, 9, 11, 12], "cross_valid": [0, 6, 9, 11, 12], "5": [0, 1, 3, 6, 7, 8, 9, 12], "direct": [0, 1, 6, 9, 11], "maxim": [0, 1, 6, 9], "n_trial": [0, 6, 8, 9, 11], "100": [0, 1, 3, 6, 7, 8, 9, 10], "n_startup_tri": [0, 6, 8, 9], "30": [0, 1, 6, 9], "name": [0, 1, 3, 6, 7, 8, 9, 10, 11, 12, 13, 14], "ecfp": [0, 4, 6, 8, 9, 11], "radiu": [0, 3, 6, 8, 11], "3": [0, 1, 3, 4, 6, 7, 8, 9], "nbit": [0, 3, 6, 8, 9, 11], "2048": [0, 3, 6, 8], "maccs_kei": [0, 4, 6, 8, 11], "randomforestregressor": [0, 4, 6, 9, 11], "max_depth": [0, 1, 9, 11], "low": [0, 1, 3, 6, 7, 8, 9, 11], "2": [0, 1, 3, 4, 6, 7, 8, 9, 12, 13], "high": [0, 1, 3, 4, 8, 9, 11], "32": [0, 1, 6, 9], "n_estim": [0, 1, 6, 9, 11], "10": [0, 1, 3, 6, 7, 8, 9, 12], "250": [0, 1, 6, 9], "max_featur": [0, 1, 9, 11], "auto": [0, 1, 6, 8, 9], "ridg": [0, 4, 6, 9, 11], "alpha": [0, 1, 6, 7, 8, 9, 11], "0": [0, 1, 3, 6, 7, 8, 9, 10, 12, 13], "lasso": [0, 4, 6, 9, 11], "xgbregressor": [0, 4, 6, 9, 11], "learning_r": [0, 1, 9, 11], "1": [0, 1, 3, 4, 6, 7, 8, 9, 10, 12, 13], "specifi": [0, 1, 6, 7, 8, 9, 11], "In": [0, 1, 3, 6, 7, 8, 9], "rel": [0, 6], "path": [0, 1, 3, 6, 7, 8, 9, 10], "folder": [0, 6, 7], "ar": [0, 1, 3, 6, 7, 8, 9, 11, 12, 13], "want": [0, 6, 7], "fold": [0, 1, 6, 7, 9, 12, 13], "valu": [0, 1, 3, 6, 7, 8, 9, 10, 11, 12, 13, 14], "object": [0, 1, 5, 7, 9, 10, 11, 12], "function": [0, 1, 3, 4, 7, 8, 9, 10, 11, 12, 14], "standard": [0, 1, 7, 9, 12, 14], "scikit": [0, 6, 8, 12, 13], "have": [0, 3, 6, 7, 8, 9, 12], "total": [0, 6, 7], "trial": [0, 1, 9, 10, 11], "first": [0, 1, 3, 6, 7, 8, 9, 12], "startup": [0, 6], "should": [0, 1, 3, 6, 7, 8, 9, 10, 12], "random": [0, 1, 4, 9, 12], "explor": [0, 6], "get": [0, 6, 7, 8], "stuck": 0, "earli": [0, 1, 6, 8, 9], "one": [0, 3, 7, 8, 9, 12, 13], "local": [0, 6], "minimum": [0, 1, 3, 8, 9, 12, 13], "two": [0, 1, 6, 7, 9, 12, 13], "free": [0, 3, 8], "pair": [0, 6, 8], "ani": [0, 3, 6, 7, 8, 9, 12], "when": [0, 1, 6, 7, 8, 9, 10, 12, 13], "our": [0, 6, 7], "time": [0, 1, 3, 7, 8, 9, 10], "creat": [0, 7, 8, 10], "conda": [0, 6], "environ": [0, 3, 6, 8], "instal": [0, 6], "modul": [0, 5, 6], "purg": 0, "load": [0, 1, 6, 7, 8, 9], "miniconda3": [0, 6], "my_env_with_qsartuna": [0, 6], "pip": [0, 6], "activ": [0, 1, 6, 7, 8, 9, 11, 12, 14], "just": [0, 6], "case": [0, 1, 6, 7, 8, 9], "check": [0, 6, 8, 11, 12], "output": [0, 1, 6, 7, 8, 9, 12, 14], "m": [0, 6, 8, 10], "http": [0, 3, 6, 7, 8, 9, 12], "com": [0, 6, 7, 8, 12], "molecularai": [0, 6], "releas": [0, 4, 6], "download": [0, 6], "tar": [0, 6], "gz": [0, 6], "Then": [0, 6], "you": [0, 1, 6, 7, 9], "can": [0, 1, 3, 6, 7, 8, 9, 12, 13], "insid": [0, 8], "your": [0, 6, 7], "three_step_opt_build_merg": [0, 5, 6], "import": [0, 6], "buildconfig_best": [0, 6, 8], "build_best": [0, 6, 8], "build_merg": [0, 6, 8], "config": [0, 1, 5, 6, 8], "modelmod": [0, 6, 8, 9], "optimizationdirect": [0, 6, 9], "optconfig": [0, 1, 5, 6, 8, 10, 11], "optimizationconfig": [0, 6, 8, 9], "svr": [0, 4, 6, 9, 11], "randomforest": 0, "pl": [0, 1, 9], "dataread": [0, 5, 6], "ecfp_count": [0, 4, 6, 8, 11], "prepar": [0, 4, 7, 8], "new": [0, 1, 3, 6, 7, 8, 9, 10], "studi": [0, 3, 6, 8, 9, 10, 11], "study_nam": [0, 6, 8], "my_studi": [0, 6], "make": [0, 1, 6, 7, 8, 9, 12, 13, 14], "buildconfig": [0, 5, 6, 8, 10], "write": [0, 6, 8], "out": [0, 1, 6, 7, 9], "print": [0, 6, 7], "dump": [0, 6], "indent": [0, 6], "save": [0, 6], "target": [0, 1, 6, 7, 9, 12, 14], "pkl": [0, 1, 6, 9], "deploi": 0, "directli": [0, 6, 7], "To": [0, 6, 7], "follow": [0, 3, 6, 7, 8, 9, 10], "syntax": 0, "schemagen": [0, 5], "regression_drd2_50": 0, "outpath": 0, "accept": [0, 6, 7], "argument": [0, 6, 8], "shell": 0, "h": [0, 3, 6, 7, 8], "usag": [0, 6], "best_buildconfig_outpath": 0, "best_model_outpath": 0, "merged_model_outpath": 0, "cach": [0, 3, 6, 8, 9], "optbuild": [0, 5], "hyper": [0, 6, 9], "help": [0, 6], "show": [0, 6, 7], "messag": [0, 1, 6, 9, 10], "exit": [0, 6], "where": [0, 1, 6, 7, 9], "persist": 0, "turn": [0, 9, 12, 13], "off": [0, 1, 6, 7, 9, 12, 13], "gener": [0, 1, 3, 6, 7, 8, 9, 12, 13], "requir": [0, 3, 6, 7, 8], "input": [0, 1, 3, 4, 6, 8, 9, 10, 12, 13, 14], "either": [0, 3, 7, 8, 9], "sinc": [0, 3, 6, 7, 8, 12], "long": [0, 7], "avoid": [0, 6, 7, 12], "login": 0, "node": 0, "queue": [0, 6], "instead": [0, 1, 3, 6, 7, 8, 9, 12], "script": [0, 6, 8], "give": [0, 6], "sbatch": [0, 6], "bin": [0, 6, 7, 10, 12, 13], "sh": [0, 6, 10], "ntask": 0, "cpu": [0, 6, 8], "per": [0, 1, 7, 8, 9], "mem": [0, 6, 8], "4g": 0, "partit": [0, 6], "core": [0, 6, 7, 9], "illustr": [0, 6, 7], "how": [0, 1, 3, 6, 7, 8, 9], "chose": 0, "chang": [0, 6], "directori": [0, 6, 8, 10], "cd": 0, "project_fold": 0, "project": [0, 1, 9], "dir": [0, 8], "complet": [0, 3, 6, 8], "pickl": [0, 6], "home": 0, "under": [0, 6], "built": [0, 3, 7, 8, 9], "infer": [0, 3, 6, 7, 8], "smile": [0, 3, 6, 7, 8, 10, 11, 12, 13], "note": [0, 1, 3, 4, 7, 8, 9, 11, 12, 13], "varieti": [0, 6], "model_fil": 0, "input_smiles_csv_fil": 0, "input_smiles_csv_column": [0, 6], "aux": [0, 6, 8, 10], "input_aux_column": 0, "precomput": [0, 3, 7, 8], "input_precomputed_fil": 0, "input_precomputed_input_column": 0, "respons": [0, 3, 7, 8], "input_precomputed_response_column": 0, "output_prediction_csv_column": 0, "output_prediction_csv_fil": 0, "uncertainty_quantil": 0, "optunaaz": 0, "auxiliari": [0, 3, 6, 8, 12, 14], "filenam": [0, 6, 8, 10], "identifi": [0, 3, 6, 7, 8], "must": [0, 1, 6, 9], "provid": [0, 1, 3, 6, 7, 8, 9, 12], "shap": [0, 8], "chemprop": [0, 1, 3, 4, 8, 9], "appli": [0, 1, 3, 6, 7, 8, 9, 12, 13, 14], "threshold": [0, 1, 3, 4, 6, 8, 9, 12, 13, 14], "tri": 0, "dure": [0, 1, 3, 6, 7, 8, 9], "mlflow": [0, 5, 8, 11], "track": [0, 3, 5, 6, 8, 9], "ui": 0, "open": [0, 1, 6, 8, 9], "link": 0, "browser": 0, "If": [0, 1, 3, 6, 8, 9, 12, 13], "scp": 0, "forward": [0, 1, 9], "port": 0, "separ": [0, 3, 7, 8], "ssh": 0, "session": 0, "non": [0, 1, 3, 6, 7, 8, 9], "n": [0, 1, 6, 7, 9, 10], "l": 0, "localhost": 0, "5000": 0, "user": [0, 1, 3, 4, 6, 8, 9, 11, 12, 13, 14], "intranet": 0, "net": 0, "execut": 0, "select": [0, 1, 3, 6, 7, 8, 9], "experi": [0, 7, 10], "after": [0, 1, 3, 6, 7, 8, 9, 10], "choos": [0, 4], "compar": [0, 6], "comparison": [0, 6, 7], "call": [0, 1, 3, 6, 8, 9, 12], "well": [0, 6, 7], "metric": [0, 1, 6, 8, 9, 11], "At": 0, "bottom": 0, "plot": [0, 6, 7, 9, 11], "For": [0, 1, 3, 6, 7, 8, 9, 12], "x": [0, 1, 3, 6, 7, 8, 9, 12, 13], "axi": [0, 6, 7], "_": [0, 6], "number": [0, 1, 3, 6, 7, 8, 9, 10], "y": [0, 1, 7, 8, 9, 10, 12, 13], "cvmean": 0, "r2": [0, 6, 7, 9], "more": [0, 1, 3, 7, 8, 9, 10], "click": 0, "individu": [0, 1, 6, 7, 9], "There": [0, 1, 6, 7, 9], "access": [0, 3, 8], "an": [0, 1, 3, 4, 7, 8, 9, 10, 12, 13], "daemon": [0, 4], "design": [0, 6], "autom": [0, 4, 7], "dispatch": [0, 6, 8], "job": [0, 6, 7, 8, 10], "schedul": [0, 4], "particularli": [0, 6], "scientist": 0, "research": 0, "who": 0, "work": [0, 6, 7], "larg": [0, 1, 7, 9], "need": [0, 4, 8], "distribut": [0, 1, 6, 7, 9], "comput": [0, 1, 3, 4, 7, 8, 9, 12], "resourc": [0, 6, 8], "code": [0, 3, 6, 7, 8, 10], "streamlin": [0, 6], "manag": 0, "submiss": 0, "while": [0, 3, 6, 7, 8, 12], "ensur": [0, 6, 7, 8, 9], "effici": [0, 6], "scalabl": [0, 6], "output_path": [0, 6, 8], "email": [0, 6, 8], "user_nam": [0, 6, 8], "input_data": [0, 6, 8], "input_activity_csv_column": [0, 6], "input_task_csv_column": [0, 6], "initi": [0, 6, 7, 8, 9], "templat": [0, 6], "input_initial_templ": [0, 6], "retrain": [0, 4, 5, 8], "input_retrain_templ": [0, 6], "input_slurm_templ": [0, 6], "quorum": [0, 6, 8], "n_core": [0, 6, 8], "dry": [0, 6], "v": [0, 6], "req": [0, 6], "slurm_req_cor": [0, 6, 8], "slurm_req_mem": [0, 6, 8], "slurm_req_partit": [0, 6, 8], "al": [0, 3, 6, 7, 8], "pool": [0, 6], "slurm_al_pool": [0, 6, 8], "slurm_al_smiles_csv_column": [0, 6], "prefix": [0, 6, 10], "slurm_job_prefix": [0, 6, 8], "failur": [0, 6, 8], "increment": [0, 6], "slurm_failure_cores_incr": [0, 6], "slurm_failure_mem_incr": [0, 6], "min": [0, 1, 6, 7, 9, 12], "slurm_failure_mins_incr": [0, 6], "max": [0, 6, 7, 12], "retri": [0, 6], "slurm_failure_max_retri": [0, 6], "slurm_failure_max_mem": [0, 6], "slurm_failure_max_cpu": [0, 6], "previou": [0, 6, 10], "tempor": [0, 4, 6, 8, 10, 12], "verbos": [0, 6], "notif": [0, 6], "prid": 0, "multipl": [0, 3, 6, 8, 12, 13], "wildcard": [0, 6], "express": [0, 6], "would": [0, 3, 6, 7, 8, 10], "one_taskid": [0, 6], "c": [0, 1, 3, 6, 7, 8, 9, 11], "vvv": [0, 6], "test_auto1": 0, "220": [0, 6], "testaml": [0, 6], "testpartit": [0, 6], "inform": [0, 1, 3, 8, 9, 10], "regard": 0, "add": [0, 6, 7, 8, 10], "optunaz": [0, 1, 3, 6, 7, 13, 14], "py": [0, 1, 6, 7, 9], "like": [0, 1, 3, 6, 7, 8, 9], "so": [0, 6, 7, 9], "dataclass": [0, 10], "class": [0, 1, 3, 6, 7, 8, 9, 10, 11, 12, 13, 14], "yournewdescriptor": 0, "rdkitdescriptor": [0, 8], "descript": [0, 8, 9], "goe": 0, "apischema": [0, 6, 8], "type_nam": 0, "yournewdescriptorparam": 0, "pass": [0, 1, 3, 6, 8, 9, 12], "exampleofaparamet": 0, "annot": [0, 6, 8], "int": [0, 1, 3, 8, 9, 12, 13], "schema": [0, 5, 8, 11], "titl": [0, 1, 3, 6, 7, 8, 9, 10, 12, 13, 14], "field": 0, "default": [0, 1, 7, 8, 9, 12, 13], "liter": [0, 8, 9, 12, 13], "def": [0, 6, 7, 9], "calculate_from_smi": [0, 3, 6, 8], "self": [0, 6, 9], "smi": [0, 3, 8, 10], "str": [0, 1, 3, 6, 8, 9, 10, 11, 12, 13, 14], "insert": [0, 7], "calcul": [0, 3, 6, 8, 12, 13, 14], "fp": [0, 3, 6, 8], "code_to_calculate_fp": 0, "return": [0, 3, 6, 7, 8, 10, 11, 12, 13], "list": [0, 1, 3, 4, 6, 7, 8, 9, 12, 14], "within": [0, 1, 3, 8, 9, 12, 13], "same": [0, 1, 6, 7, 9, 10], "anyunscaleddescriptor": 0, "union": [0, 1, 3, 8, 9], "avalon": [0, 4, 8, 9, 11], "pathfp": [0, 4, 6, 8, 11], "amorprotdescriptor": [0, 3, 8, 11], "precomputeddescriptorfromfil": [0, 4, 6, 8, 11], "unscaledmapc": [0, 3, 8, 11], "unscaledphyschemdescriptor": [0, 4, 6, 8, 11], "unscaledjazzydescriptor": [0, 4, 6, 8, 11], "unscaledzscalesdescriptor": [0, 4, 8, 11], "compositecompatibledescriptor": 0, "scaleddescriptor": [0, 4, 8, 11], "mapc": [0, 3, 8, 11], "physchemdescriptor": [0, 4, 8, 11], "jazzydescriptor": [0, 4, 8, 11], "zscalesdescriptor": [0, 3, 8, 11], "now": [0, 6, 7, 9], "consid": [0, 3, 6, 8, 12, 13], "later": [0, 6], "among": [0, 6], "exist": [0, 3, 6, 8, 10], "youraglrotihm": 0, "youralgorithmparam": 0, "youralgorithmparameterint": 0, "metadata": [0, 6, 8, 9, 10, 11], "youralgorithmparameterfloat": 0, "float": [0, 1, 6, 7, 9, 10, 12, 13, 14], "0001": [0, 1, 9], "001": [0, 6], "parameter_int": 0, "parameter_float": 0, "fixed_int": 0, "priori": 0, "fix": [0, 8, 9], "runtim": [0, 3, 8], "optimis": [0, 3, 6, 7, 8, 9, 10], "youralgorithm": 0, "b": [0, 6, 7], "sens": [0, 3, 8], "refer": [0, 3, 6, 8, 10, 11], "anyregressionalgorithm": 0, "regressor": [0, 1, 6, 8, 9, 11], "plsregress": [0, 4, 6, 9, 11], "kneighborsregressor": [0, 4, 6, 9, 11], "prfclassifi": [0, 4, 6, 9, 11], "chempropregressor": [0, 4, 6, 9, 11], "chempropregressorpretrain": [0, 4, 6, 9], "chemprophyperoptregressor": [0, 4, 6, 9, 11], "anyclassificationalgorithm": 0, "adaboostclassifi": [0, 4, 6, 9, 11], "kneighborsclassifi": [0, 4, 6, 9, 11], "logisticregress": [0, 4, 6, 9, 11], "randomforestclassifi": [0, 4, 6, 9, 11], "svc": [0, 4, 6, 9, 11], "chempropclassifi": [0, 4, 6, 9, 11], "chemprophyperoptclassifi": [0, 4, 6, 9, 11], "depend": [0, 1, 6, 7, 9], "classifi": [0, 1, 6, 8, 9, 11], "youralgorithmparamet": 0, "consist": [0, 6], "youralgorihtm": 0, "examplealgorithm": 0, "expect": [0, 6, 7, 10], "4": [0, 1, 3, 6, 7, 8, 9, 12, 13], "build_from_opt": [0, 5, 8], "elif": 0, "statement": 0, "isinst": 0, "alg": [0, 8, 9], "opt": 0, "suggest_int": 0, "_encode_nam": 0, "encod": [0, 1, 8, 9], "string": [0, 3, 6, 7, 8, 11, 12, 13, 14], "para": 0, "suggest_float": 0, "suggest": [0, 6], "report": [0, 4, 6, 7], "even": [0, 6, 7], "instanti": 0, "8": [0, 6, 7, 9], "sourc": [1, 3, 8, 9, 10, 11, 12, 13, 14], "adaboost": [1, 9], "meta": [1, 6, 8, 9], "begin": [1, 6, 7, 9, 12, 13], "fit": [1, 3, 6, 7, 8, 9, 12], "origin": [1, 3, 6, 7, 8, 9, 12], "addit": [1, 6, 9], "copi": [1, 6, 7, 9, 10], "incorrectli": [1, 9], "instanc": [1, 6, 7, 8, 9], "adjust": [1, 9], "subsequ": [1, 6, 9], "focu": [1, 9], "difficult": [1, 6, 9], "adaboostclassifierparametersnestim": [1, 9], "adaboostclassifierparameterslearningr": [1, 9], "The": [1, 3, 7, 8, 9, 10, 12, 14], "maximum": [1, 3, 6, 7, 8, 9, 12, 13], "boost": [1, 3, 8, 9], "termin": [1, 9], "perfect": [1, 9], "learn": [1, 3, 4, 7, 8, 9, 12, 13], "procedur": [1, 3, 6, 7, 8, 9], "stop": [1, 6, 9], "each": [1, 3, 6, 7, 8, 9, 12], "classifierat": [1, 9], "iter": [1, 6, 9, 12, 13], "A": [1, 3, 7, 8, 9], "higher": [1, 6, 9], "rateincreas": [1, 9], "contribut": [1, 3, 6, 8, 9], "trade": [1, 9], "between": [1, 6, 7, 9, 10], "learning_rateand": [1, 9], "linear": [1, 7, 9], "model": [1, 3, 4, 7, 8, 9, 10, 12, 13, 14], "l1": [1, 9], "prior": [1, 7, 9], "regular": [1, 6, 9], "spars": [1, 9], "coeffici": [1, 9], "tend": [1, 9], "prefer": [1, 9], "solut": [1, 6, 9], "fewer": [1, 9], "zero": [1, 3, 8, 9], "effect": [1, 6, 7, 9, 12], "reduc": [1, 6, 9], "featur": [1, 3, 6, 8, 9], "upon": [1, 6, 9], "lassoparametersalpha": [1, 9], "constant": [1, 9], "multipli": [1, 9], "term": [1, 6, 9], "control": [1, 6, 7, 9, 12], "strength": [1, 3, 8, 9], "neg": [1, 6, 7, 9], "i": [1, 3, 6, 7, 8, 9, 10], "e": [1, 3, 7, 8, 9, 10, 12, 14], "inf": [1, 6, 8, 9], "equival": [1, 9], "ordinari": [1, 9], "least": [1, 6, 9], "squar": [1, 6, 9], "solv": [1, 6, 9], "linearregress": [1, 9], "numer": [1, 6, 7, 9], "reason": [1, 6, 7, 8, 9], "us": [1, 3, 4, 6, 7, 8, 9, 10, 11, 12, 13, 14], "advis": [1, 6, 7, 9], "implement": [1, 3, 6, 8, 9, 12], "k": [1, 6, 7, 9, 12, 13], "nearest": [1, 6, 9], "neighbor": [1, 6, 9, 12, 13], "vote": [1, 9], "principl": [1, 9], "behind": [1, 6, 9], "method": [1, 3, 7, 8, 9, 11, 12], "find": [1, 6, 8, 9], "predefin": [1, 4, 9, 12, 14], "sampl": [1, 6, 9, 12, 13], "closest": [1, 9], "distanc": [1, 6, 8, 9], "point": [1, 7, 9, 12, 13], "label": [1, 6, 7, 8, 9, 12, 13], "from": [1, 3, 4, 8, 9, 10, 12, 13, 14], "defin": [1, 3, 6, 7, 8, 9, 10, 12], "despit": [1, 6, 9], "simplic": [1, 9], "success": [1, 6, 9], "classif": [1, 4, 7, 8, 9, 11, 12], "problem": [1, 6, 7, 8, 9], "n_neighbor": [1, 9, 11], "kneighborsclassifierparametersn_neighbor": [1, 9], "kneighbor": [1, 9], "queri": [1, 6, 7, 8, 9], "minkowski": [1, 6, 9], "euclidean": [1, 9], "kneighborsregressorparametersn_neighbor": [1, 9], "logist": [1, 9], "rather": [1, 3, 6, 7, 8, 9], "than": [1, 3, 6, 7, 8, 9], "also": [1, 3, 6, 7, 8, 9, 12], "known": [1, 3, 6, 7, 8, 9], "literatur": [1, 9], "logit": [1, 9], "entropi": [1, 7, 9], "maxent": [1, 9], "log": [1, 4, 9, 10, 11, 12, 14], "probabl": [1, 4, 7, 9], "describ": [1, 3, 6, 8, 9, 12], "possibl": [1, 6, 7, 8, 9, 10, 12, 13], "outcom": [1, 9], "singl": [1, 6, 9], "solver": [1, 9, 11], "logisticregressionparametersparameterc": [1, 9], "try": [1, 6, 7, 9], "sag": [1, 9], "saga": [1, 9], "fast": [1, 6, 9], "converg": [1, 6, 9], "guarante": [1, 9], "approxim": [1, 6, 9], "scale": [1, 3, 7, 8, 9, 12, 14], "preprocess": [1, 4, 8, 9, 10, 13, 14], "scaler": [1, 3, 8, 9], "invers": [1, 9], "posit": [1, 3, 6, 8, 9], "support": [1, 6, 8, 9], "vector": [1, 3, 6, 8, 9, 12, 14], "machin": [1, 3, 4, 6, 7, 8, 9], "smaller": [1, 6, 9], "stronger": [1, 9], "decomposit": [1, 9], "partial": [1, 6, 9], "form": [1, 3, 6, 7, 8, 9, 12], "compon": [1, 3, 6, 8, 9], "fundament": [1, 9], "relat": [1, 3, 6, 7, 8, 9], "matric": [1, 9], "thei": [1, 3, 6, 7, 8, 9], "latent": [1, 9], "variabl": [1, 6, 7, 8, 9], "approach": [1, 3, 6, 7, 8, 9], "covari": [1, 4, 8, 9], "space": [1, 7, 9, 12, 13], "multidimension": [1, 9], "varianc": [1, 6, 7, 9], "other": [1, 6, 7, 9, 12], "word": [1, 6, 9], "both": [1, 6, 7, 9], "lower": [1, 6, 9], "dimension": [1, 9], "subspac": [1, 6, 8, 9], "transform": [1, 4, 8, 9, 10], "n_compon": [1, 9, 11], "ncompon": [1, 9], "keep": [1, 6, 7, 9, 12], "n_sampl": [1, 9], "n_featur": [1, 9], "n_target": [1, 9], "forest": [1, 4, 7, 9], "decis": [1, 6, 7, 9, 12, 14], "tree": [1, 6, 9], "variou": [1, 6, 8, 9], "sub": [1, 6, 9], "averag": [1, 3, 6, 7, 8, 9, 12], "improv": [1, 3, 6, 8, 9], "accuraci": [1, 6, 9], "over": [1, 6, 9], "randomforestclassifierparametersmaxdepth": [1, 9], "randomforestclassifierparametersnestim": [1, 6, 9], "depth": [1, 6, 9, 11], "considerwhen": [1, 9], "split": [1, 4, 8, 9, 12, 13, 14], "thenconsid": [1, 9], "sqrt": [1, 6, 7, 9], "log2": [1, 7, 9, 12, 14], "randomforestregressorparametersmaxdepth": [1, 9], "randomforestregressorparametersnestim": [1, 9], "l2": [1, 9], "loss": [1, 3, 6, 8, 9], "norm": [1, 7, 9], "tikhonov": [1, 9], "base": [1, 3, 4, 6, 8, 9, 10, 11, 12, 13, 14], "libsvm": [1, 9], "quadrat": [1, 9], "mai": [1, 3, 6, 7, 8, 9], "impract": [1, 9], "beyond": [1, 9], "ten": [1, 9], "thousand": [1, 9], "svcparametersparameterc": [1, 9], "1e": [1, 9], "gamma": [1, 9, 11], "proport": [1, 6, 9], "strictli": [1, 9], "penalti": [1, 9], "kernel": [1, 9], "epsilon": [1, 9], "complex": [1, 6, 9], "hard": [1, 3, 8, 9], "coupl": [1, 9], "10000": [1, 9], "svrparametersparameterc": [1, 9], "svrparametersgamma": [1, 9], "maxdepth": [1, 9], "nestim": [1, 9], "learningr": [1, 9], "xgboost": [1, 9, 11], "gradient": [1, 9], "stand": [1, 9], "extrem": [1, 6, 9], "paper": [1, 3, 6, 8, 9], "greedi": [1, 9], "friedman": [1, 9], "learner": [1, 9], "round": [1, 6, 7, 9], "prf": [1, 4, 7, 9], "probabilist": [1, 4, 9], "seen": [1, 6, 7, 9], "hybrid": [1, 6, 9], "similar": [1, 3, 6, 7, 8, 9, 12, 13], "take": [1, 3, 6, 7, 8, 9, 12], "real": [1, 6, 7, 9, 12, 13], "represent": [1, 3, 4, 8, 9], "ptr": [1, 4, 6, 9, 12], "howev": [1, 3, 6, 7, 8, 9], "belong": [1, 3, 6, 7, 8, 9], "inact": [1, 6, 7, 9, 12, 14], "use_py_gini": [1, 9, 11], "use_py_leaf": [1, 9, 11], "prfclassifierparametersmaxdepth": [1, 9], "prfclassifierparametersnestim": [1, 9], "min_py_sum_leaf": [1, 9, 11], "prfclassifierparametersminpysumleaf": [1, 9], "gini": [1, 9], "true": [1, 3, 6, 7, 8, 9, 12, 13], "leav": [1, 9], "leaf": [1, 9], "allow": [1, 3, 6, 7, 8, 9], "prune": [1, 6, 9], "propag": [1, 9], "small": [1, 7, 8, 9], "thu": [1, 6, 9], "pth": [1, 9], "scheme": [1, 9], "noisi": [1, 9], "deep": [1, 6, 9], "properti": [1, 3, 6, 7, 8, 9, 10], "network": [1, 3, 6, 8, 9], "neural": [1, 6, 8, 9], "d": [1, 3, 6, 8, 9, 10], "mpnn": [1, 9], "graph": [1, 3, 6, 8, 9], "feed": [1, 9], "ffnn": [1, 9], "multi": [1, 3, 8, 9], "layer": [1, 3, 6, 8, 9], "perceptron": [1, 9], "wa": [1, 3, 6, 8, 9, 10], "present": [1, 6, 7, 9, 10], "analyz": [1, 6, 9], "optuna": [1, 4, 6, 8, 9, 10, 11], "optims": [1, 9], "hyperopt": [1, 9], "ensemble_s": [1, 6, 9, 11], "epoch": [1, 6, 9, 11], "aggreg": [1, 6, 7, 9, 11, 12, 13], "aggregation_norm": [1, 6, 9, 11], "chempropparametersaggregation_norm": [1, 9], "200": [1, 6, 8, 9], "q": [1, 3, 6, 8, 9, 11], "batch_siz": [1, 6, 9, 11], "chempropparametersbatch_s": [1, 9], "chempropparametersdepth": [1, 9], "6": [1, 6, 7, 9], "dropout": [1, 9, 11], "chempropparametersdropout": [1, 9], "04": [1, 6, 9], "features_gener": [1, 6, 9, 11], "ffn_hidden_s": [1, 6, 9, 11], "chempropparametersffn_hidden_s": [1, 9], "300": [1, 6, 9], "2400": [1, 9], "ffn_num_lay": [1, 6, 9, 11], "chempropparametersffn_num_lay": [1, 9], "final_lr_ratio_exp": [1, 6, 9, 11], "chempropparametersfinal_lr_ratio_exp": [1, 9], "hidden_s": [1, 6, 9, 11], "chempropparametershidden_s": [1, 9], "init_lr_ratio_exp": [1, 6, 9, 11], "chempropparametersinit_lr_ratio_exp": [1, 9], "max_lr_exp": [1, 6, 9, 11], "chempropparametersmax_lr_exp": [1, 9], "warmup_epochs_ratio": [1, 6, 9, 11], "chempropparameterswarmup_epochs_ratio": [1, 9], "ensembl": [1, 9, 11], "initialis": [1, 6, 8, 9], "size": [1, 3, 6, 7, 8, 9], "run": [1, 3, 4, 7, 8, 9, 10], "increas": [1, 6, 7, 8, 9, 12, 13], "400": [1, 6, 9], "sum": [1, 6, 9], "atom": [1, 3, 6, 8, 9, 12, 13], "divid": [1, 6, 9], "up": [1, 3, 4, 8, 9, 10], "batch": [1, 9, 12], "step": [1, 7, 8, 9], "visibl": [1, 9], "randomli": [1, 6, 7, 9], "some": [1, 3, 6, 7, 8, 9], "element": [1, 9, 12, 13], "tensor": [1, 9], "p": [1, 3, 8, 9], "bernoulli": [1, 9], "channel": [1, 9], "independ": [1, 7, 9], "everi": [1, 6, 9], "proven": [1, 9], "techniqu": [1, 7, 9], "prevent": [1, 6, 9], "co": [1, 7, 9], "adapt": [1, 3, 8, 9], "neuron": [1, 9], "hidden": [1, 6, 9], "ffn": [1, 6, 9], "exponenti": [1, 7, 9], "rate": [1, 9], "bond": [1, 3, 8, 9], "ratio": [1, 9], "linearli": [1, 9], "init_lr": [1, 9], "max_lr": [1, 9], "afterward": [1, 7, 9], "decreas": [1, 7, 9], "final_lr": [1, 9], "without": [1, 6, 8, 9, 12], "hyperparamet": [1, 4, 6, 8, 9], "side": [1, 3, 8, 9], "nb": [1, 3, 6, 7, 8, 9], "quick": [1, 4, 9], "simpl": [1, 7, 9], "sensibl": [1, 6, 7, 8, 9], "author": [1, 6, 8, 9], "do": [1, 6, 7, 8, 9, 12], "num_it": [1, 6, 9, 11], "search_parameter_level": [1, 6, 9, 11], "dictat": [1, 6, 9], "larger": [1, 3, 6, 7, 8, 9], "pretrin": [1, 9], "pretrain": [1, 6, 8, 9], "carri": [1, 9], "suppli": [1, 3, 6, 7, 8, 9], "previous": [1, 9], "qsartuna": [1, 8, 9], "chempropparametersepoch": [1, 6, 9], "frzn": [1, 9, 11], "pretrained_model": [1, 6, 8, 9, 11], "none": [1, 3, 6, 8, 9, 10, 12, 13, 14], "fine": [1, 9], "tune": [1, 3, 4, 6, 8, 9], "decid": [1, 9], "freez": [1, 9], "transfer": [1, 9], "frozen": [1, 9], "calibr": [1, 4, 8, 9], "isoton": [1, 6, 9], "vennab": [1, 9], "cv": [1, 6, 9], "With": [1, 3, 8, 9], "across": [1, 6, 7, 9, 12], "fals": [1, 3, 6, 7, 8, 9, 12], "obtain": [1, 6, 7, 9], "unbias": [1, 9], "offer": [1, 3, 6, 8, 9], "p0": [1, 6, 9], "vs": [1, 6, 7, 8, 9], "p1": [1, 6, 9], "discord": [1, 6, 9], "type": [1, 3, 6, 7, 8, 9, 12], "calibratedclassifiercvensembl": [1, 9], "calibratedclassifiercvmethod": [1, 9], "n_fold": [1, 6, 9, 11], "whether": [1, 3, 7, 8, 9, 12, 14], "agnost": [1, 6, 9], "interv": [1, 6, 9], "encompass": [1, 9], "aleator": [1, 9], "epistem": [1, 9], "back": [1, 6, 9], "strong": [1, 9], "theoret": [1, 6, 9], "thank": [1, 9], "conform": [1, 9], "mapie_alpha": [1, 6, 9, 11], "05": [1, 6, 7, 9], "01": [1, 6, 9], "99": [1, 6, 9], "see": [3, 6, 7, 8, 9, 12, 13], "gedeck": [3, 8], "et": [3, 7, 8], "qsar": [3, 4, 6, 7, 8], "good": [3, 6, 7, 8], "practic": [3, 8], "fingerprint": [3, 8, 9], "wai": [3, 6, 7, 8], "daylight": [3, 8], "enumer": [3, 6, 8, 9], "custom": [3, 6, 8], "ref": [3, 8, 10], "16": [3, 6, 7, 8], "hash": [3, 6, 8, 9, 10], "style": [3, 6, 7, 8], "implicitli": [3, 8], "largest": [3, 6, 8], "toward": [3, 6, 7, 8], "binari": [3, 6, 8, 9], "extend": [3, 6, 7, 8], "connect": [3, 6, 8], "roger": [3, 8], "circular": [3, 8], "morgan": [3, 8, 9], "algorithm": [3, 4, 7, 8, 9, 10, 11, 12, 13], "invari": [3, 8], "getmorganfingerprintasbitvect": [3, 8], "rdkit": [3, 6, 7, 8, 9], "systemat": [3, 8], "record": [3, 6, 7, 8], "neighborhood": [3, 8, 9], "substructur": [3, 6, 8], "map": [3, 6, 7, 8], "integ": [3, 7, 8, 12, 13], "length": [3, 6, 8], "diamet": [3, 8], "append": [3, 6, 7, 8, 9], "g": [3, 7, 8, 12, 14], "ecfp4": [3, 8], "correspond": [3, 6, 7, 8, 9], "returnrdkit": [3, 6, 8], "bit": [3, 6, 8], "sometim": [3, 6, 7, 8], "bool": [3, 8, 9, 12, 13], "calculate_from_mol": [3, 8], "mol": [3, 6, 7, 8], "numpi": [3, 6, 7, 8, 12, 13], "arrai": [3, 6, 8, 12, 13], "count": [3, 6, 8, 9], "gethashedmorganfingerprint": [3, 8], "appear": [3, 6, 8, 11], "usefeatur": [3, 6, 8, 11], "fcfp": [3, 8], "normal": [3, 6, 7, 8, 9], "ones": [3, 6, 8], "definit": [3, 8, 12], "gobbi": [3, 8], "popping": [3, 8], "biotechnolog": [3, 8], "bioengin": [3, 8], "61": [3, 6, 8], "47": [3, 6, 8], "54": [3, 6, 8], "1998": [3, 6, 8], "lead": [3, 7, 8], "score": [3, 4, 8, 9, 10, 12, 14], "maxpath": [3, 6, 8, 11], "fpsize": [3, 6, 8, 11], "macc": [3, 6, 8], "system": [3, 6, 7, 8], "often": [3, 6, 8], "mdl": [3, 8], "kei": [3, 6, 7, 8, 10, 11], "compani": [3, 8], "keyset": [3, 8], "construct": [3, 8, 11], "optim": [3, 4, 7, 8, 9, 11], "durant": [3, 8], "reoptim": [3, 8], "drug": [3, 8], "discoveri": [3, 8], "166": [3, 6, 8], "2d": [3, 8, 9], "essenti": [3, 7, 8], "answer": [3, 8], "fragment": [3, 8], "question": [3, 8], "explicitli": [3, 6, 7, 8], "matter": [3, 8], "becaus": [3, 6, 7, 8], "address": [3, 8], "specif": [3, 6, 7, 8, 11], "repres": [3, 6, 7, 8], "9": [3, 6, 7, 8], "1049": [3, 8], "distinct": [3, 6, 7, 8, 9], "rdkit_nam": [3, 6, 8, 11], "unscal": [3, 8], "These": [3, 6, 7, 8, 12], "physchem": [3, 6, 8], "caution": [3, 7, 8], "208": [3, 6, 8], "includ": [3, 6, 7, 8], "clogp": [3, 6, 8], "mw": [3, 6, 8], "ring": [3, 7, 8], "rotat": [3, 8], "fraction": [3, 6, 7, 8, 12, 13], "sp3": [3, 8], "kier": [3, 8], "indic": [3, 6, 7, 8, 12, 13], "etc": [3, 6, 7, 8], "tpsa": [3, 6, 8], "slogp": [3, 8], "group": [3, 7, 8, 12, 13], "vsa": [3, 8], "moe": [3, 8], "charg": [3, 8], "www": [3, 8], "org": [3, 6, 8], "doc": [3, 6, 8], "gettingstartedinpython": [3, 8], "html": [3, 6, 7, 8, 9], "whose": [3, 8], "been": [3, 6, 7, 8], "level": [3, 6, 7, 8, 9], "One": [3, 7, 8], "advantag": [3, 8], "interpret": [3, 8], "mean": [3, 6, 7, 8, 9, 12], "physicochem": [3, 8], "intuit": [3, 8], "understood": [3, 8], "option": [3, 4, 7, 8, 9, 11, 12, 13, 14], "jazzy_nam": [3, 6, 8, 11], "jazzy_filt": [3, 6, 8], "jazzi": [3, 8], "hydrat": [3, 8], "energi": [3, 8], "hydrogen": [3, 8], "acceptor": [3, 6, 8], "donor": [3, 6, 8], "found": [3, 6, 8, 10], "doi": [3, 6, 8], "1038": [3, 8], "s41598": [3, 8], "023": [3, 8], "30089": [3, 8], "mmff94": [3, 8], "minimis": [3, 8], "1000da": [3, 8], "compound": [3, 6, 7, 8, 12, 13], "dict": [3, 8, 9, 10, 11], "ndarrai": [3, 8], "z": [3, 8, 12, 14], "peptid": [3, 6, 8, 12, 14], "unfittedsklearnscal": [3, 8], "mol_data": [3, 8], "moldata": [3, 8], "file_path": [3, 8], "smiles_column": [3, 8], "fittedsklearnscal": [3, 8], "alia": [3, 8, 9], "file": [3, 7, 8, 10, 11, 12, 13], "header": [3, 8, 10], "line": [3, 4, 6, 7, 8, 10], "row": [3, 6, 7, 8], "comma": [3, 6, 7, 8], "pre": [3, 7, 8], "inference_paramet": [3, 6, 8], "were": [3, 6, 7, 8], "propos": [3, 8], "sandberg": [3, 8], "proteogen": [3, 8], "amino": [3, 6, 8], "acid": [3, 6, 8], "nmr": [3, 8], "thin": [3, 8], "chromatographi": [3, 8], "tlc": [3, 8], "1021": [3, 6, 8], "jm9700575": [3, 8], "captur": [3, 6, 7, 8], "lipophil": [3, 8], "steric": [3, 8], "bulk": [3, 8], "polariz": [3, 8], "electron": [3, 8], "polar": [3, 8], "electroneg": [3, 8], "heat": [3, 8], "electrophil": [3, 8], "anoth": [3, 6, 8], "through": [3, 6, 8], "_and_": [3, 8], "continu": [3, 6, 8], "learnt": [3, 6, 8], "manner": [3, 6, 8], "intent": [3, 6, 8], "much": [3, 8], "remain": [3, 8, 12], "deriv": [3, 6, 7, 8], "cautiou": [3, 8], "upload": [3, 8], "_all_": [3, 8], "ruder": [3, 8], "io": [3, 6, 8, 9], "index": [3, 6, 7, 8], "auxiliarytask": [3, 8], "aux_weight_pc": [3, 6, 8, 9, 11], "20": [3, 6, 7, 8], "info": [3, 6, 8], "percentag": [3, 8], "wrap": [3, 6, 8], "certain": [3, 6, 7, 8], "rang": [3, 6, 7, 8, 12, 13], "scaleddescriptorparamet": [3, 8], "composit": [3, 6, 8], "concaten": [3, 8], "button": [3, 8], "pleas": [3, 6, 8, 10], "compat": [3, 6, 8], "intro": 4, "background": 4, "json": [4, 6, 8, 9, 11], "command": [4, 6], "interfac": [4, 6, 8, 11, 12], "python": [4, 6, 8, 12], "jupyt": [4, 6], "notebook": [4, 6], "via": [4, 6, 7, 12], "cli": 4, "inspect": [4, 6], "automl": [4, 5], "automat": [4, 6, 7], "ad": [4, 6, 7, 12, 13], "descriptor": [4, 5, 7, 9, 11], "introduct": 4, "translat": [4, 6], "sdf": [4, 6, 8], "deal": [4, 12], "duplic": [4, 8, 9, 12], "dedupl": [4, 6, 8, 10], "experiment": [4, 6, 12, 14], "error": [4, 6], "tutori": 4, "remov": [4, 7, 8, 9, 12, 13], "advanc": [4, 7, 8], "functoinail": 4, "overview": 4, "hpc": 4, "setup": [4, 9], "extract": 4, "walkthough": 4, "pipelin": 4, "date": [4, 8, 10], "calibratedclassifiercvwithva": [4, 6, 9, 11], "mapi": [4, 9, 11], "zscale": [4, 6, 8, 12], "smilesfromfil": [4, 6, 8, 11], "smilesandsideinfofromfil": [4, 6, 8, 11], "compositedescriptor": [4, 6, 8, 11], "stratifi": [4, 6, 12], "scaffoldsplit": [4, 7, 12], "modeldatatransform": [4, 6, 7, 8, 12], "vectorfromcolumn": [4, 6, 8, 12], "keepfirst": [4, 7, 12], "keeplast": [4, 7, 12], "keeprandom": [4, 7, 12], "keepmin": [4, 7, 12], "keepmax": [4, 7, 12], "keepavg": [4, 7, 12], "keepmedian": [4, 6, 7, 12], "keepkeepallnodedupl": 4, "coverag": 4, "subpackag": 5, "submodul": 5, "content": 5, "util": [5, 6, 7, 8, 13, 14], "files_path": [5, 8], "load_json": [5, 8], "builder": 5, "metirc": 5, "model_writ": 5, "visual": [5, 9, 11], "intend": [6, 8], "necessari": 6, "gui": 6, "reinvent": 6, "most": [6, 7], "them": [6, 7, 8, 9], "influenc": [6, 7, 9], "idea": [6, 7], "read": [6, 7, 8], "otherwis": [6, 12], "might": [6, 7, 12], "skip": [6, 7, 8, 10], "toi": 6, "chosen": 6, "whole": [6, 7], "less": [6, 7], "minut": [6, 8], "holdout": [6, 7], "readi": [6, 8], "next": [6, 7], "few": [6, 7], "head": [6, 7], "molwt_gt_330": 6, "cc1cc": 6, "nc": [6, 7], "o": [6, 7], "c2cccc": 6, "coc3ccc": 6, "br": [6, 7], "cc3": [6, 7], "c2": [6, 7], "no1": 6, "387": 6, "233": 6, "nc1ccc": 6, "f": [6, 7, 12], "cc1f": 6, "nc1sccc1": 6, "c1nc2ccccc2s1": 6, "4360000000001": 6, "coc": 6, "c1ccccc1nc": 6, "c1cc": 6, "nn1cc1ccccc1": 6, "380": 6, "36000000000007": 6, "ccoc": 6, "sc1nc": 6, "c2ccccc2": 6, "ccc1c": 6, "312": 6, "39400000000006": 6, "ccc": [6, 7], "cc": [6, 7], "c1nn": [6, 7], "cc2ccccc2": 6, "c2ccccc12": 6, "349": 6, "4340000000001": 6, "brc1ccccc1occcoc1cccc2cccnc12": 6, "358": 6, "235": 6, "ccccn1c": 6, "coc2cccc": 6, "oc": 6, "nc2ccccc21": 6, "310": 6, "39700000000005": 6, "ccoc1cccc": 6, "c2sc3nc": 6, "c4ccc": 6, "cc4": 6, "ccc3c2n": 6, "c1": [6, 7], "407": 6, "4700000000001": 6, "coc1ccc": 6, "nc2ccc": 6, "cc2": 6, "c2ccc": 6, "cc1oc": 6, "454": 6, "54800000000023": 6, "sy": [6, 7], "sklearn": [6, 11], "kljk345": 6, "pypoetri": 6, "virtualenv": 6, "9zyw8gtc": 6, "py3": 6, "lib": 6, "python3": 6, "site": 6, "tqdm": 6, "21": [6, 7], "tqdmwarn": 6, "iprogress": 6, "updat": [6, 7], "ipywidget": 6, "readthedoc": [6, 9], "en": [6, 9], "stabl": [6, 8], "user_instal": 6, "autonotebook": 6, "notebook_tqdm": 6, "typic": [6, 7], "test_dataset_fil": [6, 8], "random_se": [6, 9], "42": [6, 7, 12, 13], "seed": [6, 7, 8, 12, 13], "reproduc": [6, 12, 14], "basic": [6, 8, 9], "importlib": 6, "reload": 6, "basicconfig": 6, "getlogg": 6, "disabl": [6, 11], "np": [6, 7], "seterr": 6, "ignor": 6, "warn": 6, "filterwarn": 6, "categori": 6, "futurewarn": 6, "runtimewarn": 6, "functool": 6, "partialmethod": 6, "__init__": [6, 9], "flood": 6, "decpreci": 6, "simplefilt": 6, "arg": [6, 8, 9], "kwarg": [6, 9], "7": [6, 7, 9], "stderr": 6, "render": [6, 7], "red": 6, "2024": 6, "08": 6, "28": [6, 7], "17": [6, 7], "646": 6, "memori": [6, 7, 8, 10], "648": 6, "study_name_0": 6, "713": 6, "finish": 6, "3594": 6, "2228073972638": 6, "39": [6, 7], "algorithm_nam": [6, 11], "randomforestregressor_algorithm_hash": 6, "f1ac01e1bba332215ccbd0c29c9ac3c3": 6, "max_depth__f1ac01e1bba332215ccbd0c29c9ac3c3": 6, "n_estimators__f1ac01e1bba332215ccbd0c29c9ac3c3": 6, "max_features__f1ac01e1bba332215ccbd0c29c9ac3c3": 6, "lt": [6, 7], "randomforestmaxfeatur": [6, 9], "gt": [6, 7], "34": [6, 7], "730": 6, "5029": 6, "734616310275": 6, "svr_algorithm_hash": 6, "ea7ccc7ef4a9329af0d4e39eb6184933": 6, "gamma__ea7ccc7ef4a9329af0d4e39eb6184933": 6, "039054412752107935": 6, "c__ea7ccc7ef4a9329af0d4e39eb6184933": 6, "1242780840717016e": 6, "07": 6, "794": 6, "4242": 6, "092751193529": 6, "810": 6, "3393": 6, "577488426015": 6, "ridge_algorithm_hash": 6, "cfa1990d5153c8812982f034d788d7e": 6, "alpha__cfa1990d5153c8812982f034d788d7e": 6, "06877704223043679": 6, "827": 6, "427": 6, "45250420148204": 6, "lasso_algorithm_hash": 6, "5457f609662e44f04dcc9423066d2f58": 6, "alpha__5457f609662e44f04dcc9423066d2f58": 6, "7896547008552977": 6, "861": 6, "3387": 6, "245629616474": 6, "plsregression_algorithm_hash": 6, "9f2f76e479633c0bf18cf2912fed9eda": 6, "n_components__9f2f76e479633c0bf18cf2912fed9eda": 6, "892": 6, "734620250011": 6, "3661540064603184": 6, "1799882524170321": 6, "945": 6, "9650": 6, "026568221794": 6, "kneighborsregressor_algorithm_hash": 6, "1709d2c39117ae29f6c9debe7241287b": 6, "metric__1709d2c39117ae29f6c9debe7241287b": 6, "kneighborsmetr": [6, 9], "n_neighbors__1709d2c39117ae29f6c9debe7241287b": 6, "weights__1709d2c39117ae29f6c9debe7241287b": 6, "kneighborsweight": [6, 9], "uniform": [6, 9], "962": 6, "5437": 6, "151635569594": 6, "05083825348819038": 6, "29": 6, "030": 6, "2669": 6, "853455192818": 6, "048": 6, "4341": 6, "586120152291": 6, "7921825998469865": 6, "112": 6, "11": [6, 7], "5514": 6, "404088878841": 6, "173": 6, "12": [6, 7], "5431": 6, "634989239215": 6, "201": 6, "13": [6, 7], "3530": 6, "5496618991288": 6, "219": 6, "14": [6, 7], "3497": 6, "6833185436312": 6, "238": 6, "15": [6, 7], "4382": 6, "16208862162": 6, "267": 6, "734620031822": 6, "002825619931800395": 6, "309885135051862e": 6, "09": 6, "284": 6, "679": 6, "3109044887755": 6, "16827992999009767": 6, "339": 6, "18": [6, 7], "2550": 6, "114129318373": 6, "19": [6, 7], "4847": 6, "085792360169": 6, "735431606118867": 6, "374": 6, "268760278916": 6, "0014840820994557746": 6, "04671166881768783": 6, "440": 6, "4783": 6, "047015479678": 6, "459": 6, "22": [6, 7], "3905": 6, "0064899852296": 6, "515": 6, "23": [6, 7], "4030": 6, "4577379164707": 6, "559": 6, "24": [6, 7], "4681": 6, "602145939593": 6, "588": 6, "25": [6, 7], "4398": 6, "544034028325": 6, "6452011213193165": 6, "655": 6, "26": [6, 7], "4454": 6, "143979828407": 6, "660": 6, "27": [6, 7], "664": 6, "721": 6, "4397": 6, "330360587512": 6, "726": 6, "783": 6, "31": 6, "2602": 6, "7561184287083": 6, "799": 6, "5267": 6, "388279961089": 6, "2015560027548533": 6, "866": 6, "33": 6, "4863": 6, "5817607510535": 6, "885": 6, "388": 6, "96473594016675": 6, "5528259214839937": 6, "924": 6, "35": 6, "5539": 6, "698232987626": 6, "6400992020612235": 6, "954": 6, "36": 6, "5180": 6, "5533034102455": 6, "8968910439566395": 6, "973": 6, "37": 6, "4989": 6, "929984864281": 6, "04458440839692226": 6, "492108041427977": 6, "979": 6, "38": [6, 7], "021": [6, 7], "6528": 6, "215066535042": 6, "16700143339733753": 6, "086": 6, "40": [6, 7], "4168": 6, "795596755263": 6, "128": 6, "41": 6, "6177": 6, "060727800014": 6, "193": 6, "3963": 6, "9069546583414": 6, "212": 6, "43": 6, "6805334166565": 6, "013186009009851564": 6, "001008958590140135": 6, "270": 6, "44": 6, "9300": 6, "86840721566": 6, "291": 6, "45": [6, 7], "83": 6, "87968210939489": 6, "382674443425525e": 6, "297": 6, "46": 6, "303": 6, "48": 6, "377": 6, "49": 6, "3660": 6, "9359502556013": 6, "401": 6, "688": 6, "5244070398325": 6, "5267860995545326": 6, "436": 6, "51": 6, "690": 6, "6494438072099": 6, "8458809314722497": 6, "52": 6, "691": 6, "1197058420935": 6, "9167866889210807": 6, "482": 6, "53": 6, "3111710449325": 6, "945685900574672": 6, "507": 6, "9665592812149": 6, "8936837761725833": 6, "530": 6, "55": 6, "4682747008223": 6, "5183865279530455": 6, "553": 6, "56": 6, "687": 6, "5230947231512": 6, "3771771681361766": 6, "577": 6, "57": 6, "4503442069594": 6, "3663259819415374": 6, "602": 6, "58": 6, "686": 6, "9553733616618": 6, "2925652230875628": 6, "637": 6, "59": 6, "370": 6, "2038330506566": 6, "3962903248948568": 6, "661": 6, "60": 6, "25988028857313": 6, "45237513161879": 6, "379": 6, "8933285317637": 6, "4741161933311207": 6, "710": 6, "62": 6, "50897467366013": 6, "4290962207409417": 6, "734": 6, "63": [6, 7], "376": 6, "5588572940058": 6, "4464295711264585": 6, "760": 6, "64": 6, "237448916406": 6, "4687500034684213": 6, "785": 6, "65": 6, "375": 6, "7474776359051": 6, "4395650011783436": 6, "809": 6, "66": 6, "362": 6, "2834906299732": 6, "3326755354190032": 6, "835": 6, "67": 6, "357": 6, "3474880122588": 6, "2887212943233457": 6, "68": 6, "354": 6, "279045046449": 6, "2577677164664005": 6, "899": 6, "69": 6, "347": 6, "36894395697703": 6, "1672928587680225": 6, "937": 6, "70": 6, "345": 6, "17697390093394": 6, "1242367255308854": 6, "961": 6, "71": 6, "74610809299037": 6, "1728352983905301": 6, "999": 6, "72": 6, "23464281634324": 6, "1265380781508565": 6, "037": 6, "73": 6, "344": 6, "6848312222365": 6, "0829896313820404": 6, "073": 6, "74": [6, 7], "9111966504334": 6, "1070414661080543": 6, "110": 6, "75": 6, "70116419828565": 6, "0875643695329498": 6, "137": 6, "76": 6, "62647974688133": 6, "0716281620790837": 6, "175": 6, "77": 6, "6759429204596": 6, "0456289319914898": 6, "215": 6, "78": 6, "343": 6, "58131497761616": 6, "0010195360522613": 6, "252": 6, "79": 6, "342": 6, "7290581014813": 6, "9073210715005748": 6, "288": 6, "80": [6, 7], "67866114080107": 6, "9166305667100072": 6, "328": 6, "81": 6, "6440308445311": 6, "9248722692093634": 6, "355": 6, "82": 6, "02085648448934": 6, "8776928646870886": 6, "1662266300702": 6, "867592364677856": 6, "420": 6, "84": 6, "30158716569775": 6, "8599491178327108": 6, "461": 6, "85": [6, 8], "2803074848341": 6, "8396948389352923": 6, "514": 6, "86": 6, "28301101884045": 6, "8396651775801683": 6, "555": 6, "87": 6, "6781906268143": 6, "8356021935129933": 6, "596": 6, "88": 6, "0405418264898": 6, "7430046191126949": 6, "635": 6, "89": 6, "77203208258476": 6, "9015965341429055": 6, "676": 6, "90": 6, "363": 6, "1622720320929": 6, "6746575663752555": 6, "704": 6, "91": 6, "7403796626193": 6, "9057564666836629": 6, "743": 6, "92": 6, "63579667712696": 6, "9332275205203372": 6, "782": 6, "93": [6, 7], "6886425884964": 6, "9433063264508291": 6, "821": 6, "94": 6, "9341048659705": 6, "884739221967487": 6, "851": 6, "95": [6, 7], "63507445779743": 6, "9381000493689634": 6, "96": 6, "06021011302374": 6, "963138023068903": 6, "933": 6, "97": 6, "9990546212019": 6, "9601651093867907": 6, "963": 6, "98": 6, "3821": 6, "2267845437514": 6, "003": 6, "356": 6, "6786067133016": 6, "721603508336166": 6, "seaborn": [6, 7], "sn": [6, 7], "set_them": 6, "darkgrid": 6, "default_reg_scor": 6, "ax": [6, 7], "scatterplot": 6, "trials_datafram": 6, "xlabel": [6, 7], "ylabel": [6, 7], "ojbect": 6, "interest": [6, 7], "neg_mean_squared_error": [6, 9], "highlight": 6, "color": [6, 7], "cv_test": 6, "user_attrs_test_scor": 6, "lambda": [6, 12], "item": [6, 10], "idx": [6, 7], "hue": 6, "palett": 6, "set1": 6, "buildconfig_as_dict": 6, "serial": 6, "response_typ": [6, 7, 8], "deduplication_strategi": [6, 7, 8], "split_strategi": [6, 7, 8], "nosplit": [6, 12], "save_intermediate_fil": [6, 8], "log_transform": [6, 7, 8], "log_transform_bas": [6, 7, 8], "null": 6, "log_transform_neg": [6, 7, 8], "log_transform_unit_convers": [6, 7, 8], "probabilistic_threshold_represent": [6, 7, 8], "probabilistic_threshold_representation_threshold": [6, 7, 8], "probabilistic_threshold_representation_std": [6, 7, 8], "shuffl": [6, 9, 11, 12, 13], "best_trial": [6, 9, 11], "best_valu": [6, 9, 11], "tracking_rest_endpoint": [6, 9], "best_build": 6, "rb": 6, "predict_from_smil": [6, 8], "cc1": [6, 7], "43103985": 6, "177": 6, "99850936": 6, "panda": [6, 7], "pd": [6, 7], "df": [6, 12, 13], "read_csv": 6, "matplotlib": [6, 7], "pyplot": [6, 7], "plt": [6, 7], "scatter": 6, "lim": 6, "diagon": 6, "r2_score": 6, "mean_squared_error": 6, "mean_absolute_error": 6, "y_true": [6, 8, 11], "y_pred": [6, 8, 11], "rmse": 6, "mae": 6, "absolut": 6, "8566354978126369": 6, "204909888075044": 6, "298453946973815": 6, "again": 6, "hopefulli": [6, 7], "littl": 6, "better": [6, 7, 8, 12], "send": 6, "strategi": [6, 8], "current": [6, 8, 10], "observ": [6, 7], "last": [6, 7, 12], "alreadi": [6, 7, 8, 10], "sort": [6, 7, 12, 13], "oldest": [6, 7, 12, 13], "newest": [6, 7, 8, 12, 13], "end": [6, 7, 12, 13], "extern": 6, "tool": 6, "excel": 6, "unballanc": 6, "come": [6, 7], "measur": [6, 7], "fact": 6, "disregard": 6, "stereochemistri": [6, 7, 8], "sever": 6, "median": [6, 7, 12], "factor": [6, 7], "replic": [6, 7], "robust": [6, 7], "outlier": [6, 7], "acorss": 6, "trust": 6, "kept": 6, "splitter": [6, 7, 8, 10], "track_to_mlflow": [6, 9], "my_study_stratified_split": 6, "262": 6, "joblib": [6, 8], "joblibcollisionwarn": 6, "collis": 6, "pycharmproject": 6, "public_qsartuna": 6, "180": 6, "_cached_cal": 6, "shelv": 6, "408": [6, 7], "3999": 6, "9364276424735": 6, "11270803112210707": 6, "81076443656638": 6, "485": 6, "1856": 6, "4459752935309": 6, "526": 6, "3215970512413": 6, "4503197998963022": 6, "556": 6, "3949": 6, "412900098594": 6, "0005181574946923789": 6, "025601513670726564": 6, "585": 6, "4941115157144": 6, "04539011914094239": 6, "0004375261377371938": 6, "758": 6, "2116": 6, "9335959003747": 6, "779": 6, "2720": 6, "793752592223": 6, "2124": 6, "9660426577593": 6, "816": 6, "1775": 6, "55204856041": 6, "819": 6, "836": 6, "1286": 6, "0769369193436": 6, "8784876169901574": 6, "839": 6, "856": 6, "1276": 6, "7802172741008": 6, "9512603410202876": 6, "873": 6, "2795207825823": 6, "9555128319114616": 6, "926": 6, "8121584310656": 6, "08008391330553266": 6, "942": 6, "277": 6, "22285881334636": 6, "950404670920864": 6, "960": 6, "340295864211": 6, "03834458564679112": 6, "0012347340743566007": 6, "025": 6, "3286": 6, "3458857183705": 6, "041": 6, "1671": 6, "978884132793": 6, "1617522685589332": 6, "linear_model": 6, "_coordinate_desc": 6, "678": 6, "convergencewarn": 6, "did": 6, "regularis": 6, "dualiti": 6, "gap": 6, "466e": 6, "toler": 6, "820e": 6, "cd_fast": 6, "enet_coordinate_desc": 6, "115": 6, "2291": 6, "4431541048393": 6, "11135166203819158": 6, "133": 6, "2726": 6, "0476769808097": 6, "150": 6, "2756": 6, "046839500092": 6, "218": 6, "3551": 6, "4754762175066": 6, "1703": 6, "5472682894215": 6, "9386828094838913": 6, "253": 6, "1595": 6, "6713281001928": 6, "1334174010640954": 6, "317": 6, "3057": 6, "0737441471406": 6, "335": 6, "268": 6, "358207737329": 6, "8045138424869749": 6, "340": 6, "406": 6, "3163": 6, "129883232068": 6, "745e": 6, "824e": 6, "473": 6, "372": 6, "00091009328474": 6, "03221878838522718": 6, "492": 6, "1306": 6, "5184610043127": 6, "7499005468308115": 6, "510": 6, "1262": 6, "6469892776183": 6, "0985974843950514": 6, "575": 6, "3059": 6, "470983832716": 6, "592": 6, "274": 6, "7005065089059": 6, "9093347536574419": 6, "3054": 6, "7066202193814": 6, "665": 6, "1325": 6, "4979657271272": 6, "5409105715354152": 6, "670": 6, "1814": 6, "6019641143478": 6, "754": 6, "3331": 6, "867542200907": 6, "2240": 6, "669934747297": 6, "828": 6, "281": 6, "8972970077489": 6, "6774731649874095": 6, "846": 6, "2695": 6, "2514836330784": 6, "2641": 6, "7637473751115": 6, "907": 6, "1879": 6, "2457309916924": 6, "8772717895282218": 6, "927": 6, "8197755321637": 6, "5177471708941157": 6, "957": 6, "499774083188": 6, "3690814560784887": 6, "012140477955952245": 6, "978": 6, "280": 6, "17463144475477": 6, "7022855415761313": 6, "998": 6, "69499953504345": 6, "7868425071077856": 6, "055": 6, "2174": 6, "0174962828364": 6, "2478696042156301": 6, "075": 6, "2733": 6, "5772576431627": 6, "099": 6, "275": 6, "9100107045787": 6, "9291713852865917": 6, "122": 6, "273": 6, "0829803041618": 6, "8837007827687249": 6, "144": 6, "279": 6, "49436461257073": 6, "9898473627215156": 6, "169": 6, "278": 6, "8855537592183": 6, "9765992415502778": 6, "30111488501615": 6, "9842537157445685": 6, "266": 6, "9084083294047": 6, "7700364511238211": 6, "265": 6, "08546968046016": 6, "7174555152957753": 6, "261": 6, "263": 6, "87394849447105": 6, "6657778446979243": 6, "285": 6, "57037115440716": 6, "6549600121936776": 6, "318": 6, "73632857486865": 6, "6012341182929566": 6, "8912182200218": 6, "610338208270851": 6, "369": 6, "8551585556689": 6, "608205745163954": 6, "395": 6, "2138932313906": 6, "5903994630391254": 6, "419": 6, "2415991435093": 6, "5908543043200158": 6, "445": 6, "258": 6, "9523786752699": 6, "5278661577890018": 6, "53897978343346": 6, "3779758893668723": 6, "508": [6, 8], "4997740833423": 6, "47213290450173": 6, "1905703564298876e": 6, "545": 6, "06884768780446": 6, "3682097961495725": 6, "583": 6, "248": 6, "39234737037964": 6, "336648765853807": 6, "619": 6, "49357359736462": 6, "3384792184834002": 6, "654": 6, "98988892704782": 6, "3472988458237292": 6, "247": 6, "4318590800788": 6, "3203044400907151": 6, "729": 6, "245": 6, "60939991827328": 6, "2896152552004716": 6, "766": 6, "57908944967576": 6, "3400204345244455": 6, "803": 6, "3328308520906": 6, "3355893292668126": 6, "242": 6, "89284193590962": 6, "2399635656610752": 6, "877": 6, "239": 6, "38938750703497": 6, "19357886055335": 6, "913": 6, "4997740789586": 6, "00020513916607513548": 6, "4326248941768776e": 6, "947": 6, "72495253431336": 6, "2374010908702786": 6, "981": 6, "237": 6, "16509356166648": 6, "1589849176145737": 6, "019": 6, "236": 6, "07682320089074": 6, "140733480213489": 6, "056": 6, "38922657607546": 6, "1460326309523254": 6, "096": 6, "234": 6, "48603723419197": 6, "1106769242312984": 6, "135": 6, "2330323343841": 6, "105401956026003": 6, "97865576673902": 6, "1000318093457389": 6, "211": 6, "232": 6, "01471657314468": 6, "0553438336940761": 6, "227": 6, "82080194631138": 6, "9715618816799196": 6, "292": 6, "224": 6, "49039871573063": 6, "9049680809556248": 6, "332": 6, "223": 6, "75568720888796": 6, "8917112780641941": 6, "52818001153125": 6, "8874420080681129": 6, "411": 6, "76711515271572": 6, "3506098555413268e": 6, "449": 6, "222": 6, "98946208159907": 6, "8769574977693346": 6, "490": 6, "9478946070053": 6, "8952523217347376": 6, "529": 6, "01732338929523": 6, "8965185664534796": 6, "567": 6, "221": 6, "7486972968999": 6, "8509681340315446": 6, "606": 6, "19689822636008": 6, "8810095036429842": 6, "642": 6, "26432510046484": 6, "8621657970877505": 6, "680": 6, "55052102161756": 6, "8680843345290663": 6, "719": 6, "216": 6, "56366099802298": 6, "7442205305129062": 6, "0644622341688": 6, "7150915543843963": 6, "By": [6, 7], "roc_auc": [6, 9], "model_evalu": 6, "amongst": 6, "regression_scor": 6, "classification_scor": 6, "explained_vari": [6, 9], "max_error": [6, 9], "neg_mean_absolute_error": [6, 9], "neg_median_absolute_error": [6, 9], "average_precis": [6, 9], "balanced_accuraci": [6, 9], "f1": [6, 9], "f1_macro": [6, 9], "f1_micro": [6, 9], "f1_weight": [6, 9], "jaccard": [6, 9], "jaccard_macro": [6, 9], "jaccard_micro": [6, 9], "jaccard_weight": [6, 9], "neg_brier_scor": [6, 9], "precis": [6, 7, 9], "precision_macro": [6, 9], "precision_micro": [6, 9], "precision_weight": [6, 9], "recal": [6, 9], "recall_macro": [6, 9], "recall_micro": [6, 9], "recall_weight": [6, 9], "auc_pr_cal": [6, 8, 9], "bedroc": [6, 8, 9], "concordance_index": [6, 8, 9], "my_study_r2": 6, "795": 6, "796": 6, "01117186866515977": 6, "08689402230378156": 6, "093": 6, "12553701248394863": 6, "141096648805748": 6, "4893466963980463e": 6, "196": 6, "3039309544203818": 6, "20182749628697164": 6, "8187194367176578": 6, "4647239019719945": 6, "6574750183038587": 6, "8614818478547979": 6, "3974313630683448": 6, "12769795082909807": 6, "390": [6, 7], "8639946428338224": 6, "2391884918766034": 6, "418": 6, "12553701248377633": 6, "00044396482429275296": 6, "3831436879125245e": 6, "446": 6, "12553700871203702": 6, "00028965395242758657": 6, "99928292425642e": 6, "464": 6, "2935582042429075": 6, "480": 6, "18476333152695587": 6, "495": 6, "8190707459213998": 6, "4060379177903557": 6, "12206148974315863": 6, "589": 6, "3105263811279067": 6, "344271094811757": 6, "3562469062424869": 6, "670604991178476": 6, "045959695906983344": 6, "701": 6, "8583939656024446": 6, "5158832554303112": 6, "3062574078515544": 6, "750": 6, "11657354998283716": 6, "0009327650919528738": 6, "062479210472502": 6, "771": 6, "8498478905829554": 6, "1366172066709432": 6, "848": 6, "880": 6, "13519830637607919": 6, "92901911959232": 6, "999026012594694": 6, "898": 6, "8198078293055633": 6, "5888977841391714": 6, "916": 6, "8201573964824842": 6, "19435298754153707": 6, "012": 6, "6285506249643193": 6, "35441495011256785": 6, "066": 6, "11934070343348317": 6, "4374125584543907": 6, "2457809516380005": 6, "117": 6, "3625576518621392": 6, "6459129458824919": 6, "136": 6, "36175556871883746": 6, "8179058888285398": 6, "140": 6, "159": 6, "8202473217121523": 6, "0920052840435055": 6, "178": 6, "3672927879319306": 6, "8677032984759461": 6, "183": 6, "202": 6, "40076792599874356": 6, "2865764368847064": 6, "26560316846701765": 6, "337": 6, "41215254857081174": 6, "410": 6, "00461414372160085": 6, "430": 6, "27282533524183633": 6, "511": 6, "10220127407364965": 6, "531": 6, "30323404130582854": 6, "560": 6, "3044553805553568": 6, "6437201185807124": 6, "579": 6, "41502276709562": 6, "10978379088847677": 6, "599": 6, "36160209098547913": 6, "022707289534838138": 6, "2916101445983833": 6, "434e": 6, "02": 6, "977e": 6, "936e": 6, "782e": 6, "700": 6, "8609413020928532": 6, "04987590926279814": 6, "830e": 6, "906e": 6, "794e": 6, "578e": 6, "775": 6, "8610289662757457": 6, "019211413400468974": 6, "507e": 6, "754e": 6, "843e": 6, "858": 6, "8610070549049179": 6, "018492644772509947": 6, "513e": 6, "840e": 6, "924e": 6, "939": 6, "8569771623635769": 6, "008783442408928633": 6, "014e": 6, "243e": 6, "009": 6, "8624781673814641": 6, "05782221001517797": 6, "122e": 6, "935e": 6, "113e": 6, "089": 6, "8618589507037001": 6, "02487072255316275": 6, "148": 6, "864754359721037": 6, "2079910754941946": 6, "197": 6, "8622236413326235": 6, "333215560931422": 6, "243": 6, "861832165638517": 6, "3628098560209365": 6, "289": 6, "8620108533993581": 6, "34240779695521706": 6, "338": 6, "8638540565650902": 6, "26493714991266293": 6, "8629799500771645": 6, "30596394512914815": 6, "8621408609583922": 6, "33648829357762355": 6, "465": 6, "8638132124078156": 6, "2679814646317183": 6, "512": 6, "863983758876634": 6, "24062119162159595": 6, "562": 6, "8627356047945115": 6, "3141728910335158": 6, "612": 6, "8639203054085788": 6, "23391390640786494": 6, "8570103863991635": 6, "6124885145996103": 6, "8647961976727571": 6, "2059976546070975": 6, "774": 6, "8648312544921793": 6, "20266060662750784": 6, "8648431452862716": 6, "20027647978240445": 6, "903": 6, "8648491459660418": 6, "1968919999787333": 6, "977": 6, "8650873115156988": 6, "174598921162764": 6, "050": 6, "8650350577921149": 6, "16468002989641095": 6, "8649412283687147": 6, "1606717091615047": 6, "986e": 6, "198": 6, "8649537211609554": 6, "14694925097689848": 6, "272": 6, "8649734575435447": 6, "147612713300643": 6, "446e": 6, "8648761002838515": 6, "14440434705706803": 6, "398e": 6, "8639826593122782": 6, "1265357179513065": 6, "690e": 6, "864435565531768": 6, "1374245525868926": 6, "8590221951825531": 6, "49890830155012533": 6, "628": 6, "8649098880804443": 6, "1573428812070292": 6, "405e": 6, "705": 6, "864536410656637": 6, "13886104722511608": 6, "744": 6, "8597401050431873": 6, "47746341180045787": 6, "8537465461603838": 6, "050e": 6, "867": 6, "8642643827090003": 6, "13446778921611002": 6, "175e": 6, "955": 6, "8641621818665252": 6, "1286796719653316": 6, "042": 6, "864182755916388": 6, "13303218726548235": 6, "084": 6, "1255357440899417": 6, "021711452917433944": 6, "559714273835951e": 6, "126": 6, "8604596648091501": 6, "43644874418279245": 6, "463e": 6, "8635689909135862": 6, "10940922083495383": 6, "276": 6, "8648544336551733": 6, "1912756875742137": 6, "8648496595672595": 6, "19628449928540487": 6, "365": 6, "8452625121122099": 6, "4324661283995224": 6, "393": 6, "8378670635846416": 6, "839206620815206": 6, "082e": 6, "002e": 6, "469": 6, "8649365368153895": 6, "07270781179126021": 6, "558": 6, "8875676754699953": 6, "0006995169897945908": 6, "586e": 6, "618e": 6, "234e": 6, "645": 6, "8730555131061773": 6, "0018186269840273495": 6, "12553508835019533": 6, "04867556317570456": 6, "0011658455138452": 6, "284e": 6, "016e": 6, "177e": 6, "762": 6, "8586292788613132": 6, "005078762921098462": 6, "anyalgorithm": 6, "__args__": 6, "consider": [6, 7], "modif": [6, 10, 12], "establish": 6, "rf": 6, "account": [6, 7, 8], "though": 6, "treat": [6, 7], "pdf": [6, 9], "denot": [6, 12, 13], "determinist": [6, 7], "quantiti": 6, "tradit": [6, 7], "discret": 6, "discretis": [6, 12, 14], "bioactiv": [6, 7], "integr": 6, "afford": [6, 7], "liklihood": 6, "membership": [6, 7], "iopscienc": 6, "iop": 6, "articl": [6, 7], "3847": 6, "1538": 6, "3881": 6, "aaf101": 6, "pxc50": [6, 7], "p24863": 6, "enabl": [6, 7], "alwai": [6, 7, 8], "860": 6, "08048357913360568": 6, "prfclassifier_algorithm_hash": 6, "efe0ba9870529a6cde0dd3ad22447cbb": 6, "max_depth__efe0ba9870529a6cde0dd3ad22447cbb": 6, "n_estimators__efe0ba9870529a6cde0dd3ad22447cbb": 6, "max_features__efe0ba9870529a6cde0dd3ad22447cbb": 6, "prfclassifiermaxfeatur": [6, 9], "min_py_sum_leaf__efe0ba9870529a6cde0dd3ad22447cbb": 6, "use_py_gini__efe0ba9870529a6cde0dd3ad22447cbb": 6, "use_py_leafs__efe0ba9870529a6cde0dd3ad22447cbb": 6, "499": 6, "07632537970908462": 6, "829": 6, "08984764740598594": 6, "06847327885133497": 6, "07559783310619407": 6, "883": 6, "05514462099560352": 6, "650": 6, "061375603485350996": 6, "921": 6, "07939472167407403": 6, "0684392715056296": 6, "489": 6, "07494614575719116": 6, "920": 6, "07133468298392816": 6, "647": 6, "061875032318225075": 6, "07572085582137136": 6, "271": 6, "054237426197199234": 6, "best_built": 6, "demonstr": [6, 7], "purpos": [6, 7], "transduct": 6, "example_smil": 6, "get_set": [6, 7, 8], "outsid": [6, 7, 8], "likelihood": 6, "problemat": 6, "except": [6, 8, 10, 12], "valueerror": 6, "As": [6, 7], "raw": [6, 7, 8, 12], "207": 6, "w": [6, 8], "251": 6, "fail": [6, 8], "traceback": 6, "recent": 6, "_optim": 6, "_run_trial": 6, "value_or_valu": 6, "func": 6, "__call__": 6, "_validate_algo": 6, "rais": [6, 8, 10, 12], "summaris": 6, "handl": 6, "convent": [6, 7, 10], "classic": 6, "relev": 6, "cutoff": [6, 7, 12], "ouput": 6, "reflect": [6, 7], "abov": [6, 7], "arguabl": 6, "mpo": 6, "pub": 6, "ac": 6, "full": [6, 9], "jcim": 6, "9b00237": 6, "slide": 6, "googl": 6, "14pbd9ltxzfpsjhyxykflxnk8q80lhvnjimg8a3wqcrm": 6, "edit": 6, "calcault": 6, "smilesbaseddescriptor": 6, "architectur": [6, 7], "quickli": 6, "299": 6, "301": 6, "root": [6, 9, 10], "enqueu": [6, 8], "manual": 6, "activation__668a7428ff5cdb271b01c0925e8fea45": 6, "relu": [6, 9], "aggregation__668a7428ff5cdb271b01c0925e8fea45": 6, "aggregation_norm__668a7428ff5cdb271b01c0925e8fea45": 6, "batch_size__668a7428ff5cdb271b01c0925e8fea45": 6, "depth__668a7428ff5cdb271b01c0925e8fea45": 6, "dropout__668a7428ff5cdb271b01c0925e8fea45": 6, "features_generator__668a7428ff5cdb271b01c0925e8fea45": 6, "ffn_hidden_size__668a7428ff5cdb271b01c0925e8fea45": 6, "ffn_num_layers__668a7428ff5cdb271b01c0925e8fea45": 6, "final_lr_ratio_exp__668a7428ff5cdb271b01c0925e8fea45": 6, "hidden_size__668a7428ff5cdb271b01c0925e8fea45": 6, "init_lr_ratio_exp__668a7428ff5cdb271b01c0925e8fea45": 6, "max_lr_exp__668a7428ff5cdb271b01c0925e8fea45": 6, "warmup_epochs_ratio__668a7428ff5cdb271b01c0925e8fea45": 6, "chempropregressor_algorithm_hash": 6, "668a7428ff5cdb271b01c0925e8fea45": 6, "03": 6, "6833": 6, "034983241957": 6, "chempropactiv": [6, 9], "chempropaggreg": [6, 9], "ensemble_size__668a7428ff5cdb271b01c0925e8fea45": 6, "epochs__668a7428ff5cdb271b01c0925e8fea45": 6, "chempropfeatures_gener": [6, 9], "331": 6, "6743": 6, "225992071741": 6, "900": 6, "500": 6, "safe": 6, "nan": [6, 8, 12, 13], "prompt": 6, "due": [6, 7, 8, 10], "deactiv": 6, "own": 6, "still": 6, "commun": 6, "facilit": [6, 7, 9], "preset": 6, "enqu": 6, "bayesian": 6, "split_chemprop": [6, 9], "flag": [6, 7, 12, 13], "n_chemprop_tri": [6, 9], "desir": 6, "undirect": 6, "shown": [6, 7], "aspect": [6, 8], "princip": [6, 7], "expand": [6, 8], "differnt": 6, "rememb": 6, "unless": 6, "alter": [6, 9], "characterist": [6, 7], "too": [6, 9], "limit": [6, 7, 9], "vice": [6, 9], "versa": [6, 9], "extens": [6, 9], "trail": [6, 9], "applic": [6, 7, 9], "chanc": 6, "caruana": 6, "particular": 6, "achiev": [6, 7], "st": 6, "figur": [6, 7], "signal": 6, "aka": 6, "could": [6, 7], "share": [6, 12, 13], "until": [6, 9], "longer": [6, 10], "mt": 6, "onc": [6, 7, 12], "knowledg": 6, "order": [6, 7, 9, 12], "earlier": [6, 7], "accompi": 6, "train_side_info": 6, "clog": 6, "surfac": 6, "area": [6, 7], "psa": 6, "293": 6, "22475": 6, "8088": 6, "32297": 6, "6237": 6, "287": 6, "33334": 6, "2804": 6, "314": 6, "249": 6, "26075": 6, "2533": 6, "498": 6, "18917": 6, "5102": 6, "694": 6, "246": 6, "12575": 6, "7244": 6, "255": 6, "14831": 6, "4338": 6, "895": 6, "302": 6, "26838": 6, "2041": 6, "057": 6, "22298": 6, "match": 6, "train_side_info_cl": 6, "clogp_gt2": 6, "clogs_gt": 6, "acceptors_gt5": 6, "donors_gt0": 6, "area_gt250": 6, "psa_lt0": 6, "581": 6, "584": 6, "421": 6, "5817": 6, "944009132488": 6, "chemprophyperoptregressor_algorithm_hash": 6, "db9e60f9b8f0a43eff4b41917b6293d9": 6, "ensemble_size__db9e60f9b8f0a43eff4b41917b6293d9": 6, "epochs__db9e60f9b8f0a43eff4b41917b6293d9": 6, "features_generator__db9e60f9b8f0a43eff4b41917b6293d9": 6, "num_iters__db9e60f9b8f0a43eff4b41917b6293d9": 6, "search_parameter_level__db9e60f9b8f0a43eff4b41917b6293d9": 6, "chempropsearch_parameter_level": [6, 9], "aux_weight_pc__db9e60f9b8f0a43eff4b41917b6293d9": 6, "452": 6, "5796": 6, "34392897437": 6, "874": 6, "5795": 6, "086720713623": 6, "424": 6, "5820": 6, "228032558769": 6, "456": 6, "5852": 6, "16017644995": 6, "inlfuenc": 6, "henc": [6, 7], "percent": 6, "product": 6, "user_attrs_trial_ran": 6, "drop": [6, 7, 8], "erron": 6, "__": 6, "params_aux_weight_pc": 6, "conclud": [6, 7], "produc": 6, "overrid": [6, 9], "situat": [6, 7], "along": 6, "potenti": [6, 7], "compris": [6, 7], "incompat": [6, 10], "whilst": [6, 7], "desciptor": 6, "grei": [6, 7], "tial": 6, "what": 6, "unpromis": 6, "why": [6, 7], "poor": 6, "sampler": 6, "incompta": 6, "repeatedli": 6, "hyerparamet": 6, "ident": [6, 10], "544": 6, "9525489095524835": 6, "aux_weight_pc__cfa1990d5153c8812982f034d788d7e": 6, "4824": 6, "686269039228": 6, "7731425652872588": 6, "718": 6, "736": 6, "815": 6, "4409": 6, "946844928445": 6, "791002332112292": 6, "329624779366306": 6, "00015024763718638216": 6, "027": 6, "4396": 6, "722635068717": 6, "487": 6, "497": 6, "722": 6, "consult": 6, "incompitbl": 6, "algo": [6, 9], "occur": [6, 8], "assign": [6, 7], "doe": [6, 7, 8, 9, 10, 12], "params_algorithm_nam": 6, "move_legend": 6, "upper": [6, 7], "bbox_to_anchor": [6, 7], "never": 6, "successfulli": 6, "absenc": 6, "8th": 6, "miss": [6, 8, 12, 13], "associ": [6, 7], "asid": 6, "mitig": 6, "overal": [6, 7], "serv": [6, 11], "tl": 6, "wider": 6, "997": 6, "activation__e0d3a442222d4b38f3aa1434851320db": 6, "aggregation__e0d3a442222d4b38f3aa1434851320db": 6, "aggregation_norm__e0d3a442222d4b38f3aa1434851320db": 6, "batch_size__e0d3a442222d4b38f3aa1434851320db": 6, "depth__e0d3a442222d4b38f3aa1434851320db": 6, "dropout__e0d3a442222d4b38f3aa1434851320db": 6, "features_generator__e0d3a442222d4b38f3aa1434851320db": 6, "ffn_hidden_size__e0d3a442222d4b38f3aa1434851320db": 6, "ffn_num_layers__e0d3a442222d4b38f3aa1434851320db": 6, "final_lr_ratio_exp__e0d3a442222d4b38f3aa1434851320db": 6, "hidden_size__e0d3a442222d4b38f3aa1434851320db": 6, "init_lr_ratio_exp__e0d3a442222d4b38f3aa1434851320db": 6, "max_lr_exp__e0d3a442222d4b38f3aa1434851320db": 6, "warmup_epochs_ratio__e0d3a442222d4b38f3aa1434851320db": 6, "e0d3a442222d4b38f3aa1434851320db": 6, "4937": 6, "540075659691": 6, "ensemble_size__e0d3a442222d4b38f3aa1434851320db": 6, "epochs__e0d3a442222d4b38f3aa1434851320db": 6, "06": 6, "326": 6, "157": 6, "5114": 6, "7131239123555": 6, "chempropregressorpretrained_algorithm_hash": 6, "dfc518a76317f23d95e5aa5a3eac77f0": 6, "frzn__dfc518a76317f23d95e5aa5a3eac77f0": 6, "chempropfrzn": [6, 9], "epochs__dfc518a76317f23d95e5aa5a3eac77f0": 6, "cover": 6, "global": 6, "fair": 6, "tl_studi": 6, "loc": [6, 7], "params_epoch": 6, "fillna": 6, "astyp": [6, 7], "agg": 6, "join": [6, 7], "params_chempropregressor_algorithm_hash": 6, "isna": 6, "5891": 6, "7552821093905": 6, "062": 6, "105": 6, "438": 6, "5846": 6, "8674879655655": 6, "1600": 6, "992": 6, "5890": 6, "94653501547": 6, "77dfc8230317e08504ed5e643243fbc2": 6, "frzn__77dfc8230317e08504ed5e643243fbc2": 6, "epochs__77dfc8230317e08504ed5e643243fbc2": 6, "808": 6, "881210303758": 6, "right": [6, 7], "ncol": 6, "world": [6, 7, 12, 13], "penultim": [6, 9], "chemprop_model": 6, "heatmap": 6, "predictor": [6, 8], "chemprop_fingerprint": 6, "fingerprint_typ": 6, "mpn": 6, "cbar_kw": 6, "semi": 6, "supervis": 6, "altern": 6, "last_ffn": 6, "howeev": 6, "respect": [6, 7], "kind": [6, 7, 12], "confid": 6, "calibratedclassifiercv": 6, "understand": 6, "predict_proba": [6, 8], "gave": 6, "close": [6, 7], "actual": [6, 7], "topic": 6, "sigmoid": [6, 9], "review": 6, "those": [6, 7, 8], "calibration_curv": 6, "collect": 6, "defaultdict": 6, "precision_scor": 6, "recall_scor": 6, "f1_score": 6, "brier_score_loss": 6, "log_loss": 6, "roc_auc_scor": 6, "n_job": [6, 9, 11], "calibrated_rf": 6, "calibrated_model": 6, "040": 6, "893": 6, "8353535353535354": 6, "calibratedclassifiercvwithva_algorithm_hash": 6, "e788dfbfc5075967acb5ddf9d971ea20": 6, "n_folds__e788dfbfc5075967acb5ddf9d971ea20": 6, "max_depth__e788dfbfc5075967acb5ddf9d971ea20": 6, "n_estimators__e788dfbfc5075967acb5ddf9d971ea20": 6, "max_features__e788dfbfc5075967acb5ddf9d971ea20": 6, "uncalibr": 6, "uncalibrated_rf": 6, "uncalibrated_model": 6, "8185858585858585": 6, "randomforestclassifier_algorithm_hash": 6, "167e1e88dd2a80133e317c78f009bdc9": 6, "max_depth__167e1e88dd2a80133e317c78f009bdc9": 6, "n_estimators__167e1e88dd2a80133e317c78f009bdc9": 6, "max_features__167e1e88dd2a80133e317c78f009bdc9": 6, "conserv": 6, "1000": [6, 7], "random_st": [6, 12, 13], "123": 6, "calibrated_predict": 6, "uncalibrated_predict": 6, "cal_df": 6, "datafram": [6, 7, 8, 11, 12], "boxplot": 6, "melt": 6, "set_ylabel": [6, 7], "behaviour": [6, 7], "curv": [6, 7], "reliabl": 6, "diagram": 6, "against": 6, "figsiz": [6, 7], "ax1": 6, "subplot2grid": 6, "rowspan": 6, "ax2": 6, "perfectli": [6, 7], "pred": 6, "fraction_of_posit": 6, "mean_predicted_valu": 6, "n_bin": 6, "brier": 6, "2f": 6, "hist": 6, "histtyp": 6, "lw": 6, "set_ylim": 6, "legend": [6, 7], "set_titl": 6, "set_xlabel": [6, 7], "center": [6, 7], "tight_layout": [6, 7], "compos": 6, "refin": 6, "notic": 6, "significantli": 6, "cell": 6, "accur": 6, "alloc": [6, 8], "y_prob": 6, "ye": 6, "score_nam": 6, "__name__": 6, "replac": [6, 10], "capit": 6, "score_df": 6, "set_index": 6, "decim": 6, "roc": 6, "auc": [6, 8], "184705": 6, "547129": 6, "830565": 6, "744048": 6, "784929": 6, "716536": 6, "175297": 6, "529474": 6, "811209": 6, "818452": 6, "814815": 6, "714104": 6, "va": 6, "multipoint": 6, "0c00476": 6, "margin": [6, 7], "bounari": 6, "189": 6, "8213131313131313": 6, "79765fbec1586f3c917ff30de274fdb4": 6, "n_folds__79765fbec1586f3c917ff30de274fdb4": 6, "max_depth__79765fbec1586f3c917ff30de274fdb4": 6, "n_estimators__79765fbec1586f3c917ff30de274fdb4": 6, "max_features__79765fbec1586f3c917ff30de274fdb4": 6, "uncert": [6, 8], "chem": [6, 7, 8], "allchem": 6, "pandastool": [6, 7], "rdconfig": 6, "datastruct": 6, "train_df": 6, "addmoleculecolumntofram": 6, "includefingerprint": 6, "getmorganfingerprint": 6, "nn": 6, "bulktanimotosimilar": 6, "va_pr": 6, "va_uncert": 6, "dtm": 6, "trelli": 6, "fig": [6, 7], "subplot": [6, 7], "sharei": 6, "regplot": 6, "referenc": 6, "boundari": [6, 7, 12, 14], "neither": 6, "nor": 6, "dissimilar": 6, "cp_pred_ensembl": 6, "cp_uncert_ensembl": 6, "367": 6, "activation__fd833c2dde0b7147e6516ea5eebb2657": 6, "aggregation__fd833c2dde0b7147e6516ea5eebb2657": 6, "aggregation_norm__fd833c2dde0b7147e6516ea5eebb2657": 6, "batch_size__fd833c2dde0b7147e6516ea5eebb2657": 6, "depth__fd833c2dde0b7147e6516ea5eebb2657": 6, "dropout__fd833c2dde0b7147e6516ea5eebb2657": 6, "features_generator__fd833c2dde0b7147e6516ea5eebb2657": 6, "ffn_hidden_size__fd833c2dde0b7147e6516ea5eebb2657": 6, "ffn_num_layers__fd833c2dde0b7147e6516ea5eebb2657": 6, "final_lr_ratio_exp__fd833c2dde0b7147e6516ea5eebb2657": 6, "hidden_size__fd833c2dde0b7147e6516ea5eebb2657": 6, "init_lr_ratio_exp__fd833c2dde0b7147e6516ea5eebb2657": 6, "max_lr_exp__fd833c2dde0b7147e6516ea5eebb2657": 6, "warmup_epochs_ratio__fd833c2dde0b7147e6516ea5eebb2657": 6, "chempropclassifier_algorithm_hash": 6, "fd833c2dde0b7147e6516ea5eebb2657": 6, "859": 6, "484": 6, "65625": 6, "ensemble_size__fd833c2dde0b7147e6516ea5eebb2657": 6, "epochs__fd833c2dde0b7147e6516ea5eebb2657": 6, "midpoint": 6, "mont": 6, "carlo": 6, "virtual": [6, 8], "069": 6, "118": 6, "activation__c73885c5d5a4182168b8b002d321965a": 6, "aggregation__c73885c5d5a4182168b8b002d321965a": 6, "aggregation_norm__c73885c5d5a4182168b8b002d321965a": 6, "batch_size__c73885c5d5a4182168b8b002d321965a": 6, "depth__c73885c5d5a4182168b8b002d321965a": 6, "dropout__c73885c5d5a4182168b8b002d321965a": 6, "features_generator__c73885c5d5a4182168b8b002d321965a": 6, "ffn_hidden_size__c73885c5d5a4182168b8b002d321965a": 6, "ffn_num_layers__c73885c5d5a4182168b8b002d321965a": 6, "final_lr_ratio_exp__c73885c5d5a4182168b8b002d321965a": 6, "hidden_size__c73885c5d5a4182168b8b002d321965a": 6, "init_lr_ratio_exp__c73885c5d5a4182168b8b002d321965a": 6, "max_lr_exp__c73885c5d5a4182168b8b002d321965a": 6, "warmup_epochs_ratio__c73885c5d5a4182168b8b002d321965a": 6, "c73885c5d5a4182168b8b002d321965a": 6, "231": 6, "46875": 6, "ensemble_size__c73885c5d5a4182168b8b002d321965a": 6, "epochs__c73885c5d5a4182168b8b002d321965a": 6, "cp_pred_dropout": 6, "cp_uncert_dropout": 6, "proabil": 6, "va_predict": 6, "correl": [6, 7], "drouput": 6, "uncertatinti": 6, "cp_uncert_delta": 6, "categor": [6, 12], "unit": [6, 7], "parsabl": 6, "cast": 6, "appropri": 6, "befor": [6, 7, 12], "choic": [6, 12], "4253": 6, "872561867463": 6, "mapie_algorithm_hash": 6, "976d211e4ac64e5568d369bcddd3aeb1": 6, "mapie_alpha__976d211e4ac64e5568d369bcddd3aeb1": 6, "max_depth__976d211e4ac64e5568d369bcddd3aeb1": 6, "n_estimators__976d211e4ac64e5568d369bcddd3aeb1": 6, "max_features__976d211e4ac64e5568d369bcddd3aeb1": 6, "analysi": [6, 7, 8], "perfom": 6, "post": 6, "mapie_pr": 6, "mapie_unc": 6, "bar": 6, "visualis": 6, "errorbar": 6, "yerr": 6, "ab": 6, "fmt": 6, "black": [6, 7], "ecolor": 6, "grai": 6, "elinewidth": 6, "capsiz": 6, "move": [6, 10], "analys": [6, 7], "width": [6, 7], "alpha_impact": 6, "ma": 6, "unc_df": 6, "unc": 6, "reset_index": [6, 7], "concat": 6, "lineplot": 6, "err_styl": 6, "se": 6, "incorpor": 6, "tradition": 6, "unsupport": 6, "kernelexplain": [6, 8], "shaplei": 6, "explan": 6, "slundberg": 6, "game": 6, "credit": 6, "theori": 6, "publish": 6, "comopsit": 6, "316": 6, "_ridg": 6, "userwarn": [6, 7], "singular": 6, "matrix": 6, "dual": 6, "433": 6, "36708973607664297": 6, "006253064467624636": 6, "dga": 6, "dgp": 6, "dgtot": 6, "sa": 6, "sdc": 6, "sdx": 6, "numhacceptor": 6, "numhdonor": 6, "maxabsestateindex": 6, "maxestateindex": 6, "minabsestateindex": 6, "minestateindex": 6, "qed": 6, "sp": 6, "heavyatommolwt": 6, "exactmolwt": 6, "numvalenceelectron": 6, "numradicalelectron": 6, "maxpartialcharg": 6, "minpartialcharg": 6, "maxabspartialcharg": 6, "minabspartialcharg": 6, "fpdensitymorgan1": 6, "fpdensitymorgan2": 6, "fpdensitymorgan3": 6, "bcut2d_mwhi": 6, "bcut2d_mwlow": 6, "bcut2d_chghi": 6, "bcut2d_chglo": 6, "bcut2d_logphi": 6, "bcut2d_logplow": 6, "bcut2d_mrhi": 6, "bcut2d_mrlow": 6, "avgipc": 6, "balabanj": 6, "bertzct": 6, "chi0": 6, "chi0n": 6, "chi0v": 6, "chi1": 6, "chi1n": 6, "chi1v": 6, "chi2n": 6, "chi2v": 6, "chi3n": 6, "chi3v": 6, "chi4n": 6, "chi4v": 6, "hallkieralpha": 6, "ipc": 6, "kappa1": 6, "kappa2": 6, "kappa3": 6, "labuteasa": 6, "peoe_vsa1": 6, "peoe_vsa10": 6, "peoe_vsa11": 6, "peoe_vsa12": 6, "peoe_vsa13": 6, "peoe_vsa14": 6, "peoe_vsa2": 6, "peoe_vsa3": 6, "peoe_vsa4": 6, "peoe_vsa5": 6, "peoe_vsa6": 6, "peoe_vsa7": 6, "peoe_vsa8": 6, "peoe_vsa9": 6, "smr_vsa1": 6, "smr_vsa10": 6, "smr_vsa2": 6, "smr_vsa3": 6, "smr_vsa4": 6, "smr_vsa5": 6, "smr_vsa6": 6, "smr_vsa7": 6, "smr_vsa8": 6, "smr_vsa9": 6, "slogp_vsa1": 6, "slogp_vsa10": 6, "slogp_vsa11": 6, "slogp_vsa12": 6, "slogp_vsa2": 6, "slogp_vsa3": 6, "slogp_vsa4": 6, "slogp_vsa5": 6, "slogp_vsa6": 6, "slogp_vsa7": 6, "slogp_vsa8": 6, "slogp_vsa9": 6, "estate_vsa1": 6, "estate_vsa10": 6, "estate_vsa11": 6, "estate_vsa2": 6, "estate_vsa3": 6, "estate_vsa4": 6, "estate_vsa5": 6, "estate_vsa6": 6, "estate_vsa7": 6, "estate_vsa8": 6, "estate_vsa9": 6, "vsa_estate1": 6, "vsa_estate10": 6, "vsa_estate2": 6, "vsa_estate3": 6, "vsa_estate4": 6, "vsa_estate5": 6, "vsa_estate6": 6, "vsa_estate7": 6, "vsa_estate8": 6, "vsa_estate9": 6, "fractioncsp3": 6, "heavyatomcount": 6, "nhohcount": 6, "nocount": 6, "numaliphaticcarbocycl": 6, "numaliphaticheterocycl": 6, "numaliphaticr": 6, "numaromaticcarbocycl": 6, "numaromaticheterocycl": 6, "numaromaticr": 6, "numheteroatom": 6, "numrotatablebond": 6, "numsaturatedcarbocycl": 6, "numsaturatedheterocycl": 6, "numsaturatedr": 6, "ringcount": 6, "mollogp": 6, "molmr": 6, "fr_al_coo": 6, "fr_al_oh": 6, "fr_al_oh_notert": 6, "fr_arn": 6, "fr_ar_coo": 6, "fr_ar_n": 6, "fr_ar_nh": 6, "fr_ar_oh": 6, "fr_coo": 6, "fr_coo2": 6, "fr_c_o": 6, "fr_c_o_nocoo": 6, "fr_c_": 6, "fr_hoccn": 6, "fr_imin": 6, "fr_nh0": 6, "fr_nh1": 6, "fr_nh2": 6, "fr_n_o": 6, "fr_ndealkylation1": 6, "fr_ndealkylation2": 6, "fr_nhpyrrol": 6, "fr_sh": 6, "fr_aldehyd": 6, "fr_alkyl_carbam": 6, "fr_alkyl_halid": 6, "fr_allylic_oxid": 6, "fr_amid": 6, "fr_amidin": 6, "fr_anilin": 6, "fr_aryl_methyl": 6, "fr_azid": 6, "fr_azo": 6, "fr_barbitur": 6, "fr_benzen": 6, "fr_benzodiazepin": 6, "fr_bicycl": 6, "fr_diazo": 6, "fr_dihydropyridin": 6, "fr_epoxid": 6, "fr_ester": 6, "fr_ether": 6, "fr_furan": 6, "fr_guanido": 6, "fr_halogen": 6, "fr_hdrzine": 6, "fr_hdrzone": 6, "fr_imidazol": 6, "fr_imid": 6, "fr_isocyan": 6, "fr_isothiocyan": 6, "fr_keton": 6, "fr_ketone_topliss": 6, "fr_lactam": 6, "fr_lacton": 6, "fr_methoxi": 6, "fr_morpholin": 6, "fr_nitril": 6, "fr_nitro": 6, "fr_nitro_arom": 6, "fr_nitro_arom_nonortho": 6, "fr_nitroso": 6, "fr_oxazol": 6, "fr_oxim": 6, "fr_para_hydroxyl": 6, "fr_phenol": 6, "fr_phenol_noorthohbond": 6, "fr_phos_acid": 6, "fr_phos_est": 6, "fr_piperdin": 6, "fr_piperzin": 6, "fr_priamid": 6, "fr_prisulfonamd": 6, "fr_pyridin": 6, "fr_quatn": 6, "fr_sulfid": 6, "fr_sulfonamd": 6, "fr_sulfon": 6, "fr_term_acetylen": 6, "fr_tetrazol": 6, "fr_thiazol": 6, "fr_thiocyan": 6, "fr_thiophen": 6, "fr_unbrch_alkan": 6, "fr_urea": 6, "shap_valu": 6, "2227": 6, "043440e": 6, "2229": 6, "025864e": 6, "2228": 6, "805554e": 6, "2267": 6, "367604e": 6, "00": 6, "2230": 6, "104342e": 6, "1496": 6, "052067e": 6, "1497": 6, "015542e": 6, "2234": 6, "387391e": 6, "862": 6, "140929e": 6, "863": 6, "c1c": 6, "1570": 6, "contrinubt": 6, "datset": 6, "unscaledphyschemjazzi": 6, "rank": [6, 8], "083": 6, "143": 6, "472": 6, "t": [6, 7, 8, 9], "kekul": 6, "unkekul": 6, "rational": 6, "rationale_scor": 6, "386": 6, "097": 6, "ch3": 6, "ch": 6, "389": [6, 7], "151": 6, "c1n": 6, "ch2": 6, "nh2": 6, "565": 6, "nn1cc1c": 6, "384": 6, "720": [6, 8], "c1cccc": 6, "871": 6, "n1c": 6, "854": 6, "contian": 6, "second": 6, "dummi": 6, "third": 6, "smallest": 6, "made": [6, 7], "fourth": 6, "irregularli": 6, "xc50": [6, 7], "log10": [6, 7, 12, 14], "6th": 6, "convers": [6, 7, 12, 14], "logbas": [6, 7, 12, 14], "logneg": [6, 7, 12, 14], "negat": [6, 7, 12, 14], "transformed_studi": 6, "transform_exampl": 6, "064": 6, "727": 6, "595949377253611": 6, "797": 6, "6571993250300608": 6, "850": 6, "1511102853256885": 6, "943": 6, "2487063317112765": 6, "6714912461080983": 6, "015": 6, "2725944467796781": 6, "033": 6, "194926264155893": 6, "7520919188596032": 6, "172": 6, "7803723847416691": 6, "6397753979196248": 6, "241": 6, "151110299986041": 6, "151110111437006": 6, "325": 6, "5410418750776741": 6, "7183231137124538": 6, "2721824844856162": 6, "417": 6, "1900929470222508": 6, "488": [6, 8], "5585323973564646": 6, "554": 6, "3169218304262786": 6, "571": 6, "7974925066137679": 6, "587": 6, "218395226466336": 6, "605": 6, "1474226942497083": 6, "609": 6, "626": 6, "0239005731675412": 6, "780": 6, "178901060853144": 6, "27137790098830755": 6, "817": 6, "2710284516876423": 6, "882": 6, "901": 6, "6273152492418945": 6, "966": 6, "19009294702225": 6, "985": 6, "1907041717628215": 6, "022": 6, "3209075619139279": 6, "026": 6, "043": 6, "2709423025014604": 6, "3133943310851415": 6, "067": 6, "257769959239938": 6, "147": 6, "40359637945134724": 6, "214": 6, "4127882135896648": 6, "5959493772536111": 6, "308": 6, "9246005133276612": 6, "8908739215746114": 6, "107536316777608": 6, "413": 6, "054360360588395": 6, "5428179904345867": 6, "468": 6, "5696273642213351": 6, "493": 6, "27099769667470536": 6, "1580741708125475": 6, "2709564785634315": 6, "10900413894771653": 6, "537": 6, "2709799905898163": 6, "13705914456987853": 6, "561": 6, "27097230608092054": 6, "12790870116376127": 6, "2709499903064464": 6, "10123180962907431": 6, "2710895886052581": 6, "26565663774320425": 6, "629": 6, "2708711012023424": 6, "005637048678674678": 6, "651": 6, "27092322402109364": 6, "06902647427781451": 6, "674": 6, "2712140349882": 6, "4076704953178294": 6, "697": 6, "27090080367174": 6, "04187106800188596": 6, "27086925247190047": 6, "003371853599610078": 6, "2708933298483799": 6, "032781796328385376": 6, "767": 6, "27087205624489635": 6, "006806773659187283": 6, "791": 6, "2708869511176179": 6, "025009489814943348": 6, "2711465077924297": 6, "3311125627707556": 6, "840": 6, "2708756855936628": 6, "011249102380159387": 6, "864": 6, "27087301924224993": 6, "007985924302396141": 6, "887": 6, "2708685399954944": 6, "00249856291483601": 6, "911": 6, "27121879554836553": 6, "4130244908975993": 6, "2708693196600531": 6, "0034541978803366022": 6, "27110195265802334": 6, "27994943662091765": 6, "989": 6, "2708682582859318": 6, "0021532199144365088": 6, "014": 6, "27087024523986086": 6, "0045884092728113585": 6, "27087351807632193": 6, "008596600952859433": 6, "065": 6, "2710818633795896": 6, "2567049271070902": 6, "27103241786565463": 6, "1990111983307052": 6, "2710350879598171": 6, "20214459724424078": 6, "2708688328221868": 6, "00285750520671645": 6, "162": 6, "27100832234449684": 6, "17064008990759916": 6, "188": 6, "27268613236193845": 6, "8725420109733135": 6, "213": 6, "27119617446689237": 6, "387533542012365": 6, "2708691110831552": 6, "0031985656730512953": 6, "264": 6, "27086852174155146": 6, "002476186542950981": 6, "27135383618835024": 6, "5626643670396761": 6, "313": 6, "2709819654433871": 6, "1394077979875128": 6, "2718548944510965": 6, "0858347526799794": 6, "364": 6, "1508084699212935": 6, "03329943145150872": 6, "00025672309762227527": 6, "27249853374634975": 6, "702026434077893": 6, "415": 6, "27095660957755363": 6, "10916094511173127": 6, "27102160995407715": 6, "18630665884100353": 6, "27095708822582026": 6, "10973377642487026": 6, "491": 6, "27088222008661084": 6, "019235980282946118": 6, "517": 6, "2708703086029017": 6, "004666043957133775": 6, "27095279044622245": 6, "1045877457096882": 6, "570": 6, "2709408288690431": 6, "09023455456986404": 6, "595": 6, "9289218260898663": 6, "8200088368788958": 6, "622": 6, "27086675101898655": 6, "00030502148265565063": 6, "2710491243757999": 6, "21858260742423916": 6, "675": 6, "1491615840508995": 6, "024725853754515203": 6, "702": 6, "2709462479577586": 6, "0967427718847167": 6, "default_studi": 6, "3501": 6, "942111261296": 6, "5451": 6, "207265576796": 6, "1049201007814": 6, "9964": 6, "541364058234": 6, "333": 6, "3543": 6, "953608539901": 6, "353": 6, "6837": 6, "057544630979": 6, "2507": 6, "1794330606067": 6, "398": 6, "21534": 6, "719219668405": 6, "460": 6, "2899": 6, "736555614694": 6, "294e": 6, "760e": 6, "21674": 6, "445000284228": 6, "1049203123567": 6, "1049192609138": 6, "548": 6, "3630": 6, "72768093756": 6, "3431": 6, "942816967268": 6, "6908": 6, "462045154488": 6, "5964": 6, "65935954044": 6, "21070": 6, "107195348774": 6, "4977": 6, "068508997133": 6, "8873": 6, "669262669626": 6, "21387": 6, "63697424318": 6, "9958": 6, "573006910125": 6, "5182695600183": 6, "813": 6, "20684": 6, "56412138056": 6, "3435882510586": 6, "917": 6, "7068": 6, "705383113378": 6, "932": 6, "7150": 6, "482090052133": 6, "988": 6, "006": 6, "203": 6, "93637462922368": 6, "081": 6, "2570": 6, "5111262532305": 6, "111": 6, "21987": 6, "659957192194": 6, "129": 6, "9889": 6, "493204596083": 6, "134": 6, "7172": 6, "208490771303": 6, "9804": 6, "512701665093": 6, "174": 6, "191": 6, "9165": 6, "74081120673": 6, "543": 6, "0280270800017": 6, "304": 6, "161": 6, "1602933782954": 6, "309": 6, "888460860864": 6, "396": [6, 7], "8414": 6, "932694243476": 6, "2270": 6, "5407991891466": 6, "10383": 6, "79559309305": 6, "504": 6, "20815": 6, "025469865475": 6, "524": 6, "206": 6, "7560385808573": 6, "5264": 6, "4700789389035": 6, "3668": 6, "255064135424": 6, "586": 6, "156": 6, "12174877890536": 6, "793408178086295": 6, "99902820845678": 6, "371632749506": 6, "88307313087517": 6, "140915461519354": 6, "636": 6, "153": 6, "66773675231477": 6, "177324126813716": 6, "77906017834145": 6, "186": 6, "52056745848623": 6, "4565714180547": 6, "6710444346508": 6, "30976119334312": 6, "62916671166313": 6, "023639423189294": 6, "181": 6, "053696900694": 6, "914617418880486": 6, "31140591484044": 6, "738": 6, "33573874994386": 6, "569769302718845": 6, "5781354926491789": 6, "764": 6, "190": 6, "1384885119049": 6, "87666716965626": 6, "2537791489618": 6, "788": 6, "076949848299": 6, "9559574710535281": 6, "0032830967319653665": 6, "814": 6, "170": 6, "764974036324": 6, "03910427457823": 6, "406811480459925": 6, "837": 6, "164": 6, "4477304958181": 6, "701690847791482": 6, "819274780536123": 6, "87939164358104": 6, "32187661108304": 6, "660320437878754": 6, "888": 6, "01705178481896": 6, "61397716361812": 6, "603665957830847": 6, "914": 6, "155": 6, "73257312230092": 6, "759645965959294": 6, "503212714246787": 6, "940": 6, "154": 6, "46848394144124": 6, "8546740801317": 6, "35327336610912": 6, "967": 6, "20421802817864": 6, "57596974747163": 6, "84756262407801": 6, "994": 6, "51233215278089": 6, "3564642040401464": 6, "5034542273159819": 6, "68667089892196": 6, "034895878929095": 6, "03653571911285094": 6, "049": 6, "102": 6, "52277054278186": 6, "01961499216484045": 6, "670937191883546": 6, "074": 6, "28722475694815": 6, "012434370509176538": 6, "34222704431493": 6, "87402050281146": 6, "008452015347522093": 6, "914863578437455": 6, "127": 6, "38847505937936": 6, "01573542234868893": 6, "99307522974174": 6, "152": 6, "96336195786391": 6, "009845516063879428": 6, "59422914099683": 6, "19345618324213": 6, "009382525091504246": 6, "35573659237662": 6, "205": 6, "30772721342525": 6, "010579672066291478": 6, "35550323165882": 6, "23970902543148": 6, "013369359066405863": 6, "4744102498801": 6, "260": 6, "34331248758777": 6, "011398351701814368": 6, "54146340620301": 6, "104535853341": 6, "011708779850509646": 6, "682286191624579e": 6, "315": 6, "0653774146952": 6, "009806826677473646": 6, "90274406278985": 6, "64646042813787": 6, "0038598153381434685": 6, "20918134828555": 6, "68420472011734": 6, "0032474576673554513": 6, "35551178979624": 6, "85985201823172": 6, "003187930738019005": 6, "29431603544847": 6, "428": 6, "21583898009355": 6, "003122319313153475": 6, "83526418992966": 6, "457": 6, "34787242859676": 6, "002781955938462633": 6, "76228981520067": 6, "194": 6, "70914272129673": 6, "0023173546614751305": 6, "3000082904498813": 6, "10492031097328": 6, "002606064524407": 6, "7861330234653922e": 6, "1049154281806": 6, "0029210589377408366": 6, "200933937391094e": 6, "573": 6, "10492028002287": 6, "06431564840324226": 6, "2981641934644904e": 6, "601": 6, "56066541774658": 6, "0010848843623839548": 6, "151493073951163": 6, "627": 6, "76337597039308": 6, "004134805589645341": 6, "88115336652716": 6, "656": 6, "108": 6, "58009587759925": 6, "004763418454688096": 6, "02920758025023": 6, "685": 6, "113": 6, "35230417583477": 6, "0009098023238189749": 6, "57100980886017": 6, "714": 6, "30807467406214": 6, "03739791555156691": 6, "12818940557025": 6, "44100655116532": 6, "006380481141720477": 6, "4882351186755": 6, "772": 6, "35181001564942": 6, "0036244007454981787": 6, "608797806921866": 6, "800": 6, "124": 6, "3719027482892": 6, "0014198536004321608": 6, "05588994284273": 6, "830": 6, "28568052794907": 6, "005434972462746285": 6, "215759789700954": 6, "20325": 6, "66479442037": 6, "9696417046589247": 6, "132": 6, "21507621375022": 6, "0004528978867024753": 6, "80386923876023": 6, "915": 6, "85570350846885": 6, "0016948043699497222": 6, "455627755557016": 6, "contrast": [6, 7], "relplot": 6, "col": [6, 7], "facet_kw": 6, "axisgrid": [6, 7], "facetgrid": 6, "0x7fa8b811a5c0": 6, "noramlis": 6, "unlog": 6, "yield": [6, 7, 12, 13], "mse": 6, "1126": 6, "56968721": 6, "120": 6, "20237903": 6, "revers": [6, 7, 12, 14], "onto": 6, "action": 6, "importantli": 6, "easili": [6, 7], "94824194": 6, "92008694": 6, "instruct": 6, "untransform": 6, "wish": 6, "cut": [6, 7], "10um": 6, "ptr_config_log_transform": 6, "ptr_transformed_studi": 6, "ptr_and_transform_exampl": 6, "594": 6, "633": 6, "002341918451736245": 6, "0024908979029632677": 6, "007901407671048116": 6, "881": 6, "00496231674623194": 6, "0026848278110363512": 6, "0010872728889471893": 6, "935": 6, "008706109201510277": 6, "949": 6, "013": 6, "0029994624596888677": 6, "00825680029907454": 6, "046": 6, "007901407993550248": 6, "063": 6, "007901405163828307": 6, "080": 6, "0021653695362066753": 6, "002869169486971014": 6, "114": 6, "0010855652626111146": 6, "005505338042993082": 6, "002236800860454562": 6, "006105985607235417": 6, "296": 6, "004846526544994462": 6, "006964668794465202": 6, "336": 6, "409": 6, "008384326901042542": 6, "444": 6, "001082194093844804": 6, "462": 6, "0010807084256204563": 6, "528": 6, "547": 6, "621": 6, "639": 6, "657": 6, "005247934991526694": 6, "662": 6, "0010803393728928605": 6, "695": 6, "005218354425190125": 6, "717": 6, "004999207507691546": 6, "0015694919308122948": 6, "001975769419400139": 6, "845": 6, "912": 6, "930": 6, "00368328296527152": 6, "987": 6, "003412828259848677": 6, "007": 6, "004412110711416997": 6, "0021743798524909573": 6, "087": 6, "0022761245849848527": 6, "0010805768178458735": 6, "001080400188305814": 6, "0010805009783570441": 6, "0010804680472500541": 6, "0010803723579987025": 6, "225": 6, "001080969596032512": 6, "0010800333715082816": 6, "0010802574700236845": 6, "295": 6, "0010814994986419817": 6, "319": 6, "001080161136846237": 6, "0010800254136811547": 6, "366": 6, "0010801290036870739": 6, "391": 6, "001080037482216557": 6, "414": 6, "0010801015705851358": 6, "0010812122378841013": 6, "463": 6, "0010800531021304936": 6, "00108004162698813": 6, "0010800223466649803": 6, "535": 6, "0010815197263834202": 6, "0010800257029027847": 6, "582": 6, "0010810223438672223": 6, "0010800211339555509": 6, "630": 6, "0010800296871141684": 6, "0010800437739166451": 6, "0010809366267195716": 6, "001080725386603206": 6, "0010807368035830652": 6, "0010800236072155854": 6, "0010806223050773966": 6, "805": 6, "0010876516369772728": 6, "00108142358144501": 6, "0010800248050489667": 6, "001080022268085466": 6, "905": 6, "0010820922958715991": 6, "0010805094397523254": 6, "956": 6, "0010841993753324146": 6, "007899735988203994": 6, "0010868762004637347": 6, "032": 6, "001080400750193767": 6, "0010806791616300314": 6, "082": 6, "0010804028029753213": 6, "107": 6, "0010800812188506515": 6, "0010800299598580359": 6, "0010803843696362083": 6, "001080333048974234": 6, "001080014645182176": 6, "0010807968027851892": 6, "007907028395366658": 6, "323": 6, "0010803563024666294": 6, "inlin": [6, 7], "3506154": 6, "timepoint": [6, 8, 10], "aux_column": [6, 8], "accord": [6, 7, 8], "aux_col_config": 6, "aux_descriptors_dataset": 6, "train_with_conc": 6, "aux1": 6, "aux_col_studi": 6, "covariate_exampl": 6, "aux1_model": 6, "5186": 6, "767663956718": 6, "4679": 6, "740824270968": 6, "327": 6, "4890": 6, "6705099499995": 6, "3803": 6, "9324375833753": 6, "3135": 6, "6497388676926": 6, "551": 6, "2518812859375": 6, "439": 6, "4309": 6, "124112370974": 6, "467": 6, "30159424580074": 6, "4357": 6, "028270131251": 6, "572": 6, "1437929337522": 6, "45281013": 6, "shape": [6, 7, 8], "thrown": [6, 8], "prediciton": 6, "regardless": 6, "utilis": [6, 7], "seper": 6, "vector_covariate_config": 6, "precomputed_descriptor": 6, "train_with_fp": 6, "aux_transform": [6, 8], "vector_covariate_studi": 6, "vector_aux_exampl": 6, "vector_covariate_model": 6, "474": 6, "2200": 6, "6817959410578": 6, "011994365911634164": 6, "95660880078": 6, "029071783512897825": 6, "5798": 6, "564494725643": 6, "022631709120790048": 6, "2198637677605415": 6, "620": 6, "972": 6, "2899178898048": 6, "8916194399474267": 6, "3336440433073": 6, "5914093983615214": 6, "653": 6, "3036472748931": 6, "6201811079699818": 6, "706": 6, "3807": 6, "8035919667395": 6, "901e": 6, "892e": 6, "914e": 6, "5019": 6, "459500770764": 6, "1376436589359351": 6, "4017711284796": 6, "869": 6, "797115414836": 6, "74340620175102": 6, "train_smil": [6, 8], "train_i": [6, 8], "train_aux": [6, 8], "test_smil": [6, 8], "test_i": [6, 8], "test_aux": [6, 8], "legth": 6, "39754917": 6, "06352766": 6, "52031134": 6, "341": 6, "89875316": 6, "371": 6, "5516046": 6, "85042171": 6, "33406203": 6, "91439129": 6, "80585907": 6, "346": 6, "48565041": 6, "protein": [6, 12, 14], "alongsid": 6, "chemic": [6, 7, 12, 13], "sequenc": [6, 12, 14], "former": 6, "wherea": 6, "latter": [6, 7], "interact": 6, "basi": [6, 7, 8], "toxinpred3": 6, "mdlititwasvmvaftfslslvvwgrsgl": 6, "ccsc": 6, "cc1c": [6, 7], "nh": [6, 7], "cc1ccccc1": 6, "ncc": 6, "cccnc": 6, "arrggvlnfgqfglqalecgfvtnr": 6, "cs": 6, "gwcgdpgatcgklrlyccsgacdcytktckdkssa": 6, "n1": 6, "ccc1": 6, "ccccn": 6, "cc1ccc": 6, "ngnllggllrpvlgvvkgltgglgkk": 6, "demponstr": 6, "zscale_covariate_config": 6, "zscale_covariate_studi": 6, "zscale_aux_exampl": 6, "zscale_covariate_model": 6, "948": 6, "8735224395254063": 6, "kneighborsclassifier_algorithm_hash": 6, "e51ca55089f389fc37a736adb2aa0e42": 6, "metric__e51ca55089f389fc37a736adb2aa0e42": 6, "n_neighbors__e51ca55089f389fc37a736adb2aa0e42": 6, "weights__e51ca55089f389fc37a736adb2aa0e42": 6, "unlik": 6, "31176471": 6, "08058824": 6, "27176471": 6, "56470588": 6, "62529412": 6, "99521739": 6, "59826087": 6, "34695652": 6, "03086957": 6, "13391304": 6, "08083333": 6, "6125": 6, "82916667": 6, "05083333": 6, "56083333": 6, "93357143": 6, "02785714": 6, "04214286": 6, "30461538": 6, "55307692": 6, "31307692": 6, "11076923": 6, "00846154": 6, "1232": 6, "3364": 6, "2328": 6, "1368": 6, "2304": 6, "7060": 6, "7062": 6, "x_": 6, "vmin": 6, "vmax": 6, "cmap": 6, "spectral": 6, "248bit": 6, "128bit": 6, "minimz": 6, "generaliz": 6, "minimize_std_dev": 6, "minimise_std_dev": [6, 9], "std": [6, 7, 12, 14], "dev": [6, 7], "example_multi": 6, "parameter_analysi": 6, "set_metric_nam": 6, "681": 6, "4008740644240856": 6, "9876203329634793": 6, "3561484909673425": 6, "9875061220991905": 6, "7856521165563053": 6, "21863029956806662": 6, "9125905675311808": 6, "7861693342190089": 6, "098": 6, "5238765412750027": 6, "2789424384877304": 6, "5348363849100434": 6, "5741725628917808": 6, "0072511048320134": 6, "2786318125997387": 6, "9625764609276656": 6, "27575381401822424": 6, "1114006274062536": 6, "7647766019001522": 6, "7801680863916906": 6, "2725738454485389": 6, "378": 6, "785652116470164": 6, "21863029955530786": 6, "785651973436432": 6, "21863032832257323": 6, "6101359993004856": 6, "3011280543457062": 6, "5361950698070447": 6, "23560786523195643": 6, "5356113574175657": 6, "5769721187181905": 6, "509": 6, "543430366921729": 6, "514747412346662": 6, "5194661889628072": 6, "40146744515282495": 6, "610": 6, "6597494436287219": 6, "6659085938841999": 6, "1068495306229729": 6, "24457822094737378": 6, "644": 6, "8604898820838102": 6, "7086875504668667": 6, "5919869916997383": 6, "2367498627927979": 6, "682": 6, "2497762395862362": 6, "10124660026536195": 6, "747": 6, "study_name_1": 6, "0621601907738047": 6, "2749020946925899": 6, "769": 6, "xxx": 6, "values_neg_mean_squared_error": 6, "values_standard": 6, "twinx": 6, "r": [6, 8], "floor": 6, "ceil": 6, "align": 6, "set_ytick": 6, "linspac": 6, "set_xtick": 6, "text": [6, 7, 8, 12], "pareto": 6, "front": 6, "plot_pareto_front": 6, "plot_param_import": 6, "dictionari": [6, 10], "ordereddict": 6, "descend": 6, "algortihm": 6, "impact": [6, 8], "durat": 6, "total_second": 6, "target_nam": 6, "relationship": 6, "plot_parallel_coordin": [6, 8, 9, 11], "param": [6, 7, 9, 10], "taken": [6, 7], "precomputed_config": 6, "precomputed_studi": 6, "precomputed_exampl": 6, "precomputed_model": 6, "643": 6, "752": 6, "3014": 6, "274803630188": 6, "471088599086": 6, "03592375122963953": 6, "831": 6, "3029": 6, "113810544919": 6, "8153295905650357": 6, "919": 6, "4358": 6, "575772003129": 6, "unseen": 6, "caus": 6, "new_molecul": 6, "101": 6, "tempfil": 6, "temp": [6, 7], "store": [6, 7, 8, 11], "temporari": [6, 10], "1st": 6, "example_fp": 6, "namedtemporaryfil": 6, "temp_fil": 6, "len": [6, 7], "to_csv": 6, "65709987": 6, "64327077": 6, "clean": 6, "stage": [6, 7], "workflow": 6, "slurm": [6, 8, 10], "leverag": 6, "dynam": [6, 8], "gpu": 6, "customiz": 6, "tailor": 6, "customis": 6, "export": 6, "aid": 6, "monitor": 6, "pseudo": [6, 8], "prospect": [6, 8], "resubmiss": [6, 10], "resubmit": [6, 8], "modifi": [6, 8], "enhanc": 6, "parallel": [6, 8], "simultan": 6, "simul": 6, "submit": [6, 10], "verifi": 6, "unittest": 6, "mock": 6, "patch": [6, 7], "aml_arg": 6, "prog": 6, "argv": 6, "systemexit": 6, "usernam": 6, "hous": 6, "functionila": 6, "signific": [6, 7], "thorough": 6, "warehous": 6, "databas": 6, "flat": 6, "compress": 6, "natur": [6, 7], "uniqu": [6, 7], "ls": 6, "lrth": 6, "rw": 6, "staff": 6, "2k": 6, "aug": 6, "12k": 6, "438b": 6, "written": 6, "undergon": 6, "trigger": 6, "bash": 6, "orchestr": 6, "easi": 6, "request": 6, "exce": 6, "50g": 6, "retain": [6, 8], "futur": [6, 8], "example_automl": 6, "workbook": 6, "automl_exampl": 6, "vv": 6, "debug": 6, "564": 6, "namespac": 6, "dry_run": [6, 8], "save_previous_model": [6, 8], "24_01_01": 6, "first_run": [6, 8], "processed_timepoint": [6, 8], "initprocessedtimepoint": [6, 8], "init": 6, "checkskip": [6, 8], "tid1": 6, "checkislock": [6, 8], "lockfil": 6, "lock": [6, 8, 10], "taskcod": [6, 8], "processretrain": [6, 8], "60g": 6, "No": [6, 9, 10, 12], "604": 6, "writedataset": [6, 8], "wrote": 6, "611": 6, "writeslurm": [6, 8], "writejson": [6, 8], "setjoblock": [6, 8], "lock_fil": 6, "submitjob": [6, 8], "usr": 6, "took": 6, "060164928": 6, "pid": 6, "posix": 6, "pidfil": 6, "0x7f97a1bf9fc0": 6, "public_qptuna": 6, "scene": 6, "sed": 6, "togeth": 6, "correctli": [6, 8], "ingest": 6, "meet": 6, "quourum": 6, "happen": 6, "statu": 6, "past": [6, 10], "cron": 6, "765": 6, "0x7f97a1bfa2c0": 6, "enter": 6, "770": 6, "773": 6, "778": 6, "787": 6, "789": 6, "790": 6, "793": 6, "checkrunningslurmjob": [6, 8], "squeue": 6, "resubmitanyfailedjob": [6, 8], "ran": 6, "ongo": 6, "022215843": 6, "assess": [6, 7], "retir": 6, "acut": 6, "attempt": 6, "insuffici": [6, 8, 12], "emul": [6, 7, 12, 13], "sucess": 6, "shutil": 6, "os": [6, 7], "drd2_reg": 6, "0x7f97a1bfa440": 6, "437": 6, "443": 6, "448": 6, "451": 6, "fist": 6, "458": 6, "setprocessedtimepoint": [6, 8], "466": 6, "getretrainingdata": [6, 8], "24_02_01": 6, "481": 6, "483": 6, "processtrain": [6, 8], "494": 6, "501": 6, "502": 6, "503": 6, "062548876": 6, "proce": 6, "datapoint": [6, 7, 8, 10, 12, 13], "pseodu": 6, "frequent": 6, "slurm_update_models_parallel": 6, "qsartuna_automl": 6, "j": [6, 8], "12g": 6, "your_path": 6, "update_it": 6, "hourli": 6, "common": 7, "proper": 7, "optuna_az": 7, "process": [7, 8, 10], "functionail": 7, "configur": [7, 8, 9, 10, 11], "draw": 7, "ipythonconsol": 7, "ipython": 7, "displai": 7, "listdir": 7, "isfil": 7, "walk": 7, "handi": 7, "med": 7, "titles": 7, "fontsiz": 7, "labels": 7, "xtick": 7, "ytick": 7, "rcparam": 7, "v0_8": 7, "whitegrid": 7, "set_styl": 7, "white": 7, "boolean": 7, "nomin": 7, "convert": [7, 8, 12], "conduct": 7, "primarydf": 7, "loadsdf": 7, "inchi": 7, "skeletonspher": 7, "nm": 7, "id": 7, "romol": 7, "990": 7, "ic50": 7, "\u00b5m": 7, "c1ccc2c": 7, "co2": 7, "004320939": 7, "1s": 7, "c8h7no2": 7, "c10": 7, "qrcgftxrxymjo": 7, "uhfffaoysa": 7, "86075": 7, "kinas": 7, "p38": 7, "rdchem": 7, "0x7f9ca0112340": 7, "c1ccc": 7, "ccc2ccccc2occ3ccc": 7, "882397308": 7, "c22h20o3": 7, "c23": 7, "ytdaoqyeyfcini": 7, "89637": 7, "kd": 7, "retinoid": 7, "receptor": 7, "0x7f9c808beff0": 7, "130299026": 7, "0x7f9c808bf060": 7, "330": 7, "48148606": 7, "c9h7no": 7, "c11": 7, "lisfmebwquvkpj": 7, "n93": 7, "n82": 7, "n65": 7, "n36": 7, "n33": 7, "ki": 7, "nki": 7, "carbon": 7, "anhydras": 7, "xii": 7, "ncarbon": 7, "0x7f9c808bf0d0": 7, "nc1ccccn1": 7, "c7h8n2o": 7, "h2": 7, "5h": 7, "qrokotbwfzitjz": 7, "86233": 7, "nicotin": 7, "phosphoribosyltransferas": 7, "0x7f9c808bf140": 7, "renam": 7, "conveni": [7, 8, 9, 12], "rest": 7, "moltosmil": 7, "isomericsmil": 7, "c1coc2ccccc2n1": 7, "004321": 7, "coc2ccccc2ccc2ccccc2": 7, "882397": 7, "130299": 7, "c1ccc2ccccc2": 7, "481486": 7, "stick": 7, "engin": 7, "assum": [7, 12, 13], "slightli": 7, "pose": 7, "wise": 7, "outlin": 7, "occurr": 7, "preserv": 7, "vari": 7, "recommend": 7, "abil": 7, "being": 7, "version": [7, 8, 9], "df_po": 7, "dedup": [7, 12], "df_rnd": 7, "df_max": 7, "df_avg": 7, "df_med": 7, "deduplidc": 7, "397": 7, "indici": 7, "coc1cc2ncnc": 7, "nc3ccc": 7, "scc4ccccc4": 7, "cl": 7, "c3": 7, "c2cc1oc": 7, "282579": 7, "912929": 7, "cc1cccc": 7, "nc2ncnc3ccc": 7, "c4ccccc4": 7, "cc23": 7, "n2cc": 7, "cc2c": 7, "nc2cccc": 7, "n2": 7, "065502": 7, "958607": 7, "392": 7, "oc2cccc": 7, "394": 7, "cn1nc": 7, "c2cnc": 7, "c3ccc": 7, "nc1c1": 7, "oc1nc": 7, "oc2cc": 7, "c3ccccc3": 7, "c3cccc": 7, "cn": 7, "936291": 7, "359": 7, "minim": [7, 9], "densiti": 7, "dpi": 7, "kdeplot": 7, "fill": 7, "orang": 7, "ndigit": 7, "blue": 7, "keepaverag": 7, "deeppink": 7, "hold": [7, 8], "aim": 7, "simpli": 7, "sai": 7, "veri": 7, "intern": [7, 10], "resembl": 7, "easiest": 7, "especi": 7, "reli": 7, "stochast": 7, "train_ran": 7, "test_ran": 7, "time_column": 7, "old": [7, 8], "accru": 7, "entri": [7, 12, 13], "timestamp": 7, "top": 7, "df_med_tempor": 7, "fake": 7, "nccccccoc1ccc2c": 7, "n1cc": 7, "684240": 7, "1037": 7, "481464": 7, "1036": 7, "c1cn": 7, "n2c": 7, "nc3cccc": 7, "n3": 7, "cc3cc3": 7, "732625": 7, "1035": 7, "568332": 7, "1034": 7, "790259": 7, "1033": 7, "train_tempor": 7, "test_tempor": 7, "highli": 7, "skew": 7, "fd": [7, 12, 13], "histogram": [7, 12, 13], "determin": [7, 12, 13], "balanc": 7, "fd_merg": [7, 12, 13], "train_str": 7, "test_str": 7, "realist": 7, "deplopi": 7, "hop": 7, "opportun": 7, "seri": 7, "push": 7, "domain": 7, "realibl": 7, "challeng": 7, "scaf_split": 7, "train_sca": 7, "test_sca": 7, "ground": 7, "df_val": 7, "roughli": [7, 9], "evid": 7, "pronounc": 7, "dodgerblu": 7, "middl": 7, "saffold": 7, "discuss": 7, "propreti": 7, "endpoint": 7, "routin": 7, "linearis": 7, "variat": 7, "gaussian": 7, "realiti": 7, "nearli": 7, "exhibit": 7, "superior": 7, "wide": 7, "xc50_data": 7, "keepallnodedupl": [7, 12], "pxc50_data": 7, "zip": 7, "jointplot": 7, "suptitl": 7, "plot_margin": 7, "rugplot": 7, "crimson": 7, "height": 7, "clip_on": 7, "jointgrid": 7, "0x7f9ca05ade10": 7, "heteroscedast": 7, "homoscedast": 7, "transorm": 7, "0x7f9c458f85e0": 7, "logartihm": 7, "power": [7, 12, 14], "um": 7, "dataset_transform": 7, "THe": 7, "0x7f9ca05aeb30": 7, "had": 7, "reverse_transform": [7, 12], "0x7f9c926f8970": 7, "mervin": 7, "framework": [7, 8], "somewher": 7, "unavoid": 7, "ideal": 7, "deviat": [7, 12, 14], "\u03c3": 7, "heterogen": 7, "versu": 7, "assimil": 7, "hypothesi": 7, "degre": 7, "p_": 7, "activityt": 7, "cumul": 7, "cdf": 7, "eq": 7, "equal": [7, 9], "delta": 7, "vec": 7, "frac": 7, "erf": 7, "overrightarrow": 7, "sigma": 7, "concret": 7, "arbitrari": 7, "unknown": [7, 10], "therefor": [7, 8], "schemat": 7, "lookup": 7, "tabl": 7, "sd": 7, "scenario": [7, 12, 13], "philosoph": 7, "delimit": [7, 12, 14], "operand": 7, "censor": 7, "far": 7, "granular": 7, "therebi": 7, "combin": [7, 8], "becom": 7, "jcheminf": 7, "biomedcentr": 7, "1186": 7, "s13321": 7, "00539": 7, "sec12": 7, "pxc50_threshold": 7, "pxc50_std": 7, "exmapl": 7, "ptr_data": 7, "gather": 7, "certainti": 7, "lower_reproduc": 7, "upper_reproduc": 7, "dataload": 7, "somewhat": 7, "invert": 7, "bell": 7, "kde": 7, "behav": 7, "mpatch": 7, "line2d": 7, "ax_joint": 7, "axhlin": 7, "linestyl": 7, "ax_marg_i": 7, "ax_marg_x": 7, "axvlin": 7, "region": 7, "uncert_color": 7, "purpl": 7, "uncert_region": 7, "rectangl": 7, "add_patch": 7, "box": 7, "nthreshold": 7, "nptr": 7, "nregion": 7, "fancybox": 7, "borderaxespad": 7, "leg": 7, "get_legend": 7, "legend_handl": 7, "set_alpha": 7, "set_color": 7, "tight": 7, "layout": 7, "subplots_adjust": 7, "set_size_inch": 7, "var": 7, "1v": 7, "9y_z128d7gvcp8mf8q0pz3ch0000gq": 7, "ipykernel_33301": 7, "3093832163": 7, "cannot": 7, "enough": [7, 8], "accommod": 7, "decor": 7, "dash": 7, "shade": 7, "histrogram": 7, "clip": 7, "aforement": 7, "ptrtransform": [7, 12, 14], "ptr_transform": 7, "histplot": 7, "stat": 7, "scipi": 7, "resp_col": [7, 8], "pearsonr": 7, "std_df": 7, "groupbi": 7, "mdn_df": 7, "std_vs_median": 7, "suffix": 7, "_std": 7, "_median": 7, "dropna": 7, "activity_std": 7, "activity_median": 7, "088539": 7, "674782": 7, "265123": 7, "138620": 7, "157605": 7, "stdev": 7, "stat_func": 7, "plot_joint": 7, "zorder": 7, "0x7f9be19abaf0": 7, "assumpt": 7, "fulfil": 7, "ptr_train_ran": 7, "ptr_test_ran": 7, "ptr_train_str": 7, "ptr_test_str": 7, "ptr_train_tempor": 7, "ptr_test_tempor": 7, "ptr_train_sca": 7, "ptr_test_sca": 7, "warn_singular": 7, "xlim": 7, "peak": 7, "extem": 7, "dsitribut": 7, "awai": 7, "bias": 7, "enum": [8, 9, 10, 12], "building_configuration_enum": [8, 10], "configuration_enum": [8, 10], "interface_enum": [8, 10], "model_runner_enum": [8, 10], "objective_enum": [8, 10], "optimization_configuration_enum": [8, 10], "prediction_configuration_enum": [8, 10], "return_values_enum": [8, 10], "visualization_enum": [8, 10], "modelautoml": 8, "smiles_col": [8, 10, 12, 13], "activity_col": 8, "task_col": 8, "timestr": 8, "20240828": 8, "174523": 8, "modeldispatch": 8, "pend": 8, "last_timepoint": 8, "getallretrainingdata": 8, "wilcard": 8, "datetim": 8, "unprocess": 8, "bucket": 8, "nonewretrainingdata": [8, 10], "setretrainingdata": 8, "cfg": 8, "initial_templ": 8, "retrain_templ": 8, "slurm_templ": 8, "slurm_al_smil": 8, "slurm_partit": 8, "log_conf": 8, "checkifretrainingprocess": 8, "unabl": 8, "static": 8, "calcslurmmem": 8, "len_fil": 8, "setdispatchervari": 8, "overwrit": 8, "_taskcode_df": 8, "attribut": 8, "prev": 8, "processquorum": 8, "_input_df": 8, "istrain": 8, "checksavetemporalmodel": 8, "dotemporalpredict": 8, "new_data": 8, "out_df": 8, "setskippedtimepoint": 8, "elig": 8, "checkslurmstatusandnextprocedur": 8, "cancel": 8, "increasejobtim": 8, "increasejobmem": 8, "max_mem": 8, "increasejobcpu": 8, "max_cpu": 8, "addslurmretri": 8, "getslurmretri": 8, "locked_job": 8, "max_retri": 8, "process_retraining_task": 8, "dispatcher_process": 8, "global_cfg": 8, "validate_arg": 8, "prepare_dispatch": 8, "merge_train_and_test_data": 8, "isvalid": 8, "read_data": 8, "aux_col": 8, "invalid": 8, "pars": [8, 9, 11], "tupl": [8, 12, 13], "ambigu": 8, "smiles_": 8, "y_": [8, 10, 12], "aux_": 8, "factori": [8, 9], "intermediate_training_dataset_fil": 8, "intermediate_test_dataset_fil": 8, "get_merged_set": 8, "check_set": 8, "scalingfittingerror": 8, "descriptor_str": 8, "unfittedsklearnscla": [8, 12], "novalidsmil": 8, "mol_from_smi": 8, "numpy_from_rdkit": 8, "dtype": [8, 12], "moldescriptor": 8, "nameparameterdataclass": [8, 9, 12], "abc": [8, 9, 12], "abstract": [8, 9, 12], "parallel_compute_descriptor": 8, "amorprot": [8, 12], "ecfp6": 8, "seq": 8, "pathlib": 8, "get_fitted_scaler_for_fp": 8, "saved_param": 8, "get_fitted_scal": 8, "minhash": 8, "chiral": 8, "orsi": 8, "map4": 8, "unifi": 8, "percept": 8, "benchmark": 8, "cip": 8, "highest": 8, "disproportion": 8, "affect": [8, 12], "maxradiu": [8, 11], "npermut": [8, 11], "permut": 8, "set_unfitted_scaler_data": 8, "fp_info": 8, "canonicalsmil": 8, "scaffold": [8, 12, 13], "genericscaffold": 8, "validdescriptor": 8, "descriptor_from_config": 8, "return_failed_idx": 8, "score_al": 8, "get_scor": 8, "score_all_smil": 8, "get_train_test_scor": 8, "get_merged_train_scor": 8, "get_ecfp_fpinfo": 8, "get_ecfpcount_fpinfo": 8, "explain_ecfp": 8, "len_feat": 8, "get_fp_info": 8, "exp_df": 8, "fp_idx": 8, "strt_idx": 8, "runshap": 8, "x_pred": 8, "shapexplain": 8, "popul": 8, "explainpr": 8, "shallow": 8, "validate_cls_input": 8, "pi_zero": 8, "pr": 8, "melloddi": 8, "sparsechem": 8, "imbal": 8, "bedroc_scor": [8, 9], "truchon": 8, "bayli": 8, "screen": 8, "bad": 8, "recognit": 8, "2007": 8, "concord": 8, "statist": 8, "qualiti": 8, "harald": 8, "On": 8, "surviv": 8, "bound": 8, "2008": 8, "1209": 8, "1216": 8, "api": 8, "posterior": 8, "mark": 8, "abstractmethod": [8, 9], "predict_uncert": 8, "quantifi": 8, "qsartunamodel": 8, "nonetyp": [8, 9], "sent": 8, "get_metadata": 8, "train_scor": [8, 11], "test_scor": [8, 10, 11], "get_transform": 8, "perform_ptr": 8, "wrap_model": 8, "save_model": 8, "novaliddescriptor": 8, "null_scor": 8, "argserror": 8, "issu": [8, 10, 12], "uncertaintyerror": 8, "auxcovariatemiss": 8, "precomputederror": 8, "validate_uncertainti": 8, "check_precomp_arg": 8, "set_inference_param": 8, "desc": [8, 9], "validate_set_precomput": 8, "validate_aux": 8, "doctitl": 8, "docstr": 8, "type_base_schema": 8, "tp": 8, "wyfo": 8, "json_schema": 8, "patch_schema_gener": 8, "patch_schema_optunaz": 8, "split_optim": 8, "base_chemprop_param": 8, "pop": 8, "run_studi": 8, "storag": [8, 11], "trial_number_offset": [8, 10], "log_scor": 8, "main_scor": 8, "outfnam": 8, "plot_by_configur": 8, "conf": 8, "plot_slic": [8, 9, 11], "folder_path": 8, "file_format": [8, 9, 11], "png": [8, 9], "plot_contour": [8, 9, 11], "plot_histori": [8, 9, 11], "set_build_cach": 9, "preexist": 9, "remove_algo_hash": 9, "buildconfig_from_tri": 9, "encode_nam": 9, "cenam": 9, "suggest_alg_param": 9, "suggest_aux_param": 9, "check_invalid_descriptor_param": 9, "adaboostclassifierparamet": 9, "lassoparamet": 9, "kneighborsclassifierparamet": 9, "kneighborsregressorparamet": 9, "logisticregressionparamet": 9, "plsparamet": 9, "randomforestparamet": 9, "ridgeparamet": 9, "svcparamet": 9, "svrparamet": 9, "xgbregressorparamet": 9, "prfclassifierparamet": 9, "bootstrap": 9, "new_syn_data_frac": 9, "chempropregressorparamet": 9, "chempropclassifierparamet": 9, "chempropregressorpretrainedparamet": 9, "chemprophyperoptclassifierparamet": 9, "chemprophyperoptregressorparamet": 9, "calibratedclassifiercvparamet": 9, "mapieparamet": 9, "regressionscor": 9, "classificationscor": 9, "closer": 9, "greater": 9, "manhattan": 9, "trainarg": 9, "tanh": 9, "leakyrelu": 9, "prelu": 9, "selu": 9, "elu": 9, "morgan_count": 9, "rdkit_2d": 9, "rdkit_2d_norm": 9, "mpnn_first_ffn": 9, "mpnn_last_ffn": 9, "linked_hidden_s": 9, "constrain": 9, "l3": 9, "init_lr_exp": 9, "final_lr_exp": 9, "warmup_epoch": 9, "l4": 9, "l5": 9, "l6": 9, "l7": 9, "l8": 9, "isanyof": 9, "obj": [9, 10], "detect_mode_from_alg": 9, "copy_path_for_scaled_descriptor": 9, "cv_split_strategi": 9, "use_cach": 9, "optuna_storag": 9, "set_cach": 9, "set_algo_hash": 9, "declar": 9, "pydant": 9, "don": 9, "classmethod": 9, "1024": 9, "shorter": 9, "output_fold": [9, 11], "use_xvfb": [9, 11], "imagefileformat": 9, "jpeg": 9, "jpg": 9, "svg": 9, "move_up_directori": 10, "attach_root_path": 10, "attach": 10, "loadjson": 10, "add_ellipsi": 10, "max_length": 10, "shorten_nam": 10, "mlflowcallback": 10, "tracking_uri": 10, "callback": 10, "uri": 10, "server": 10, "set_tracking_uri": 10, "prepare_tag": 10, "tag": 10, "tmp_buildconfig": 10, "noretrainingdataconvent": 10, "nodifferingretrainingdata": 10, "retrainingheadersissu": 10, "retrainingisalreadyprocess": 10, "retrainingislock": 10, "temporalpredspredict": 10, "nopreviousmodel": 10, "prev_model_nam": 10, "samepreviousmodel": 10, "timepointskip": 10, "slurmnolog": 10, "itcod": 10, "slurmtimelimitexceed": 10, "exceed": 10, "slurmmemoryexceed": 10, "slurmjobskip": 10, "qptuna": 10, "slurmparseerror": 10, "create_depend": 10, "remove_schema_properti": 10, "add_boolean_guards_for_schema_properti": 10, "replacekei": 10, "input_": 10, "replacevalu": 10, "addsibl": 10, "delsibl": 10, "sibl": 10, "getref": 10, "context": 10, "recurs": 10, "nest": 10, "copytitl": 10, "oneof": 10, "replaceenum": 10, "singleton": 10, "const": 10, "addtitl": 10, "get_authorization_head": 10, "trackingdata": 10, "trial_numb": [10, 11], "trial_valu": 10, "trial_stat": 10, "all_cv_test_scor": 10, "removeprefix": 10, "round_scor": 10, "internaltrackingcallback": 10, "progress": 10, "buildtrackingdata": 10, "response_column_nam": 10, "test_point": 10, "track_build": 10, "mkdict": 10, "load_df_from_fil": 10, "remove_failed_idx": 10, "failed_idx": 10, "md5_hash": 10, "md5": 10, "buildingconfigurationenum": 11, "configurationenum": 11, "general_hyperparamet": 11, "hyper_paramet": 11, "general_regressor": 11, "general_classifi": 11, "metadata_besttri": 11, "metadata_bestvalu": 11, "general_dis": 11, "general_paramet": 11, "task_optim": 11, "task_build": 11, "data_inputcolumn": 11, "data_responsecolumn": 11, "data_train": 11, "data_test": 11, "descriptors_avalon": 11, "descriptors_avalon_nbit": 11, "descriptors_ecfp": 11, "descriptors_ecfp_radiu": 11, "descriptors_ecfp_nbit": 11, "descriptors_ecfpcount": 11, "descriptors_ecfpcounts_radiu": 11, "descriptors_ecfpcounts_usefeatur": 11, "descriptors_pathfp": 11, "descriptors_pathfp_maxpath": 11, "descriptors_pathfp_fps": 11, "descriptors_maccskei": 11, "descriptors_unsc_physchem": 11, "descriptors_physchem": 11, "descriptors_physchem_rdkitnam": 11, "descriptors_amorprot": 11, "descriptors_unsc_mapc": 11, "descriptors_mapc": 11, "descriptors_mapc_maxradiu": 11, "descriptors_mapc_npermut": 11, "descriptors_unsc_jazzi": 11, "descriptors_jazzi": 11, "descriptors_jazzy_jazzynam": 11, "descriptors_precomput": 11, "descriptors_precomputed_fil": 11, "descriptors_precomputed_input_columnn": 11, "descriptors_precomputed_response_column": 11, "descriptors_unsc_zscal": 11, "descriptors_zscal": 11, "descriptors_smil": 11, "descriptors_smiles_and_si": 11, "descriptors_smiles_and_si_fil": 11, "descriptors_smiles_and_si_input_column": 11, "descriptors_smiles_and_si_aux_weight_pc": 11, "descriptors_sc": 11, "descriptors_scaled_descriptor": 11, "descriptors_scaled_descriptor_paramet": 11, "descriptors_composit": 11, "settings_mod": 11, "settings_mode_regress": 11, "settings_mode_classif": 11, "settings_cross_valid": 11, "settings_direct": 11, "settings_n_tri": 11, "settings_n_job": 11, "settings_shuffl": 11, "algorithms_low": 11, "algorithms_high": 11, "algorithms_q": 11, "algorithms_interface_sklearn": 11, "algorithms_interface_xgboost": 11, "algorithms_rfregressor": 11, "algorithms_rfclassifi": 11, "algorithms_rf_max_featur": 11, "algorithms_rf_max_depth": 11, "algorithms_rf_n_estim": 11, "algorithms_svr": 11, "algorithms_svr_c": 11, "algorithms_svr_gamma": 11, "algorithms_svc": 11, "algorithms_svc_c": 11, "algorithms_svc_gamma": 11, "algorithms_lasso": 11, "algorithms_lasso_alpha": 11, "algorithms_kneighborsclassifi": 11, "algorithms_kneighborsregressor": 11, "algorithms_kneighbors_n_neighbor": 11, "algorithms_kneighbors_metr": 11, "algorithms_kneighbors_weight": 11, "algorithms_ridg": 11, "algorithms_ridge_alpha": 11, "algorithms_plsregress": 11, "algorithms_plsregression_n_compon": 11, "algorithms_logisticregress": 11, "algorithms_logisticregression_solv": 11, "algorithms_logisticregression_c": 11, "algorithms_adaboostclassifi": 11, "algorithms_adaboostclassifier_n_estim": 11, "algorithms_adaboostclassifier_learning_r": 11, "algorithms_xgbregressor": 11, "algorithms_xgbregressor_max_depth": 11, "algorithms_xgbregressor_n_estim": 11, "algorithms_xgbregressor_learning_r": 11, "algorithms_prf": 11, "algorithms_prf_max_featur": 11, "algorithms_prf_max_depth": 11, "algorithms_prf_n_estim": 11, "algorithms_prf_minpysumleaf": 11, "algorithms_prf_use_py_gini": 11, "algorithms_prf_use_py_leaf": 11, "algorithms_chemprop": 11, "basechemprop": 11, "algorithms_chemprop_regressor": 11, "algorithms_chemprop_hyperopt_regressor": 11, "algorithms_chemprop_classifi": 11, "algorithms_chemprop_hyperopt_classifi": 11, "algorithms_chemprop_activ": 11, "algorithms_chemprop_aggreg": 11, "algorithms_chemprop_aggregation_norm": 11, "algorithms_chemprop_batch_s": 11, "algorithms_chemprop_depth": 11, "algorithms_chemprop_dropout": 11, "algorithms_chemprop_epoch": 11, "algorithms_chemprop_ensemble_s": 11, "algorithms_chemprop_features_gener": 11, "algorithms_chemprop_ffn_hidden_s": 11, "algorithms_chemprop_ffn_num_lay": 11, "algorithms_chemprop_frzn": 11, "algorithms_chemprop_final_lr_ratio_exp": 11, "algorithms_chemprop_hidden_s": 11, "algorithms_chemprop_num_it": 11, "algorithms_chemprop_init_lr_ratio_exp": 11, "algorithms_chemprop_max_lr_exp": 11, "algorithms_chemprop_pretrained_model": 11, "algorithms_chemprop_search_parameter_level": 11, "algorithms_chemprop_startup_random_it": 11, "startup_random_it": 11, "algorithms_chemprop_warmup_epochs_ratio": 11, "algorithms_calibratedclassifiercv": 11, "algorithms_calibratedclassifiercv_ensembl": 11, "algorithms_calibratedclassifiercv_estim": 11, "algorithms_calibratedclassifiercv_method": 11, "algorithms_calibratedclassifiercv_n_fold": 11, "algorithms_calibratedclassifiercv_param": 11, "calibrated_param": 11, "algorithms_mapi": 11, "algorithms_mapie_alpha": 11, "interfaceenum": 11, "sklearn_set": 11, "xgboost_set": 11, "chemprop_set": 11, "prf_set": 11, "calibrated_set": 11, "modelrunnerdataframeenum": 11, "modelrunn": 11, "objectiveenum": 11, "attribute_trial_train_scor": 11, "extra_column_besthit": 11, "besthit": 11, "optimizationconfigurationenum": 11, "predictionconfigurationenum": 11, "data_dataset": 11, "sklearnreturnvalueenum": 11, "cross_validate_fit_tim": 11, "fit_tim": 11, "cross_validate_score_tim": 11, "score_tim": 11, "cross_validate_test_scor": 11, "cross_validate_train_scor": 11, "xgboostreturnvalueenum": 11, "visualizationenum": 11, "visualization_regressor": 11, "visualization_classifi": 11, "visualization_use_xvfb": 11, "visualization_output_fold": 11, "visualization_file_format": 11, "visualization_plot": 11, "visualization_plots_histori": 11, "visualization_plots_contour": 11, "visualization_plots_parallel_coordin": 11, "visualization_plots_slic": 11, "optuna_system_attrs_numb": 11, "_number": 11, "optuna_system_attrs_intermediate_valu": 11, "intermediate_valu": 11, "optuna_system_attrs_trial_id": 11, "trial_id": 11, "studyuserattr": 11, "trialuserattr": 11, "trialparam": 11, "algorithm_hash": 11, "mlflowlogparam": 11, "sklearnsplitt": 12, "get_n_split": 12, "cvsplitter": 12, "although": 12, "underli": 12, "get_sklearn_splitt": 12, "n_split": 12, "repeat": [12, 13], "edg": [12, 13], "stratifiedshufflesplit": [12, 13], "revert": [12, 13], "empti": 12, "kfold": 12, "consecut": 12, "fd_bin": 12, "11879": 12, "10297": 12, "adjac": 12, "downstream": 12, "nativ": 12, "histogramstratifiedshufflesplit": 12, "test_fract": 12, "groupingsplitt": 12, "column_nam": [12, 13], "butina_clust": [12, 13], "cluster": [12, 13], "butina": [12, 13], "make_scaffold_gener": [12, 13], "murcko": [12, 13], "hetero": [12, 13], "difficulti": [12, 13], "novel": [12, 13], "datatransformerror": 12, "datatransform": 12, "logarithm": [12, 14], "base_dict": 12, "ufunc": 12, "base_neg": 12, "reverse_dict": 12, "exp": 12, "transform_df": 12, "transform_on": 12, "reverse_transform_df": 12, "reverse_transform_on": 12, "auxtransform": 12, "transfor": 12, "auxiliary_data": 12, "usabl": [12, 14]}, "objects": {"": [[8, 0, 0, "-", "optunaz"]], "optunaz": [[8, 0, 0, "-", "automl"], [8, 0, 0, "-", "builder"], [9, 0, 0, "-", "config"], [8, 0, 0, "-", "datareader"], [8, 0, 0, "-", "descriptors"], [8, 0, 0, "-", "evaluate"], [8, 0, 0, "-", "explainability"], [8, 0, 0, "-", "metircs"], [8, 0, 0, "-", "model_writer"], [8, 0, 0, "-", "objective"], [8, 0, 0, "-", "optbuild"], [8, 0, 0, "-", "predict"], [8, 0, 0, "-", "schemagen"], [8, 0, 0, "-", "three_step_opt_build_merge"], [10, 0, 0, "-", "utils"], [8, 0, 0, "-", "visualizer"]], "optunaz.automl": [[8, 1, 1, "", "ModelAutoML"], [8, 1, 1, "", "ModelDispatcher"], [8, 4, 1, "", "dispatcher_process"], [8, 4, 1, "", "main"], [8, 4, 1, "", "meta"], [8, 4, 1, "", "prepare_dispatcher"], [8, 4, 1, "", "process_retraining_task"], [8, 4, 1, "", "validate_args"]], "optunaz.automl.ModelAutoML": [[8, 2, 1, "", "first_run"], [8, 3, 1, "", "getAllRetrainingData"], [8, 3, 1, "", "getRetrainingData"], [8, 3, 1, "", "initProcessedTimepoints"], [8, 2, 1, "", "last_timepoint"], [8, 2, 1, "", "processed_timepoints"], [8, 3, 1, "", "setProcessedTimepoints"], [8, 3, 1, "", "setRetrainingData"]], "optunaz.automl.ModelDispatcher": [[8, 3, 1, "", "addSlurmRetry"], [8, 3, 1, "", "calcSlurmMem"], [8, 3, 1, "", "checkIfRetrainingProcessed"], [8, 3, 1, "", "checkRunningSlurmJobs"], [8, 3, 1, "", "checkSaveTemporalModel"], [8, 3, 1, "", "checkSkipped"], [8, 3, 1, "", "checkSlurmStatusAndNextProcedure"], [8, 3, 1, "", "checkisLocked"], [8, 3, 1, "", "doTemporalPredictions"], [8, 3, 1, "", "getSlurmRetry"], [8, 3, 1, "", "increaseJobCpu"], [8, 3, 1, "", "increaseJobMem"], [8, 3, 1, "", "increaseJobTime"], [8, 3, 1, "", "isTrained"], [8, 2, 1, "", "pretrained_model"], [8, 3, 1, "", "processQuorum"], [8, 3, 1, "", "processRetraining"], [8, 3, 1, "", "processTrain"], [8, 3, 1, "", "resubmitAnyFailedJobs"], [8, 3, 1, "", "setDispatcherVariables"], [8, 3, 1, "", "setJobLocked"], [8, 3, 1, "", "setSkippedTimepoint"], [8, 3, 1, "", "submitJob"], [8, 3, 1, "", "writeDataset"], [8, 3, 1, "", "writeJson"], [8, 3, 1, "", "writeSlurm"]], "optunaz.builder": [[8, 4, 1, "", "build"]], "optunaz.config": [[9, 1, 1, "", "Algorithm"], [9, 1, 1, "", "ModelMode"], [9, 1, 1, "", "NameParameterDataclass"], [9, 1, 1, "", "OptimizationDirection"], [9, 1, 1, "", "Task"], [9, 1, 1, "", "Visualization"], [9, 0, 0, "-", "build_from_opt"], [9, 0, 0, "-", "buildconfig"], [9, 0, 0, "-", "optconfig"]], "optunaz.config.ModelMode": [[9, 5, 1, "", "CLASSIFICATION"], [9, 5, 1, "", "REGRESSION"]], "optunaz.config.NameParameterDataclass": [[9, 3, 1, "", "new"]], "optunaz.config.OptimizationDirection": [[9, 5, 1, "", "MAXIMIZATION"], [9, 5, 1, "", "MINIMIZATION"]], "optunaz.config.Task": [[9, 5, 1, "", "BUILDING"], [9, 5, 1, "", "OPTIMIZATION"], [9, 5, 1, "", "PREDICTION"]], "optunaz.config.Visualization": [[9, 1, 1, "", "ImageFileFormat"], [9, 1, 1, "", "Plots"], [9, 5, 1, "", "file_format"], [9, 5, 1, "", "output_folder"], [9, 5, 1, "", "plots"], [9, 5, 1, "", "use_xvfb"]], "optunaz.config.Visualization.ImageFileFormat": [[9, 5, 1, "", "JPEG"], [9, 5, 1, "", "JPG"], [9, 5, 1, "", "PDF"], [9, 5, 1, "", "PNG"], [9, 5, 1, "", "SVG"]], "optunaz.config.Visualization.Plots": [[9, 5, 1, "", "plot_contour"], [9, 5, 1, "", "plot_history"], [9, 5, 1, "", "plot_parallel_coordinate"], [9, 5, 1, "", "plot_slice"]], "optunaz.config.build_from_opt": [[9, 4, 1, "", "buildconfig_from_trial"], [9, 4, 1, "", "check_invalid_descriptor_param"], [9, 4, 1, "", "encode_name"], [9, 4, 1, "", "remove_algo_hash"], [9, 4, 1, "", "set_build_cache"], [9, 4, 1, "", "suggest_alg_params"], [9, 4, 1, "", "suggest_aux_params"]], "optunaz.config.buildconfig": [[9, 1, 1, "", "AdaBoostClassifier"], [9, 1, 1, "", "Algorithm"], [9, 1, 1, "", "BuildConfig"], [9, 1, 1, "", "CalibratedClassifierCVWithVA"], [9, 1, 1, "", "ChemPropClassifier"], [9, 1, 1, "", "ChemPropHyperoptClassifier"], [9, 1, 1, "", "ChemPropHyperoptRegressor"], [9, 1, 1, "", "ChemPropRegressor"], [9, 1, 1, "", "ChemPropRegressorPretrained"], [9, 1, 1, "", "KNeighborsClassifier"], [9, 1, 1, "", "KNeighborsRegressor"], [9, 1, 1, "", "Lasso"], [9, 1, 1, "", "LogisticRegression"], [9, 1, 1, "", "Mapie"], [9, 1, 1, "", "PLSRegression"], [9, 1, 1, "", "PRFClassifier"], [9, 1, 1, "", "RandomForestClassifier"], [9, 1, 1, "", "RandomForestRegressor"], [9, 1, 1, "", "Ridge"], [9, 1, 1, "", "SVC"], [9, 1, 1, "", "SVR"], [9, 1, 1, "", "XGBRegressor"]], "optunaz.config.buildconfig.AdaBoostClassifier": [[9, 1, 1, "", "AdaBoostClassifierParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.AdaBoostClassifier.AdaBoostClassifierParameters": [[9, 5, 1, "", "learning_rate"], [9, 5, 1, "", "n_estimators"]], "optunaz.config.buildconfig.Algorithm": [[9, 3, 1, "", "estimator"]], "optunaz.config.buildconfig.BuildConfig": [[9, 1, 1, "", "Metadata"], [9, 1, 1, "", "Settings"], [9, 5, 1, "", "algorithm"], [9, 5, 1, "", "data"], [9, 5, 1, "", "descriptor"], [9, 5, 1, "", "metadata"], [9, 5, 1, "", "settings"], [9, 5, 1, "", "task"]], "optunaz.config.buildconfig.BuildConfig.Metadata": [[9, 5, 1, "", "best_trial"], [9, 5, 1, "", "best_value"], [9, 5, 1, "", "cross_validation"], [9, 5, 1, "", "n_trials"], [9, 5, 1, "", "name"], [9, 5, 1, "", "shuffle"], [9, 5, 1, "", "visualization"]], "optunaz.config.buildconfig.BuildConfig.Settings": [[9, 5, 1, "", "direction"], [9, 5, 1, "", "mode"], [9, 5, 1, "", "n_trials"], [9, 5, 1, "", "scoring"], [9, 5, 1, "", "tracking_rest_endpoint"]], "optunaz.config.buildconfig.CalibratedClassifierCVWithVA": [[9, 1, 1, "", "CalibratedClassifierCVParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.CalibratedClassifierCVWithVA.CalibratedClassifierCVParameters": [[9, 5, 1, "", "ensemble"], [9, 5, 1, "", "estimator"], [9, 5, 1, "", "method"], [9, 5, 1, "", "n_folds"]], "optunaz.config.buildconfig.ChemPropClassifier": [[9, 1, 1, "", "ChemPropClassifierParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.ChemPropClassifier.ChemPropClassifierParameters": [[9, 5, 1, "", "activation"], [9, 5, 1, "", "aggregation"], [9, 5, 1, "", "aggregation_norm"], [9, 5, 1, "", "aux_weight_pc"], [9, 5, 1, "", "batch_size"], [9, 5, 1, "", "depth"], [9, 5, 1, "", "dropout"], [9, 5, 1, "", "ensemble_size"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "features_generator"], [9, 5, 1, "", "ffn_hidden_size"], [9, 5, 1, "", "ffn_num_layers"], [9, 5, 1, "", "final_lr_ratio_exp"], [9, 5, 1, "", "hidden_size"], [9, 5, 1, "", "init_lr_ratio_exp"], [9, 5, 1, "", "max_lr_exp"], [9, 5, 1, "", "warmup_epochs_ratio"]], "optunaz.config.buildconfig.ChemPropHyperoptClassifier": [[9, 1, 1, "", "ChemPropHyperoptClassifierParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.ChemPropHyperoptClassifier.ChemPropHyperoptClassifierParameters": [[9, 5, 1, "", "aux_weight_pc"], [9, 5, 1, "", "ensemble_size"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "features_generator"], [9, 5, 1, "", "num_iters"], [9, 5, 1, "", "search_parameter_level"]], "optunaz.config.buildconfig.ChemPropHyperoptRegressor": [[9, 1, 1, "", "ChemPropHyperoptRegressorParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.ChemPropHyperoptRegressor.ChemPropHyperoptRegressorParameters": [[9, 5, 1, "", "aux_weight_pc"], [9, 5, 1, "", "ensemble_size"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "features_generator"], [9, 5, 1, "", "num_iters"], [9, 5, 1, "", "search_parameter_level"]], "optunaz.config.buildconfig.ChemPropRegressor": [[9, 1, 1, "", "ChemPropRegressorParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.ChemPropRegressor.ChemPropRegressorParameters": [[9, 5, 1, "", "activation"], [9, 5, 1, "", "aggregation"], [9, 5, 1, "", "aggregation_norm"], [9, 5, 1, "", "aux_weight_pc"], [9, 5, 1, "", "batch_size"], [9, 5, 1, "", "depth"], [9, 5, 1, "", "dropout"], [9, 5, 1, "", "ensemble_size"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "features_generator"], [9, 5, 1, "", "ffn_hidden_size"], [9, 5, 1, "", "ffn_num_layers"], [9, 5, 1, "", "final_lr_ratio_exp"], [9, 5, 1, "", "hidden_size"], [9, 5, 1, "", "init_lr_ratio_exp"], [9, 5, 1, "", "max_lr_exp"], [9, 5, 1, "", "warmup_epochs_ratio"]], "optunaz.config.buildconfig.ChemPropRegressorPretrained": [[9, 1, 1, "", "ChemPropRegressorPretrainedParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.ChemPropRegressorPretrained.ChemPropRegressorPretrainedParameters": [[9, 5, 1, "", "epochs"], [9, 5, 1, "", "frzn"], [9, 5, 1, "", "pretrained_model"]], "optunaz.config.buildconfig.KNeighborsClassifier": [[9, 1, 1, "", "KNeighborsClassifierParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.KNeighborsClassifier.KNeighborsClassifierParameters": [[9, 5, 1, "", "metric"], [9, 5, 1, "", "n_neighbors"], [9, 5, 1, "", "weights"]], "optunaz.config.buildconfig.KNeighborsRegressor": [[9, 1, 1, "", "KNeighborsRegressorParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.KNeighborsRegressor.KNeighborsRegressorParameters": [[9, 5, 1, "", "metric"], [9, 5, 1, "", "n_neighbors"], [9, 5, 1, "", "weights"]], "optunaz.config.buildconfig.Lasso": [[9, 1, 1, "", "LassoParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.Lasso.LassoParameters": [[9, 5, 1, "", "alpha"]], "optunaz.config.buildconfig.LogisticRegression": [[9, 1, 1, "", "LogisticRegressionParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.LogisticRegression.LogisticRegressionParameters": [[9, 5, 1, "", "C"], [9, 5, 1, "", "solver"]], "optunaz.config.buildconfig.Mapie": [[9, 1, 1, "", "MapieParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.Mapie.MapieParameters": [[9, 5, 1, "", "estimator"], [9, 5, 1, "", "mapie_alpha"]], "optunaz.config.buildconfig.PLSRegression": [[9, 1, 1, "", "PLSParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.PLSRegression.PLSParameters": [[9, 5, 1, "", "n_components"]], "optunaz.config.buildconfig.PRFClassifier": [[9, 1, 1, "", "PRFClassifierParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.PRFClassifier.PRFClassifierParameters": [[9, 5, 1, "", "bootstrap"], [9, 5, 1, "", "max_depth"], [9, 5, 1, "", "max_features"], [9, 5, 1, "", "min_py_sum_leaf"], [9, 5, 1, "", "n_estimators"], [9, 5, 1, "", "new_syn_data_frac"], [9, 5, 1, "", "use_py_gini"], [9, 5, 1, "", "use_py_leafs"]], "optunaz.config.buildconfig.RandomForestClassifier": [[9, 1, 1, "", "RandomForestParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.RandomForestClassifier.RandomForestParameters": [[9, 5, 1, "", "max_depth"], [9, 5, 1, "", "max_features"], [9, 5, 1, "", "n_estimators"]], "optunaz.config.buildconfig.RandomForestRegressor": [[9, 1, 1, "", "RandomForestParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.RandomForestRegressor.RandomForestParameters": [[9, 5, 1, "", "max_depth"], [9, 5, 1, "", "max_features"], [9, 5, 1, "", "n_estimators"]], "optunaz.config.buildconfig.Ridge": [[9, 1, 1, "", "RidgeParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.Ridge.RidgeParameters": [[9, 5, 1, "", "alpha"]], "optunaz.config.buildconfig.SVC": [[9, 1, 1, "", "SVCParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.SVC.SVCParameters": [[9, 5, 1, "", "C"], [9, 5, 1, "", "gamma"]], "optunaz.config.buildconfig.SVR": [[9, 1, 1, "", "SVRParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.SVR.SVRParameters": [[9, 5, 1, "", "C"], [9, 5, 1, "", "gamma"]], "optunaz.config.buildconfig.XGBRegressor": [[9, 1, 1, "", "XGBRegressorParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.XGBRegressor.XGBRegressorParameters": [[9, 5, 1, "", "learning_rate"], [9, 5, 1, "", "max_depth"], [9, 5, 1, "", "n_estimators"]], "optunaz.config.optconfig": [[9, 1, 1, "", "AdaBoostClassifier"], [9, 1, 1, "", "Algorithm"], [9, 1, 1, "", "CalibratedClassifierCVEnsemble"], [9, 1, 1, "", "CalibratedClassifierCVMethod"], [9, 1, 1, "", "CalibratedClassifierCVWithVA"], [9, 1, 1, "", "ChemPropActivation"], [9, 1, 1, "", "ChemPropAggregation"], [9, 1, 1, "", "ChemPropClassifier"], [9, 1, 1, "", "ChemPropFeatures_Generator"], [9, 1, 1, "", "ChemPropFrzn"], [9, 1, 1, "", "ChemPropHyperoptClassifier"], [9, 1, 1, "", "ChemPropHyperoptRegressor"], [9, 1, 1, "", "ChemPropRegressor"], [9, 1, 1, "", "ChemPropRegressorPretrained"], [9, 1, 1, "", "ChemPropSearch_Parameter_Level"], [9, 1, 1, "", "ClassificationScore"], [9, 1, 1, "", "KNeighborsClassifier"], [9, 1, 1, "", "KNeighborsMetric"], [9, 1, 1, "", "KNeighborsRegressor"], [9, 1, 1, "", "KNeighborsWeights"], [9, 1, 1, "", "Lasso"], [9, 1, 1, "", "LogisticRegression"], [9, 1, 1, "", "Mapie"], [9, 1, 1, "", "OptimizationConfig"], [9, 1, 1, "", "PLSRegression"], [9, 1, 1, "", "PRFClassifier"], [9, 1, 1, "", "PRFClassifierMaxFeatures"], [9, 1, 1, "", "RandomForestClassifier"], [9, 1, 1, "", "RandomForestMaxFeatures"], [9, 1, 1, "", "RandomForestRegressor"], [9, 1, 1, "", "RegressionScore"], [9, 1, 1, "", "Ridge"], [9, 1, 1, "", "SVC"], [9, 1, 1, "", "SVR"], [9, 1, 1, "", "XGBRegressor"], [9, 4, 1, "", "copy_path_for_scaled_descriptor"], [9, 4, 1, "", "detect_mode_from_algs"], [9, 4, 1, "", "isanyof"]], "optunaz.config.optconfig.AdaBoostClassifier": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.AdaBoostClassifier.Parameters": [[9, 1, 1, "", "AdaBoostClassifierParametersLearningRate"], [9, 1, 1, "", "AdaBoostClassifierParametersNEstimators"], [9, 5, 1, "", "learning_rate"], [9, 5, 1, "", "n_estimators"]], "optunaz.config.optconfig.AdaBoostClassifier.Parameters.AdaBoostClassifierParametersLearningRate": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.AdaBoostClassifier.Parameters.AdaBoostClassifierParametersNEstimators": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.CalibratedClassifierCVEnsemble": [[9, 5, 1, "", "FALSE"], [9, 5, 1, "", "TRUE"]], "optunaz.config.optconfig.CalibratedClassifierCVMethod": [[9, 5, 1, "", "ISOTONIC"], [9, 5, 1, "", "SIGMOID"], [9, 5, 1, "", "VENNABERS"]], "optunaz.config.optconfig.CalibratedClassifierCVWithVA": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.CalibratedClassifierCVWithVA.Parameters": [[9, 5, 1, "", "ensemble"], [9, 5, 1, "", "estimator"], [9, 5, 1, "", "method"], [9, 5, 1, "", "n_folds"]], "optunaz.config.optconfig.ChemPropActivation": [[9, 5, 1, "", "ELU"], [9, 5, 1, "", "LEAKYRELU"], [9, 5, 1, "", "PRELU"], [9, 5, 1, "", "RELU"], [9, 5, 1, "", "SELU"], [9, 5, 1, "", "TANH"]], "optunaz.config.optconfig.ChemPropAggregation": [[9, 5, 1, "", "MEAN"], [9, 5, 1, "", "NORM"], [9, 5, 1, "", "SUM"]], "optunaz.config.optconfig.ChemPropClassifier": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters": [[9, 1, 1, "", "ChemPropParametersAggregation_Norm"], [9, 1, 1, "", "ChemPropParametersBatch_Size"], [9, 1, 1, "", "ChemPropParametersDepth"], [9, 1, 1, "", "ChemPropParametersDropout"], [9, 1, 1, "", "ChemPropParametersFFN_Hidden_Size"], [9, 1, 1, "", "ChemPropParametersFFN_Num_Layers"], [9, 1, 1, "", "ChemPropParametersFinal_Lr_Ratio_Exp"], [9, 1, 1, "", "ChemPropParametersHidden_Size"], [9, 1, 1, "", "ChemPropParametersInit_Lr_Ratio_Exp"], [9, 1, 1, "", "ChemPropParametersMax_Lr_Exp"], [9, 1, 1, "", "ChemPropParametersWarmup_Epochs_Ratio"], [9, 5, 1, "", "activation"], [9, 5, 1, "", "aggregation"], [9, 5, 1, "", "aggregation_norm"], [9, 5, 1, "", "batch_size"], [9, 5, 1, "", "depth"], [9, 5, 1, "", "dropout"], [9, 5, 1, "", "ensemble_size"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "features_generator"], [9, 5, 1, "", "ffn_hidden_size"], [9, 5, 1, "", "ffn_num_layers"], [9, 5, 1, "", "final_lr_ratio_exp"], [9, 5, 1, "", "hidden_size"], [9, 5, 1, "", "init_lr_ratio_exp"], [9, 5, 1, "", "max_lr_exp"], [9, 5, 1, "", "warmup_epochs_ratio"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersAggregation_Norm": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersBatch_Size": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersDepth": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersDropout": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersFFN_Hidden_Size": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersFFN_Num_Layers": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersFinal_Lr_Ratio_Exp": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersHidden_Size": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersInit_Lr_Ratio_Exp": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersMax_Lr_Exp": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersWarmup_Epochs_Ratio": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropFeatures_Generator": [[9, 5, 1, "", "MORGAN"], [9, 5, 1, "", "MORGAN_COUNT"], [9, 5, 1, "", "NONE"], [9, 5, 1, "", "RDKIT_2D"], [9, 5, 1, "", "RDKIT_2D_NORMALIZED"]], "optunaz.config.optconfig.ChemPropFrzn": [[9, 5, 1, "", "MPNN"], [9, 5, 1, "", "MPNN_FIRST_FFN"], [9, 5, 1, "", "MPNN_LAST_FFN"], [9, 5, 1, "", "NONE"]], "optunaz.config.optconfig.ChemPropHyperoptClassifier": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.ChemPropHyperoptClassifier.Parameters": [[9, 5, 1, "", "ensemble_size"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "features_generator"], [9, 5, 1, "", "num_iters"], [9, 5, 1, "", "search_parameter_level"]], "optunaz.config.optconfig.ChemPropHyperoptRegressor": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.ChemPropHyperoptRegressor.Parameters": [[9, 5, 1, "", "ensemble_size"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "features_generator"], [9, 5, 1, "", "num_iters"], [9, 5, 1, "", "search_parameter_level"]], "optunaz.config.optconfig.ChemPropRegressor": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters": [[9, 1, 1, "", "ChemPropParametersAggregation_Norm"], [9, 1, 1, "", "ChemPropParametersBatch_Size"], [9, 1, 1, "", "ChemPropParametersDepth"], [9, 1, 1, "", "ChemPropParametersDropout"], [9, 1, 1, "", "ChemPropParametersFFN_Hidden_Size"], [9, 1, 1, "", "ChemPropParametersFFN_Num_Layers"], [9, 1, 1, "", "ChemPropParametersFinal_Lr_Ratio_Exp"], [9, 1, 1, "", "ChemPropParametersHidden_Size"], [9, 1, 1, "", "ChemPropParametersInit_Lr_Ratio_Exp"], [9, 1, 1, "", "ChemPropParametersMax_Lr_Exp"], [9, 1, 1, "", "ChemPropParametersWarmup_Epochs_Ratio"], [9, 5, 1, "", "activation"], [9, 5, 1, "", "aggregation"], [9, 5, 1, "", "aggregation_norm"], [9, 5, 1, "", "batch_size"], [9, 5, 1, "", "depth"], [9, 5, 1, "", "dropout"], [9, 5, 1, "", "ensemble_size"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "features_generator"], [9, 5, 1, "", "ffn_hidden_size"], [9, 5, 1, "", "ffn_num_layers"], [9, 5, 1, "", "final_lr_ratio_exp"], [9, 5, 1, "", "hidden_size"], [9, 5, 1, "", "init_lr_ratio_exp"], [9, 5, 1, "", "max_lr_exp"], [9, 5, 1, "", "warmup_epochs_ratio"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersAggregation_Norm": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersBatch_Size": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersDepth": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersDropout": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersFFN_Hidden_Size": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersFFN_Num_Layers": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersFinal_Lr_Ratio_Exp": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersHidden_Size": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersInit_Lr_Ratio_Exp": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersMax_Lr_Exp": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersWarmup_Epochs_Ratio": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropRegressorPretrained": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.ChemPropRegressorPretrained.Parameters": [[9, 1, 1, "", "ChemPropParametersEpochs"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "frzn"], [9, 5, 1, "", "pretrained_model"]], "optunaz.config.optconfig.ChemPropRegressorPretrained.Parameters.ChemPropParametersEpochs": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropSearch_Parameter_Level": [[9, 5, 1, "", "AUTO"], [9, 5, 1, "", "L1"], [9, 5, 1, "", "L2"], [9, 5, 1, "", "L3"], [9, 5, 1, "", "L4"], [9, 5, 1, "", "L5"], [9, 5, 1, "", "L6"], [9, 5, 1, "", "L7"], [9, 5, 1, "", "L8"]], "optunaz.config.optconfig.ClassificationScore": [[9, 5, 1, "", "ACCURACY"], [9, 5, 1, "", "AUC_PR_CAL"], [9, 5, 1, "", "AVERAGE_PRECISION"], [9, 5, 1, "", "BALANCED_ACCURACY"], [9, 5, 1, "", "BEDROC"], [9, 5, 1, "", "CONCORDANCE_INDEX"], [9, 5, 1, "", "F1"], [9, 5, 1, "", "F1_MACRO"], [9, 5, 1, "", "F1_MICRO"], [9, 5, 1, "", "F1_WEIGHTED"], [9, 5, 1, "", "JACCARD"], [9, 5, 1, "", "JACCARD_MACRO"], [9, 5, 1, "", "JACCARD_MICRO"], [9, 5, 1, "", "JACCARD_WEIGHTED"], [9, 5, 1, "", "NEG_BRIER_SCORE"], [9, 5, 1, "", "PRECISION"], [9, 5, 1, "", "PRECISION_MACRO"], [9, 5, 1, "", "PRECISION_MICRO"], [9, 5, 1, "", "PRECISION_WEIGHTED"], [9, 5, 1, "", "RECALL"], [9, 5, 1, "", "RECALL_MACRO"], [9, 5, 1, "", "RECALL_MICRO"], [9, 5, 1, "", "RECALL_WEIGHTED"], [9, 5, 1, "", "ROC_AUC"]], "optunaz.config.optconfig.KNeighborsClassifier": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.KNeighborsClassifier.Parameters": [[9, 1, 1, "", "KNeighborsClassifierParametersN_Neighbors"], [9, 5, 1, "", "metric"], [9, 5, 1, "", "n_neighbors"], [9, 5, 1, "", "weights"]], "optunaz.config.optconfig.KNeighborsClassifier.Parameters.KNeighborsClassifierParametersN_Neighbors": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.KNeighborsMetric": [[9, 5, 1, "", "EUCLIDEAN"], [9, 5, 1, "", "MANHATTAN"], [9, 5, 1, "", "MINKOWSKI"]], "optunaz.config.optconfig.KNeighborsRegressor": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.KNeighborsRegressor.Parameters": [[9, 1, 1, "", "KNeighborsRegressorParametersN_Neighbors"], [9, 5, 1, "", "metric"], [9, 5, 1, "", "n_neighbors"], [9, 5, 1, "", "weights"]], "optunaz.config.optconfig.KNeighborsRegressor.Parameters.KNeighborsRegressorParametersN_Neighbors": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.KNeighborsWeights": [[9, 5, 1, "", "DISTANCE"], [9, 5, 1, "", "UNIFORM"]], "optunaz.config.optconfig.Lasso": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.Lasso.Parameters": [[9, 1, 1, "", "LassoParametersAlpha"], [9, 5, 1, "", "alpha"]], "optunaz.config.optconfig.Lasso.Parameters.LassoParametersAlpha": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.LogisticRegression": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.LogisticRegression.Parameters": [[9, 5, 1, "", "C"], [9, 1, 1, "", "LogisticRegressionParametersParameterC"], [9, 5, 1, "", "solver"]], "optunaz.config.optconfig.LogisticRegression.Parameters.LogisticRegressionParametersParameterC": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.Mapie": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.Mapie.Parameters": [[9, 5, 1, "", "estimator"], [9, 5, 1, "", "mapie_alpha"]], "optunaz.config.optconfig.OptimizationConfig": [[9, 1, 1, "", "Settings"], [9, 5, 1, "", "algorithms"], [9, 5, 1, "", "data"], [9, 5, 1, "", "description"], [9, 5, 1, "", "descriptors"], [9, 5, 1, "", "mode"], [9, 5, 1, "", "name"], [9, 3, 1, "", "set_algo_hashes"], [9, 3, 1, "", "set_cache"], [9, 5, 1, "", "settings"], [9, 5, 1, "", "task"], [9, 5, 1, "", "visualization"]], "optunaz.config.optconfig.OptimizationConfig.Settings": [[9, 5, 1, "", "cross_validation"], [9, 5, 1, "", "cv_split_strategy"], [9, 5, 1, "", "direction"], [9, 5, 1, "", "minimise_std_dev"], [9, 5, 1, "", "mode"], [9, 5, 1, "", "n_chemprop_trials"], [9, 5, 1, "", "n_jobs"], [9, 5, 1, "", "n_startup_trials"], [9, 5, 1, "", "n_trials"], [9, 5, 1, "", "optuna_storage"], [9, 5, 1, "", "random_seed"], [9, 5, 1, "", "scoring"], [9, 5, 1, "", "shuffle"], [9, 5, 1, "", "split_chemprop"], [9, 5, 1, "", "track_to_mlflow"], [9, 5, 1, "", "tracking_rest_endpoint"], [9, 5, 1, "", "use_cache"]], "optunaz.config.optconfig.PLSRegression": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.PLSRegression.Parameters": [[9, 1, 1, "", "NComponents"], [9, 5, 1, "", "n_components"]], "optunaz.config.optconfig.PLSRegression.Parameters.NComponents": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.PRFClassifier": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.PRFClassifier.Parameters": [[9, 1, 1, "", "PRFClassifierParametersMaxDepth"], [9, 1, 1, "", "PRFClassifierParametersMinPySumLeaf"], [9, 1, 1, "", "PRFClassifierParametersNEstimators"], [9, 5, 1, "", "max_depth"], [9, 5, 1, "", "max_features"], [9, 5, 1, "", "min_py_sum_leaf"], [9, 5, 1, "", "n_estimators"], [9, 5, 1, "", "use_py_gini"], [9, 5, 1, "", "use_py_leafs"]], "optunaz.config.optconfig.PRFClassifier.Parameters.PRFClassifierParametersMaxDepth": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.PRFClassifier.Parameters.PRFClassifierParametersMinPySumLeaf": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.PRFClassifier.Parameters.PRFClassifierParametersNEstimators": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.PRFClassifierMaxFeatures": [[9, 5, 1, "", "AUTO"], [9, 5, 1, "", "LOG2"], [9, 5, 1, "", "SQRT"]], "optunaz.config.optconfig.RandomForestClassifier": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.RandomForestClassifier.Parameters": [[9, 1, 1, "", "RandomForestClassifierParametersMaxDepth"], [9, 1, 1, "", "RandomForestClassifierParametersNEstimators"], [9, 5, 1, "", "max_depth"], [9, 5, 1, "", "max_features"], [9, 5, 1, "", "n_estimators"]], "optunaz.config.optconfig.RandomForestClassifier.Parameters.RandomForestClassifierParametersMaxDepth": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.RandomForestClassifier.Parameters.RandomForestClassifierParametersNEstimators": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.RandomForestMaxFeatures": [[9, 5, 1, "", "AUTO"], [9, 5, 1, "", "LOG2"], [9, 5, 1, "", "SQRT"]], "optunaz.config.optconfig.RandomForestRegressor": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.RandomForestRegressor.Parameters": [[9, 1, 1, "", "RandomForestRegressorParametersMaxDepth"], [9, 1, 1, "", "RandomForestRegressorParametersNEstimators"], [9, 5, 1, "", "max_depth"], [9, 5, 1, "", "max_features"], [9, 5, 1, "", "n_estimators"]], "optunaz.config.optconfig.RandomForestRegressor.Parameters.RandomForestRegressorParametersMaxDepth": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.RandomForestRegressor.Parameters.RandomForestRegressorParametersNEstimators": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.RegressionScore": [[9, 5, 1, "", "EXPLAINED_VARIANCE"], [9, 5, 1, "", "MAX_ERROR"], [9, 5, 1, "", "NEG_MEAN_ABSOLUTE_ERROR"], [9, 5, 1, "", "NEG_MEAN_SQUARED_ERROR"], [9, 5, 1, "", "NEG_MEDIAN_ABSOLUTE_ERROR"], [9, 5, 1, "", "R2"]], "optunaz.config.optconfig.Ridge": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.Ridge.Parameters": [[9, 1, 1, "", "Alpha"], [9, 5, 1, "", "alpha"]], "optunaz.config.optconfig.Ridge.Parameters.Alpha": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.SVC": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.SVC.Parameters": [[9, 5, 1, "", "C"], [9, 1, 1, "", "Gamma"], [9, 1, 1, "", "SVCParametersParameterC"], [9, 5, 1, "", "gamma"]], "optunaz.config.optconfig.SVC.Parameters.Gamma": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.SVC.Parameters.SVCParametersParameterC": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.SVR": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.SVR.Parameters": [[9, 5, 1, "", "C"], [9, 1, 1, "", "SVRParametersGamma"], [9, 1, 1, "", "SVRParametersParameterC"], [9, 5, 1, "", "gamma"]], "optunaz.config.optconfig.SVR.Parameters.SVRParametersGamma": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.SVR.Parameters.SVRParametersParameterC": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.XGBRegressor": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.XGBRegressor.Parameters": [[9, 1, 1, "", "LearningRate"], [9, 1, 1, "", "MaxDepth"], [9, 1, 1, "", "NEstimators"], [9, 5, 1, "", "learning_rate"], [9, 5, 1, "", "max_depth"], [9, 5, 1, "", "n_estimators"]], "optunaz.config.optconfig.XGBRegressor.Parameters.LearningRate": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.XGBRegressor.Parameters.MaxDepth": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.XGBRegressor.Parameters.NEstimators": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.datareader": [[8, 1, 1, "", "Dataset"], [8, 4, 1, "", "deduplicate"], [8, 4, 1, "", "isvalid"], [8, 4, 1, "", "merge"], [8, 4, 1, "", "read_data"], [8, 4, 1, "", "split"], [8, 4, 1, "", "transform"]], "optunaz.datareader.Dataset": [[8, 5, 1, "", "aux_column"], [8, 5, 1, "", "aux_transform"], [8, 3, 1, "", "check_sets"], [8, 5, 1, "", "deduplication_strategy"], [8, 3, 1, "", "get_merged_sets"], [8, 3, 1, "", "get_sets"], [8, 5, 1, "", "input_column"], [8, 5, 1, "", "intermediate_test_dataset_file"], [8, 5, 1, "", "intermediate_training_dataset_file"], [8, 5, 1, "", "log_transform"], [8, 5, 1, "", "log_transform_base"], [8, 5, 1, "", "log_transform_negative"], [8, 5, 1, "", "log_transform_unit_conversion"], [8, 5, 1, "", "probabilistic_threshold_representation"], [8, 5, 1, "", "probabilistic_threshold_representation_std"], [8, 5, 1, "", "probabilistic_threshold_representation_threshold"], [8, 5, 1, "", "response_column"], [8, 5, 1, "", "response_type"], [8, 5, 1, "", "save_intermediate_files"], [8, 5, 1, "", "split_strategy"], [8, 5, 1, "", "test_dataset_file"], [8, 5, 1, "", "training_dataset_file"]], "optunaz.descriptors": [[8, 1, 1, "", "AmorProtDescriptors"], [8, 1, 1, "", "Avalon"], [8, 1, 1, "", "CanonicalSmiles"], [8, 1, 1, "", "CompositeDescriptor"], [8, 1, 1, "", "ECFP"], [8, 1, 1, "", "ECFP_counts"], [8, 1, 1, "", "FittedSklearnScaler"], [8, 1, 1, "", "GenericScaffold"], [8, 1, 1, "", "JazzyDescriptors"], [8, 1, 1, "", "MACCS_keys"], [8, 1, 1, "", "MAPC"], [8, 1, 1, "", "MolDescriptor"], [8, 6, 1, "", "NoValidSmiles"], [8, 1, 1, "", "PathFP"], [8, 1, 1, "", "PhyschemDescriptors"], [8, 1, 1, "", "PrecomputedDescriptorFromFile"], [8, 1, 1, "", "RdkitDescriptor"], [8, 1, 1, "", "Scaffold"], [8, 1, 1, "", "ScaledDescriptor"], [8, 6, 1, "", "ScalingFittingError"], [8, 1, 1, "", "SmilesAndSideInfoFromFile"], [8, 1, 1, "", "SmilesFromFile"], [8, 1, 1, "", "UnfittedSklearnScaler"], [8, 1, 1, "", "UnscaledJazzyDescriptors"], [8, 1, 1, "", "UnscaledMAPC"], [8, 1, 1, "", "UnscaledPhyschemDescriptors"], [8, 1, 1, "", "UnscaledZScalesDescriptors"], [8, 1, 1, "", "ValidDescriptor"], [8, 1, 1, "", "ZScalesDescriptors"], [8, 4, 1, "", "descriptor_from_config"], [8, 4, 1, "", "mol_from_smi"], [8, 4, 1, "", "numpy_from_rdkit"]], "optunaz.descriptors.AmorProtDescriptors": [[8, 1, 1, "", "AmorProt"], [8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.AmorProtDescriptors.AmorProt": [[8, 3, 1, "", "T"], [8, 3, 1, "", "fingerprint"]], "optunaz.descriptors.Avalon": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_mol"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.Avalon.Parameters": [[8, 5, 1, "", "nBits"]], "optunaz.descriptors.CanonicalSmiles": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.CompositeDescriptor": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 3, 1, "", "fp_info"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.CompositeDescriptor.Parameters": [[8, 5, 1, "", "descriptors"]], "optunaz.descriptors.ECFP": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_mol"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.ECFP.Parameters": [[8, 5, 1, "", "nBits"], [8, 5, 1, "", "radius"], [8, 5, 1, "", "returnRdkit"]], "optunaz.descriptors.ECFP_counts": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_mol"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.ECFP_counts.Parameters": [[8, 5, 1, "", "nBits"], [8, 5, 1, "", "radius"], [8, 5, 1, "", "useFeatures"]], "optunaz.descriptors.FittedSklearnScaler": [[8, 3, 1, "", "get_fitted_scaler"], [8, 5, 1, "", "name"], [8, 5, 1, "", "saved_params"]], "optunaz.descriptors.GenericScaffold": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.JazzyDescriptors": [[8, 1, 1, "", "Parameters"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.JazzyDescriptors.Parameters": [[8, 5, 1, "", "descriptor"], [8, 5, 1, "", "jazzy_filters"], [8, 5, 1, "", "jazzy_names"], [8, 5, 1, "", "scaler"]], "optunaz.descriptors.MACCS_keys": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_mol"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.MAPC": [[8, 1, 1, "", "Parameters"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.MAPC.Parameters": [[8, 5, 1, "", "descriptor"], [8, 5, 1, "", "maxRadius"], [8, 5, 1, "", "nPermutations"], [8, 5, 1, "", "scaler"]], "optunaz.descriptors.MolDescriptor": [[8, 3, 1, "", "calculate_from_smi"], [8, 3, 1, "", "parallel_compute_descriptor"]], "optunaz.descriptors.PathFP": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_mol"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.PathFP.Parameters": [[8, 5, 1, "", "fpSize"], [8, 5, 1, "", "maxPath"]], "optunaz.descriptors.PhyschemDescriptors": [[8, 1, 1, "", "Parameters"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.PhyschemDescriptors.Parameters": [[8, 5, 1, "", "descriptor"], [8, 5, 1, "", "rdkit_names"], [8, 5, 1, "", "scaler"]], "optunaz.descriptors.PrecomputedDescriptorFromFile": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 3, 1, "", "inference_parameters"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.PrecomputedDescriptorFromFile.Parameters": [[8, 5, 1, "", "file"], [8, 5, 1, "", "input_column"], [8, 5, 1, "", "response_column"]], "optunaz.descriptors.RdkitDescriptor": [[8, 3, 1, "", "calculate_from_mol"], [8, 3, 1, "", "calculate_from_smi"]], "optunaz.descriptors.Scaffold": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.ScaledDescriptor": [[8, 1, 1, "", "ScaledDescriptorParameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"], [8, 3, 1, "", "set_unfitted_scaler_data"]], "optunaz.descriptors.ScaledDescriptor.ScaledDescriptorParameters": [[8, 5, 1, "", "descriptor"], [8, 5, 1, "", "scaler"]], "optunaz.descriptors.SmilesAndSideInfoFromFile": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.SmilesAndSideInfoFromFile.Parameters": [[8, 1, 1, "", "Aux_Weight_Pc"], [8, 5, 1, "", "aux_weight_pc"], [8, 5, 1, "", "file"], [8, 5, 1, "", "input_column"]], "optunaz.descriptors.SmilesAndSideInfoFromFile.Parameters.Aux_Weight_Pc": [[8, 5, 1, "", "high"], [8, 5, 1, "", "low"], [8, 5, 1, "", "q"]], "optunaz.descriptors.SmilesFromFile": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.UnfittedSklearnScaler": [[8, 1, 1, "", "MolData"], [8, 3, 1, "", "get_fitted_scaler_for_fp"], [8, 5, 1, "", "mol_data"], [8, 5, 1, "", "name"]], "optunaz.descriptors.UnfittedSklearnScaler.MolData": [[8, 5, 1, "", "file_path"], [8, 5, 1, "", "smiles_column"]], "optunaz.descriptors.UnscaledJazzyDescriptors": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.UnscaledJazzyDescriptors.Parameters": [[8, 5, 1, "", "jazzy_filters"], [8, 5, 1, "", "jazzy_names"]], "optunaz.descriptors.UnscaledMAPC": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_mol"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.UnscaledMAPC.Parameters": [[8, 5, 1, "", "maxRadius"], [8, 5, 1, "", "nPermutations"]], "optunaz.descriptors.UnscaledPhyschemDescriptors": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_mol"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.UnscaledPhyschemDescriptors.Parameters": [[8, 5, 1, "", "rdkit_names"]], "optunaz.descriptors.UnscaledZScalesDescriptors": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.ValidDescriptor": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.ZScalesDescriptors": [[8, 1, 1, "", "Parameters"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.ZScalesDescriptors.Parameters": [[8, 5, 1, "", "descriptor"], [8, 5, 1, "", "scaler"]], "optunaz.evaluate": [[8, 4, 1, "", "get_merged_train_score"], [8, 4, 1, "", "get_scores"], [8, 4, 1, "", "get_train_test_scores"], [8, 4, 1, "", "score_all"], [8, 4, 1, "", "score_all_smiles"]], "optunaz.explainability": [[8, 4, 1, "", "ExplainPreds"], [8, 4, 1, "", "ShapExplainer"], [8, 4, 1, "", "explain_ECFP"], [8, 4, 1, "", "get_ecfp_fpinfo"], [8, 4, 1, "", "get_ecfpcount_fpinfo"], [8, 4, 1, "", "get_fp_info"], [8, 4, 1, "", "runShap"]], "optunaz.metircs": [[8, 4, 1, "", "auc_pr_cal"], [8, 4, 1, "", "bedroc_score"], [8, 4, 1, "", "concordance_index"], [8, 4, 1, "", "validate_cls_input"]], "optunaz.model_writer": [[8, 1, 1, "", "Predictor"], [8, 1, 1, "", "QSARtunaModel"], [8, 4, 1, "", "get_metadata"], [8, 4, 1, "", "get_transform"], [8, 4, 1, "", "perform_ptr"], [8, 4, 1, "", "save_model"], [8, 4, 1, "", "wrap_model"]], "optunaz.model_writer.Predictor": [[8, 3, 1, "", "explain"], [8, 3, 1, "", "predict"], [8, 3, 1, "", "predict_proba"], [8, 3, 1, "", "predict_uncert"]], "optunaz.model_writer.QSARtunaModel": [[8, 5, 1, "", "aux_transform"], [8, 5, 1, "", "descriptor"], [8, 5, 1, "", "metadata"], [8, 5, 1, "", "mode"], [8, 3, 1, "", "predict_from_smiles"], [8, 5, 1, "", "predictor"], [8, 5, 1, "", "transform"]], "optunaz.objective": [[8, 6, 1, "", "NoValidDescriptors"], [8, 1, 1, "", "Objective"], [8, 4, 1, "", "null_scores"]], "optunaz.objective.Objective": [[8, 5, 1, "", "cache"], [8, 5, 1, "", "optconfig"], [8, 5, 1, "", "train_aux"], [8, 5, 1, "", "train_smiles"], [8, 5, 1, "", "train_y"]], "optunaz.optbuild": [[8, 4, 1, "", "main"]], "optunaz.predict": [[8, 6, 1, "", "ArgsError"], [8, 6, 1, "", "AuxCovariateMissing"], [8, 6, 1, "", "PrecomputedError"], [8, 6, 1, "", "UncertaintyError"], [8, 4, 1, "", "check_precomp_args"], [8, 4, 1, "", "main"], [8, 4, 1, "", "set_inference_params"], [8, 4, 1, "", "validate_args"], [8, 4, 1, "", "validate_aux"], [8, 4, 1, "", "validate_set_precomputed"], [8, 4, 1, "", "validate_uncertainty"]], "optunaz.schemagen": [[8, 4, 1, "", "doctitle"], [8, 4, 1, "", "main"], [8, 4, 1, "", "patch_schema_generic"], [8, 4, 1, "", "patch_schema_optunaz"], [8, 4, 1, "", "type_base_schema"]], "optunaz.three_step_opt_build_merge": [[8, 4, 1, "", "base_chemprop_params"], [8, 4, 1, "", "build_best"], [8, 4, 1, "", "build_merged"], [8, 4, 1, "", "buildconfig_best"], [8, 4, 1, "", "log_scores"], [8, 4, 1, "", "optimize"], [8, 4, 1, "", "run_study"], [8, 4, 1, "", "split_optimize"]], "optunaz.utils": [[11, 0, 0, "-", "enums"], [10, 0, 0, "-", "files_paths"], [10, 4, 1, "", "load_df_from_file"], [10, 0, 0, "-", "load_json"], [10, 4, 1, "", "md5_hash"], [10, 4, 1, "", "mkdict"], [10, 0, 0, "-", "mlflow"], [12, 0, 0, "-", "preprocessing"], [10, 4, 1, "", "remove_failed_idx"], [10, 0, 0, "-", "retraining"], [10, 0, 0, "-", "schema"], [10, 0, 0, "-", "tracking"]], "optunaz.utils.enums": [[11, 1, 1, "", "MlflowLogParams"], [11, 1, 1, "", "StudyUserAttrs"], [11, 1, 1, "", "TrialParams"], [11, 1, 1, "", "TrialUserAttrs"], [11, 0, 0, "-", "building_configuration_enum"], [11, 0, 0, "-", "configuration_enum"], [11, 0, 0, "-", "interface_enum"], [11, 0, 0, "-", "model_runner_enum"], [11, 0, 0, "-", "objective_enum"], [11, 0, 0, "-", "optimization_configuration_enum"], [11, 0, 0, "-", "prediction_configuration_enum"], [11, 0, 0, "-", "return_values_enum"], [11, 0, 0, "-", "visualization_enum"]], "optunaz.utils.enums.MlflowLogParams": [[11, 5, 1, "", "TRIAL_NUMBER"]], "optunaz.utils.enums.StudyUserAttrs": [[11, 5, 1, "", "OPTCONFIG"]], "optunaz.utils.enums.TrialParams": [[11, 5, 1, "", "ALGORITHM_HASH"], [11, 5, 1, "", "ALGORITHM_NAME"], [11, 5, 1, "", "DESCRIPTOR"]], "optunaz.utils.enums.TrialUserAttrs": [[11, 5, 1, "", "TEST_SCORES"], [11, 5, 1, "", "TRAIN_SCORES"]], "optunaz.utils.enums.building_configuration_enum": [[11, 1, 1, "", "BuildingConfigurationEnum"]], "optunaz.utils.enums.building_configuration_enum.BuildingConfigurationEnum": [[11, 5, 1, "", "GENERAL_CLASSIFIER"], [11, 5, 1, "", "GENERAL_HYPERPARAMETERS"], [11, 5, 1, "", "GENERAL_REGRESSOR"], [11, 5, 1, "", "METADATA"], [11, 5, 1, "", "METADATA_BESTTRIAL"], [11, 5, 1, "", "METADATA_BESTVALUE"]], "optunaz.utils.enums.configuration_enum": [[11, 1, 1, "", "ConfigurationEnum"]], "optunaz.utils.enums.configuration_enum.ConfigurationEnum": [[11, 5, 1, "", "ALGORITHMS"], [11, 5, 1, "", "ALGORITHMS_ADABOOSTCLASSIFIER"], [11, 5, 1, "", "ALGORITHMS_ADABOOSTCLASSIFIER_LEARNING_RATE"], [11, 5, 1, "", "ALGORITHMS_ADABOOSTCLASSIFIER_N_ESTIMATORS"], [11, 5, 1, "", "ALGORITHMS_CALIBRATEDCLASSIFIERCV"], [11, 5, 1, "", "ALGORITHMS_CALIBRATEDCLASSIFIERCV_ENSEMBLE"], [11, 5, 1, "", "ALGORITHMS_CALIBRATEDCLASSIFIERCV_ESTIMATOR"], [11, 5, 1, "", "ALGORITHMS_CALIBRATEDCLASSIFIERCV_METHOD"], [11, 5, 1, "", "ALGORITHMS_CALIBRATEDCLASSIFIERCV_N_FOLDS"], [11, 5, 1, "", "ALGORITHMS_CALIBRATEDCLASSIFIERCV_PARAMS"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_ACTIVATION"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_AGGREGATION"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_AGGREGATION_NORM"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_BATCH_SIZE"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_CLASSIFIER"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_DEPTH"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_DROPOUT"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_ENSEMBLE_SIZE"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_EPOCHS"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_FEATURES_GENERATOR"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_FFN_HIDDEN_SIZE"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_FFN_NUM_LAYERS"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_FINAL_LR_RATIO_EXP"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_FRZN"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_HIDDEN_SIZE"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_HYPEROPT_CLASSIFIER"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_HYPEROPT_REGRESSOR"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_INIT_LR_RATIO_EXP"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_MAX_LR_EXP"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_NUM_ITERS"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_PRETRAINED_MODEL"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_REGRESSOR"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_SEARCH_PARAMETER_LEVEL"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_STARTUP_RANDOM_ITERS"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_WARMUP_EPOCHS_RATIO"], [11, 5, 1, "", "ALGORITHMS_HIGH"], [11, 5, 1, "", "ALGORITHMS_INTERFACE_SKLEARN"], [11, 5, 1, "", "ALGORITHMS_INTERFACE_XGBOOST"], [11, 5, 1, "", "ALGORITHMS_KNEIGHBORSCLASSIFIER"], [11, 5, 1, "", "ALGORITHMS_KNEIGHBORSREGRESSOR"], [11, 5, 1, "", "ALGORITHMS_KNEIGHBORS_METRIC"], [11, 5, 1, "", "ALGORITHMS_KNEIGHBORS_N_NEIGHBORS"], [11, 5, 1, "", "ALGORITHMS_KNEIGHBORS_WEIGHTS"], [11, 5, 1, "", "ALGORITHMS_LASSO"], [11, 5, 1, "", "ALGORITHMS_LASSO_ALPHA"], [11, 5, 1, "", "ALGORITHMS_LOGISTICREGRESSION"], [11, 5, 1, "", "ALGORITHMS_LOGISTICREGRESSION_C"], [11, 5, 1, "", "ALGORITHMS_LOGISTICREGRESSION_SOLVER"], [11, 5, 1, "", "ALGORITHMS_LOW"], [11, 5, 1, "", "ALGORITHMS_MAPIE"], [11, 5, 1, "", "ALGORITHMS_MAPIE_ALPHA"], [11, 5, 1, "", "ALGORITHMS_PLSREGRESSION"], [11, 5, 1, "", "ALGORITHMS_PLSREGRESSION_N_COMPONENTS"], [11, 5, 1, "", "ALGORITHMS_PRF"], [11, 5, 1, "", "ALGORITHMS_PRF_MAX_DEPTH"], [11, 5, 1, "", "ALGORITHMS_PRF_MAX_FEATURES"], [11, 5, 1, "", "ALGORITHMS_PRF_MINPYSUMLEAF"], [11, 5, 1, "", "ALGORITHMS_PRF_N_ESTIMATORS"], [11, 5, 1, "", "ALGORITHMS_PRF_USE_PY_GINI"], [11, 5, 1, "", "ALGORITHMS_PRF_USE_PY_LEAFS"], [11, 5, 1, "", "ALGORITHMS_Q"], [11, 5, 1, "", "ALGORITHMS_RFCLASSIFIER"], [11, 5, 1, "", "ALGORITHMS_RFREGRESSOR"], [11, 5, 1, "", "ALGORITHMS_RF_MAX_DEPTH"], [11, 5, 1, "", "ALGORITHMS_RF_MAX_FEATURES"], [11, 5, 1, "", "ALGORITHMS_RF_N_ESTIMATORS"], [11, 5, 1, "", "ALGORITHMS_RIDGE"], [11, 5, 1, "", "ALGORITHMS_RIDGE_ALPHA"], [11, 5, 1, "", "ALGORITHMS_SVC"], [11, 5, 1, "", "ALGORITHMS_SVC_C"], [11, 5, 1, "", "ALGORITHMS_SVC_GAMMA"], [11, 5, 1, "", "ALGORITHMS_SVR"], [11, 5, 1, "", "ALGORITHMS_SVR_C"], [11, 5, 1, "", "ALGORITHMS_SVR_GAMMA"], [11, 5, 1, "", "ALGORITHMS_XGBREGRESSOR"], [11, 5, 1, "", "ALGORITHMS_XGBREGRESSOR_LEARNING_RATE"], [11, 5, 1, "", "ALGORITHMS_XGBREGRESSOR_MAX_DEPTH"], [11, 5, 1, "", "ALGORITHMS_XGBREGRESSOR_N_ESTIMATORS"], [11, 5, 1, "", "DATA"], [11, 5, 1, "", "DATA_INPUTCOLUMN"], [11, 5, 1, "", "DATA_RESPONSECOLUMN"], [11, 5, 1, "", "DATA_TEST"], [11, 5, 1, "", "DATA_TRAINING"], [11, 5, 1, "", "DESCRIPTORS"], [11, 5, 1, "", "DESCRIPTORS_AMORPROT"], [11, 5, 1, "", "DESCRIPTORS_AVALON"], [11, 5, 1, "", "DESCRIPTORS_AVALON_NBITS"], [11, 5, 1, "", "DESCRIPTORS_COMPOSITE"], [11, 5, 1, "", "DESCRIPTORS_ECFP"], [11, 5, 1, "", "DESCRIPTORS_ECFPCOUNTS"], [11, 5, 1, "", "DESCRIPTORS_ECFPCOUNTS_RADIUS"], [11, 5, 1, "", "DESCRIPTORS_ECFPCOUNTS_USEFEATURES"], [11, 5, 1, "", "DESCRIPTORS_ECFP_NBITS"], [11, 5, 1, "", "DESCRIPTORS_ECFP_RADIUS"], [11, 5, 1, "", "DESCRIPTORS_JAZZY"], [11, 5, 1, "", "DESCRIPTORS_JAZZY_JAZZYNAMES"], [11, 5, 1, "", "DESCRIPTORS_MACCSKEYS"], [11, 5, 1, "", "DESCRIPTORS_MAPC"], [11, 5, 1, "", "DESCRIPTORS_MAPC_MAXRADIUS"], [11, 5, 1, "", "DESCRIPTORS_MAPC_NPERMUTATIONS"], [11, 5, 1, "", "DESCRIPTORS_PATHFP"], [11, 5, 1, "", "DESCRIPTORS_PATHFP_FPSIZE"], [11, 5, 1, "", "DESCRIPTORS_PATHFP_MAXPATH"], [11, 5, 1, "", "DESCRIPTORS_PHYSCHEM"], [11, 5, 1, "", "DESCRIPTORS_PHYSCHEM_RDKITNAMES"], [11, 5, 1, "", "DESCRIPTORS_PRECOMPUTED"], [11, 5, 1, "", "DESCRIPTORS_PRECOMPUTED_FILE"], [11, 5, 1, "", "DESCRIPTORS_PRECOMPUTED_INPUT_COLUMNN"], [11, 5, 1, "", "DESCRIPTORS_PRECOMPUTED_RESPONSE_COLUMN"], [11, 5, 1, "", "DESCRIPTORS_SCALED"], [11, 5, 1, "", "DESCRIPTORS_SCALED_DESCRIPTOR"], [11, 5, 1, "", "DESCRIPTORS_SCALED_DESCRIPTOR_PARAMETERS"], [11, 5, 1, "", "DESCRIPTORS_SMILES"], [11, 5, 1, "", "DESCRIPTORS_SMILES_AND_SI"], [11, 5, 1, "", "DESCRIPTORS_SMILES_AND_SI_AUX_WEIGHT_PC"], [11, 5, 1, "", "DESCRIPTORS_SMILES_AND_SI_FILE"], [11, 5, 1, "", "DESCRIPTORS_SMILES_AND_SI_INPUT_COLUMN"], [11, 5, 1, "", "DESCRIPTORS_UNSC_JAZZY"], [11, 5, 1, "", "DESCRIPTORS_UNSC_MAPC"], [11, 5, 1, "", "DESCRIPTORS_UNSC_PHYSCHEM"], [11, 5, 1, "", "DESCRIPTORS_UNSC_ZSCALES"], [11, 5, 1, "", "DESCRIPTORS_ZSCALES"], [11, 5, 1, "", "GENERAL_DISABLED"], [11, 5, 1, "", "GENERAL_PARAMETERS"], [11, 5, 1, "", "SETTINGS"], [11, 5, 1, "", "SETTINGS_CROSS_VALIDATION"], [11, 5, 1, "", "SETTINGS_DIRECTION"], [11, 5, 1, "", "SETTINGS_MODE"], [11, 5, 1, "", "SETTINGS_MODE_CLASSIFICATION"], [11, 5, 1, "", "SETTINGS_MODE_REGRESSION"], [11, 5, 1, "", "SETTINGS_N_JOBS"], [11, 5, 1, "", "SETTINGS_N_TRIALS"], [11, 5, 1, "", "SETTINGS_SHUFFLE"], [11, 5, 1, "", "TASK"], [11, 5, 1, "", "TASK_BUILDING"], [11, 5, 1, "", "TASK_OPTIMIZATION"]], "optunaz.utils.enums.interface_enum": [[11, 1, 1, "", "InterfaceEnum"]], "optunaz.utils.enums.interface_enum.InterfaceEnum": [[11, 5, 1, "", "CALIBRATED_SET"], [11, 5, 1, "", "CHEMPROP_SET"], [11, 5, 1, "", "PRF_SET"], [11, 5, 1, "", "SKLEARN_SET"], [11, 5, 1, "", "XGBOOST_SET"]], "optunaz.utils.enums.model_runner_enum": [[11, 1, 1, "", "ModelRunnerDataframeEnum"]], "optunaz.utils.enums.model_runner_enum.ModelRunnerDataframeEnum": [[11, 5, 1, "", "SET"], [11, 5, 1, "", "SMILES"], [11, 5, 1, "", "TEST"], [11, 5, 1, "", "TRAIN"], [11, 5, 1, "", "Y_PRED"], [11, 5, 1, "", "Y_TRUE"]], "optunaz.utils.enums.objective_enum": [[11, 1, 1, "", "ObjectiveEnum"]], "optunaz.utils.enums.objective_enum.ObjectiveEnum": [[11, 5, 1, "", "ATTRIBUTE_TRIAL_TRAIN_SCORE"], [11, 5, 1, "", "EXTRA_COLUMN_BESTHIT"]], "optunaz.utils.enums.optimization_configuration_enum": [[11, 1, 1, "", "OptimizationConfigurationEnum"]], "optunaz.utils.enums.prediction_configuration_enum": [[11, 1, 1, "", "PredictionConfigurationEnum"]], "optunaz.utils.enums.prediction_configuration_enum.PredictionConfigurationEnum": [[11, 5, 1, "", "DATA_DATASET"]], "optunaz.utils.enums.return_values_enum": [[11, 1, 1, "", "SklearnReturnValueEnum"], [11, 1, 1, "", "XGBoostReturnValueEnum"]], "optunaz.utils.enums.return_values_enum.SklearnReturnValueEnum": [[11, 5, 1, "", "CROSS_VALIDATE_FIT_TIME"], [11, 5, 1, "", "CROSS_VALIDATE_SCORE_TIME"], [11, 5, 1, "", "CROSS_VALIDATE_TEST_SCORE"], [11, 5, 1, "", "CROSS_VALIDATE_TRAIN_SCORE"]], "optunaz.utils.enums.return_values_enum.XGBoostReturnValueEnum": [[11, 5, 1, "", "CROSS_VALIDATE_FIT_TIME"], [11, 5, 1, "", "CROSS_VALIDATE_SCORE_TIME"], [11, 5, 1, "", "CROSS_VALIDATE_TEST_SCORE"], [11, 5, 1, "", "CROSS_VALIDATE_TRAIN_SCORE"]], "optunaz.utils.enums.visualization_enum": [[11, 1, 1, "", "VisualizationEnum"]], "optunaz.utils.enums.visualization_enum.VisualizationEnum": [[11, 5, 1, "", "OPTUNA_SYSTEM_ATTRS_INTERMEDIATE_VALUES"], [11, 5, 1, "", "OPTUNA_SYSTEM_ATTRS_NUMBER"], [11, 5, 1, "", "OPTUNA_SYSTEM_ATTRS_TRIAL_ID"], [11, 5, 1, "", "VISUALIZATION"], [11, 5, 1, "", "VISUALIZATION_CLASSIFIER"], [11, 5, 1, "", "VISUALIZATION_FILE_FORMAT"], [11, 5, 1, "", "VISUALIZATION_OUTPUT_FOLDER"], [11, 5, 1, "", "VISUALIZATION_PLOTS"], [11, 5, 1, "", "VISUALIZATION_PLOTS_CONTOUR"], [11, 5, 1, "", "VISUALIZATION_PLOTS_HISTORY"], [11, 5, 1, "", "VISUALIZATION_PLOTS_PARALLEL_COORDINATE"], [11, 5, 1, "", "VISUALIZATION_PLOTS_SLICE"], [11, 5, 1, "", "VISUALIZATION_REGRESSOR"], [11, 5, 1, "", "VISUALIZATION_USE_XVFB"]], "optunaz.utils.files_paths": [[10, 4, 1, "", "attach_root_path"], [10, 4, 1, "", "move_up_directory"]], "optunaz.utils.load_json": [[10, 4, 1, "", "loadJSON"]], "optunaz.utils.mlflow": [[10, 1, 1, "", "MLflowCallback"], [10, 4, 1, "", "add_ellipsis"], [10, 4, 1, "", "shorten_names"]], "optunaz.utils.mlflow.MLflowCallback": [[10, 5, 1, "", "optconfig"], [10, 3, 1, "", "prepare_tags"], [10, 3, 1, "", "tmp_buildconfig"], [10, 5, 1, "", "tracking_uri"], [10, 5, 1, "", "trial_number_offset"]], "optunaz.utils.preprocessing": [[12, 0, 0, "-", "deduplicator"], [12, 0, 0, "-", "splitter"], [12, 0, 0, "-", "transform"]], "optunaz.utils.preprocessing.deduplicator": [[12, 1, 1, "", "Deduplicator"], [12, 1, 1, "", "KeepAllNoDeduplication"], [12, 1, 1, "", "KeepAvg"], [12, 1, 1, "", "KeepFirst"], [12, 1, 1, "", "KeepLast"], [12, 1, 1, "", "KeepMax"], [12, 1, 1, "", "KeepMedian"], [12, 1, 1, "", "KeepMin"], [12, 1, 1, "", "KeepRandom"]], "optunaz.utils.preprocessing.deduplicator.Deduplicator": [[12, 3, 1, "", "dedup"]], "optunaz.utils.preprocessing.deduplicator.KeepAllNoDeduplication": [[12, 3, 1, "", "dedup"], [12, 5, 1, "", "name"]], "optunaz.utils.preprocessing.deduplicator.KeepAvg": [[12, 3, 1, "", "dedup"], [12, 5, 1, "", "name"]], "optunaz.utils.preprocessing.deduplicator.KeepFirst": [[12, 3, 1, "", "dedup"], [12, 5, 1, "", "name"]], "optunaz.utils.preprocessing.deduplicator.KeepLast": [[12, 3, 1, "", "dedup"], [12, 5, 1, "", "name"]], "optunaz.utils.preprocessing.deduplicator.KeepMax": [[12, 3, 1, "", "dedup"], [12, 5, 1, "", "name"]], "optunaz.utils.preprocessing.deduplicator.KeepMedian": [[12, 3, 1, "", "dedup"], [12, 5, 1, "", "name"]], "optunaz.utils.preprocessing.deduplicator.KeepMin": [[12, 3, 1, "", "dedup"], [12, 5, 1, "", "name"]], "optunaz.utils.preprocessing.deduplicator.KeepRandom": [[12, 3, 1, "", "dedup"], [12, 5, 1, "", "name"], [12, 5, 1, "", "seed"]], "optunaz.utils.preprocessing.splitter": [[12, 1, 1, "", "GroupingSplitter"], [12, 1, 1, "", "HistogramStratifiedShuffleSplit"], [12, 1, 1, "", "KFold"], [12, 1, 1, "", "NoSplitting"], [13, 1, 1, "", "Predefined"], [13, 1, 1, "", "Random"], [13, 1, 1, "", "ScaffoldSplit"], [12, 1, 1, "", "SklearnSplitter"], [12, 1, 1, "", "Splitter"], [13, 1, 1, "", "Stratified"], [13, 1, 1, "", "Temporal"], [12, 4, 1, "", "butina_cluster"], [12, 4, 1, "", "fd_bin"], [12, 4, 1, "", "stratify"]], "optunaz.utils.preprocessing.splitter.GroupingSplitter": [[12, 3, 1, "", "groups"]], "optunaz.utils.preprocessing.splitter.HistogramStratifiedShuffleSplit": [[12, 5, 1, "", "bins"], [12, 3, 1, "", "get_n_splits"], [12, 5, 1, "", "n_splits"], [12, 5, 1, "", "random_state"], [12, 3, 1, "", "split"], [12, 5, 1, "", "test_fraction"]], "optunaz.utils.preprocessing.splitter.KFold": [[12, 3, 1, "", "get_sklearn_splitter"], [12, 5, 1, "", "name"], [12, 5, 1, "", "random_state"], [12, 5, 1, "", "shuffle"], [12, 3, 1, "", "split"]], "optunaz.utils.preprocessing.splitter.NoSplitting": [[12, 3, 1, "", "get_sklearn_splitter"], [12, 5, 1, "", "name"], [12, 3, 1, "", "split"]], "optunaz.utils.preprocessing.splitter.Predefined": [[12, 5, 1, "", "column_name"], [12, 3, 1, "", "get_sklearn_splitter"], [12, 3, 1, "", "groups"], [12, 5, 1, "", "name"], [13, 3, 1, "", "split"]], "optunaz.utils.preprocessing.splitter.Random": [[12, 5, 1, "", "fraction"], [12, 3, 1, "", "get_sklearn_splitter"], [12, 5, 1, "", "name"], [12, 5, 1, "", "seed"]], "optunaz.utils.preprocessing.splitter.ScaffoldSplit": [[12, 5, 1, "", "bins"], [12, 5, 1, "", "butina_cluster"], [12, 3, 1, "", "get_n_splits"], [12, 3, 1, "", "get_sklearn_splitter"], [13, 3, 1, "", "groups"], [12, 5, 1, "", "make_scaffold_generic"], [12, 5, 1, "", "name"], [12, 5, 1, "", "random_state"], [13, 3, 1, "", "split"]], "optunaz.utils.preprocessing.splitter.SklearnSplitter": [[12, 3, 1, "", "get_n_splits"], [12, 3, 1, "", "split"]], "optunaz.utils.preprocessing.splitter.Splitter": [[12, 3, 1, "", "get_sklearn_splitter"], [12, 3, 1, "", "split"]], "optunaz.utils.preprocessing.splitter.Stratified": [[12, 5, 1, "", "bins"], [12, 5, 1, "", "fraction"], [12, 3, 1, "", "get_sklearn_splitter"], [12, 5, 1, "", "name"], [12, 5, 1, "", "seed"]], "optunaz.utils.preprocessing.splitter.Temporal": [[12, 5, 1, "", "fraction"], [12, 3, 1, "", "get_sklearn_splitter"], [12, 5, 1, "", "name"], [13, 3, 1, "", "split"]], "optunaz.utils.preprocessing.transform": [[12, 1, 1, "", "AmorProt"], [12, 1, 1, "", "AuxTransformer"], [12, 1, 1, "", "DataTransform"], [12, 6, 1, "", "DataTransformError"], [12, 1, 1, "", "LogBase"], [12, 1, 1, "", "LogNegative"], [14, 1, 1, "", "ModelDataTransform"], [14, 1, 1, "", "PTRTransform"], [14, 1, 1, "", "VectorFromColumn"], [14, 1, 1, "", "ZScales"]], "optunaz.utils.preprocessing.transform.AmorProt": [[12, 1, 1, "", "Parameters"], [12, 5, 1, "", "name"], [12, 5, 1, "", "parameters"], [12, 3, 1, "", "transform"]], "optunaz.utils.preprocessing.transform.AuxTransformer": [[12, 3, 1, "", "transform"]], "optunaz.utils.preprocessing.transform.DataTransform": [[12, 3, 1, "", "transform"]], "optunaz.utils.preprocessing.transform.LogBase": [[12, 5, 1, "", "LOG"], [12, 5, 1, "", "LOG10"], [12, 5, 1, "", "LOG2"]], "optunaz.utils.preprocessing.transform.LogNegative": [[12, 5, 1, "", "FALSE"], [12, 5, 1, "", "TRUE"]], "optunaz.utils.preprocessing.transform.ModelDataTransform": [[14, 1, 1, "", "Parameters"], [12, 5, 1, "", "base_dict"], [12, 5, 1, "", "base_negation"], [12, 5, 1, "", "name"], [12, 5, 1, "", "parameters"], [12, 5, 1, "", "reverse_dict"], [12, 3, 1, "", "reverse_transform"], [12, 3, 1, "", "reverse_transform_df"], [12, 3, 1, "", "reverse_transform_one"], [12, 3, 1, "", "transform"], [12, 3, 1, "", "transform_df"], [12, 3, 1, "", "transform_one"]], "optunaz.utils.preprocessing.transform.ModelDataTransform.Parameters": [[12, 5, 1, "", "base"], [12, 5, 1, "", "conversion"], [12, 5, 1, "", "negation"]], "optunaz.utils.preprocessing.transform.PTRTransform": [[14, 1, 1, "", "Parameters"], [12, 5, 1, "", "name"], [12, 5, 1, "", "parameters"], [12, 3, 1, "", "reverse_transform"], [12, 3, 1, "", "transform"]], "optunaz.utils.preprocessing.transform.PTRTransform.Parameters": [[12, 5, 1, "", "std"], [12, 5, 1, "", "threshold"]], "optunaz.utils.preprocessing.transform.VectorFromColumn": [[14, 1, 1, "", "Parameters"], [12, 5, 1, "", "name"], [12, 5, 1, "", "parameters"], [12, 3, 1, "", "transform"]], "optunaz.utils.preprocessing.transform.VectorFromColumn.Parameters": [[12, 5, 1, "", "delimiter"]], "optunaz.utils.preprocessing.transform.ZScales": [[14, 1, 1, "", "Parameters"], [12, 5, 1, "", "name"], [12, 5, 1, "", "parameters"], [12, 3, 1, "", "transform"]], "optunaz.utils.retraining": [[10, 6, 1, "", "NoDifferingRetrainingData"], [10, 6, 1, "", "NoNewRetrainingData"], [10, 6, 1, "", "NoPreviousModel"], [10, 6, 1, "", "NoRetrainingDataConvention"], [10, 6, 1, "", "RetrainingHeadersIssue"], [10, 6, 1, "", "RetrainingIsAlreadyProcessed"], [10, 6, 1, "", "RetrainingIsLocked"], [10, 6, 1, "", "SamePreviousModel"], [10, 6, 1, "", "SlurmJobSkip"], [10, 6, 1, "", "SlurmMemoryExceeded"], [10, 6, 1, "", "SlurmNoLog"], [10, 6, 1, "", "SlurmParseError"], [10, 6, 1, "", "SlurmTimeLimitExceeded"], [10, 6, 1, "", "TemporalPredsPredicted"], [10, 6, 1, "", "TimepointSkipped"]], "optunaz.utils.schema": [[10, 4, 1, "", "add_boolean_guards_for_schema_properties"], [10, 4, 1, "", "addsibling"], [10, 4, 1, "", "addtitles"], [10, 4, 1, "", "copytitle"], [10, 4, 1, "", "create_dependency"], [10, 4, 1, "", "delsibling"], [10, 4, 1, "", "getref"], [10, 4, 1, "", "remove_schema_properties"], [10, 4, 1, "", "replaceenum"], [10, 4, 1, "", "replacekey"], [10, 4, 1, "", "replacevalue"]], "optunaz.utils.tracking": [[10, 1, 1, "", "BuildTrackingData"], [10, 1, 1, "", "Datapoint"], [10, 1, 1, "", "InternalTrackingCallback"], [10, 1, 1, "", "TrackingData"], [10, 4, 1, "", "get_authorization_header"], [10, 4, 1, "", "removeprefix"], [10, 4, 1, "", "round_scores"], [10, 4, 1, "", "track_build"]], "optunaz.utils.tracking.BuildTrackingData": [[10, 5, 1, "", "response_column_name"], [10, 5, 1, "", "test_points"], [10, 5, 1, "", "test_scores"]], "optunaz.utils.tracking.Datapoint": [[10, 5, 1, "", "expected"], [10, 5, 1, "", "predicted"], [10, 5, 1, "", "smiles"]], "optunaz.utils.tracking.InternalTrackingCallback": [[10, 5, 1, "", "optconfig"], [10, 5, 1, "", "trial_number_offset"]], "optunaz.utils.tracking.TrackingData": [[10, 5, 1, "", "all_cv_test_scores"], [10, 5, 1, "", "buildconfig"], [10, 5, 1, "", "scoring"], [10, 5, 1, "", "trial_number"], [10, 5, 1, "", "trial_state"], [10, 5, 1, "", "trial_value"]], "optunaz.visualizer": [[8, 1, 1, "", "Visualizer"]], "optunaz.visualizer.Visualizer": [[8, 3, 1, "", "plot_by_configuration"], [8, 3, 1, "", "plot_contour"], [8, 3, 1, "", "plot_history"], [8, 3, 1, "", "plot_parallel_coordinate"], [8, 3, 1, "", "plot_slice"]]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:property", "3": "py:method", "4": "py:function", "5": "py:attribute", "6": "py:exception"}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "property", "Python property"], "3": ["py", "method", "Python method"], "4": ["py", "function", "Python function"], "5": ["py", "attribute", "Python attribute"], "6": ["py", "exception", "Python exception"]}, "titleterms": {"qsartuna": [0, 4, 6, 7], "\ud80c\udd9b": 0, "qsar": 0, "us": 0, "optim": [0, 6], "hyperparamet": 0, "tune": 0, "formerli": 0, "optuna": 0, "az": 0, "qptuna": 0, "background": [0, 6], "The": [0, 6], "three": [0, 6], "step": [0, 6], "process": [0, 6], "json": 0, "base": [0, 7], "command": 0, "line": 0, "interfac": 0, "configur": [0, 6], "file": [0, 6], "run": [0, 6], "from": [0, 6, 7], "python": 0, "jupyt": 0, "notebook": 0, "via": 0, "cli": [0, 6], "submit": 0, "slurm": 0, "model": [0, 6], "option": [0, 6], "inspect": 0, "automl": [0, 6, 8], "automat": 0, "machin": 0, "learn": [0, 6], "ad": 0, "descriptor": [0, 3, 6, 8], "algorithm": [0, 1, 6], "avail": [1, 2, 3, 13, 14], "adaboostclassifi": 1, "lasso": 1, "kneighborsclassifi": 1, "kneighborsregressor": 1, "logisticregress": 1, "plsregress": 1, "randomforestclassifi": 1, "randomforestregressor": 1, "ridg": 1, "svc": 1, "svr": 1, "xgbregressor": 1, "prfclassifi": 1, "chempropregressor": 1, "chempropclassifi": 1, "chemprophyperoptclassifi": 1, "chemprophyperoptregressor": 1, "chempropregressorpretrain": 1, "calibratedclassifiercvwithva": 1, "mapi": [1, 6], "dedupl": [2, 7, 12], "keepfirst": 2, "keeplast": 2, "keeprandom": 2, "keepmin": 2, "keepmax": 2, "keepavg": 2, "keepmedian": 2, "keepkeepallnodedupl": 2, "avalon": 3, "ecfp": 3, "ecfp_count": 3, "pathfp": 3, "maccs_kei": 3, "unscaledphyschemdescriptor": 3, "unscaledjazzydescriptor": 3, "unscaledzscalesdescriptor": 3, "physchemdescriptor": 3, "jazzydescriptor": 3, "precomputeddescriptorfromfil": 3, "zscale": [3, 14], "smilesfromfil": 3, "smilesandsideinfofromfil": 3, "scaleddescriptor": 3, "compositedescriptor": 3, "welcom": 4, "document": 4, "develop": 4, "optunaz": [5, 8, 9, 10, 11, 12], "tutori": 6, "thi": 6, "prepar": 6, "regress": 6, "exampl": 6, "creat": 6, "visual": [6, 8], "progress": 6, "pick": 6, "best": [6, 7], "trial": 6, "build": 6, "merg": 6, "preprocess": [6, 7, 12], "split": [6, 7], "data": [6, 7], "train": 6, "test": 6, "set": 6, "remov": 6, "duplic": [6, 7], "dataset": 6, "choos": 6, "score": 6, "function": 6, "advanc": 6, "functoinail": 6, "probabilist": [6, 7], "random": [6, 7, 13], "forest": 6, "prf": 6, "interlud": [6, 7], "cautionari": 6, "advic": 6, "y": 6, "respons": 6, "column": 6, "valid": 6, "chemprop": 6, "simpl": 6, "separ": 6, "shallow": 6, "method": 6, "default": 6, "behavior": 6, "turn": 6, "hyperopt": 6, "within": [6, 7], "functionail": 6, "veri": 6, "larg": 6, "comput": 6, "cost": 6, "A": 6, "note": 6, "mpnn": 6, "search": 6, "space": 6, "side": 6, "inform": 6, "multi": 6, "task": 6, "mtl": 6, "combin": 6, "onli": 6, "recommend": 6, "long": 6, "time": 6, "pre": 6, "adapt": 6, "transfer": 6, "fingerprint": 6, "encod": 6, "latent": 6, "represent": [6, 7], "probabl": 6, "calibr": 6, "classif": 6, "uncertainti": 6, "estim": 6, "vennab": 6, "ensembl": 6, "dropout": 6, "explain": [6, 8], "shap": 6, "interpret": 6, "log": [6, 7], "transform": [6, 7, 12, 14], "covari": 6, "one": 6, "e": 6, "g": 6, "dose": 6, "point": 6, "co": 6, "variat": 6, "proteochemometr": 6, "pcm": 6, "more": 6, "vectorfromsmil": 6, "z": 6, "scale": 6, "object": [6, 8], "priorit": 6, "perform": [6, 7], "standard": 6, "deviat": 6, "further": 6, "precomput": 6, "autom": 6, "retrain": [6, 10], "overview": 6, "high": 6, "hpc": 6, "setup": 6, "extract": 6, "walkthough": 6, "an": 6, "pipelin": 6, "schedul": 6, "daemon": 6, "up": 6, "date": 6, "introduct": 7, "translat": 7, "sdf": 7, "csv": 7, "need": 7, "deal": 7, "compar": 7, "differ": 7, "strategi": 7, "tempor": [7, 13], "stratifi": [7, 13], "scaffold": 7, "input": 7, "user": 7, "import": 7, "logarithm": 7, "dataread": [7, 8], "threshold": 7, "ptr": [7, 14], "experiment": 7, "error": 7, "definit": 7, "implement": 7, "conclus": 7, "calcul": 7, "evalu": [7, 8], "reproduc": 7, "practic": 7, "packag": [8, 9, 10, 11, 12], "subpackag": [8, 10], "submodul": [8, 9, 10, 11, 12], "modul": [8, 9, 10, 11, 12], "builder": 8, "metirc": 8, "model_writ": 8, "optbuild": 8, "predict": 8, "schemagen": 8, "three_step_opt_build_merg": 8, "content": [8, 9, 10, 11, 12], "config": 9, "build_from_opt": 9, "buildconfig": 9, "optconfig": 9, "util": [10, 11, 12], "files_path": 10, "load_json": 10, "mlflow": 10, "schema": 10, "track": 10, "enum": 11, "building_configuration_enum": 11, "configuration_enum": 11, "interface_enum": 11, "model_runner_enum": 11, "objective_enum": 11, "optimization_configuration_enum": 11, "prediction_configuration_enum": 11, "return_values_enum": 11, "visualization_enum": 11, "splitter": [12, 13], "predefin": 13, "scaffoldsplit": 13, "modeldatatransform": 14, "vectorfromcolumn": 14}, "envversion": {"sphinx.domains.c": 2, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 6, "sphinx.domains.index": 1, "sphinx.domains.javascript": 2, "sphinx.domains.math": 2, "sphinx.domains.python": 3, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "nbsphinx": 4, "sphinx.ext.todo": 2, "sphinx.ext.viewcode": 1, "sphinx": 56}}) \ No newline at end of file +Search.setIndex({"docnames": ["README", "algorithms", "deduplicator", "descriptors", "index", "modules", "notebooks/QSARtuna_Tutorial", "notebooks/preprocess_data", "optunaz", "optunaz.config", "optunaz.utils", "optunaz.utils.enums", "optunaz.utils.preprocessing", "splitters", "transform"], "filenames": ["README.md", "algorithms.rst", "deduplicator.rst", "descriptors.rst", "index.rst", "modules.rst", "notebooks/QSARtuna_Tutorial.ipynb", "notebooks/preprocess_data.ipynb", "optunaz.rst", "optunaz.config.rst", "optunaz.utils.rst", "optunaz.utils.enums.rst", "optunaz.utils.preprocessing.rst", "splitters.rst", "transform.rst"], "titles": ["QSARtuna \ud80c\udd9b: QSAR using Optimization for Hyperparameter Tuning (formerly Optuna AZ and QPTUNA)", "Available algorithms", "Available deduplicators", "Available descriptors", "Welcome to QSARtuna Documentation!", "optunaz", "QSARtuna CLI Tutorial", "Preprocessing data for QSARtuna", "optunaz package", "optunaz.config package", "optunaz.utils package", "optunaz.utils.enums package", "optunaz.utils.preprocessing package", "Available splitters", "Available transform"], "terms": {"build": [0, 4, 7, 8, 9, 10, 11], "predict": [0, 1, 3, 5, 6, 7, 9, 10, 11], "compchem": 0, "develop": [0, 3, 6, 8], "uncertainti": [0, 1, 4, 7, 8, 9, 12, 14], "quantif": 0, "explain": [0, 1, 4, 5, 9], "mind": 0, "thi": [0, 1, 3, 4, 7, 8, 9, 10, 11, 12, 13], "librari": [0, 6, 7], "search": [0, 1, 3, 8, 9], "best": [0, 1, 8, 9], "ml": [0, 4, 6, 9], "molecular": [0, 1, 3, 4, 6, 7, 8, 9], "given": [0, 1, 3, 6, 7, 8, 9, 10], "data": [0, 1, 3, 4, 8, 9, 10, 11, 12, 13, 14], "itself": [0, 6], "done": [0, 6], "emploi": [0, 3, 6, 7, 8], "latest": [0, 8, 9], "state": [0, 6, 12], "art": [0, 6], "estim": [0, 1, 3, 4, 8, 9, 11], "packag": [0, 1, 3, 5, 6, 7], "further": [0, 9], "document": [0, 6, 7], "github": [0, 6, 8, 12], "page": 0, "here": [0, 3, 6, 7, 8, 9, 12, 13], "public": [0, 1, 3, 4, 6, 8, 9], "avail": [0, 4, 6, 8, 10], "structur": [0, 1, 3, 6, 7, 8, 9], "around": [0, 6, 7], "train": [0, 1, 3, 4, 7, 8, 9, 10, 11, 12, 13], "mani": [0, 1, 6, 9], "differ": [0, 1, 3, 6, 8, 9, 10, 12], "paramet": [0, 1, 3, 6, 7, 8, 9, 11, 12, 13, 14], "onli": [0, 1, 3, 7, 8, 9, 12, 13], "dataset": [0, 1, 7, 8, 9, 11, 12], "usual": [0, 1, 6, 7, 9], "cross": [0, 1, 6, 9, 12], "valid": [0, 1, 3, 7, 8, 9, 11, 12], "pick": 0, "evalu": [0, 4, 5, 6], "its": [0, 1, 6, 9, 11], "perform": [0, 3, 4, 8, 11, 12, 14], "test": [0, 1, 4, 7, 8, 9, 11, 12, 13], "prod": [0, 6], "re": [0, 6, 8], "merg": [0, 7, 8, 12], "ha": [0, 1, 6, 7, 8, 9, 12], "drawback": [0, 6], "left": [0, 6, 7], "result": [0, 1, 3, 6, 7, 8, 9], "big": [0, 6], "benefit": [0, 6], "final": [0, 1, 6, 9], "all": [0, 1, 3, 6, 7, 8, 9, 11, 12], "let": [0, 6, 7], "s": [0, 6, 7], "look": [0, 1, 6, 7, 9], "trivial": 0, "exampl": [0, 3, 7, 8, 9], "weight": [0, 1, 3, 6, 8, 9, 11], "set": [0, 3, 4, 7, 8, 9, 10, 11, 12, 13], "50": [0, 1, 3, 6, 8, 9], "molecul": [0, 1, 3, 6, 7, 8, 9, 12], "we": [0, 3, 6, 7, 8, 9, 12, 13], "start": [0, 4, 6, 7, 8], "format": [0, 3, 6, 7, 8, 10], "It": [0, 1, 3, 6, 7, 8, 9], "contain": [0, 3, 6, 8, 10], "four": 0, "main": [0, 3, 6, 7, 8], "section": [0, 6, 7], "locat": [0, 6], "column": [0, 3, 7, 8, 10, 11, 12, 13, 14], "detail": [0, 3, 6, 7, 8, 9, 10], "about": [0, 3, 6, 7, 8], "which": [0, 1, 3, 6, 7, 8, 9, 12], "below": [0, 3, 6, 7, 8], "task": [0, 3, 7, 8, 9, 10, 11], "training_dataset_fil": [0, 6, 7, 8], "drd2": [0, 6], "subset": [0, 1, 6, 7, 9], "csv": [0, 3, 4, 6, 8], "input_column": [0, 3, 6, 7, 8, 11], "canon": [0, 6, 8, 12], "response_column": [0, 3, 6, 7, 8, 11], "molwt": [0, 6], "mode": [0, 6, 8, 9, 11], "regress": [0, 1, 7, 9, 11, 12], "cross_valid": [0, 6, 9, 11, 12], "5": [0, 1, 3, 6, 7, 8, 9, 12], "direct": [0, 1, 6, 9, 11], "maxim": [0, 1, 6, 9], "n_trial": [0, 6, 8, 9, 11], "100": [0, 1, 3, 6, 7, 8, 9, 10], "n_startup_tri": [0, 6, 8, 9], "30": [0, 1, 6, 9], "name": [0, 1, 3, 6, 7, 8, 9, 10, 11, 12, 13, 14], "ecfp": [0, 4, 6, 8, 9, 11], "radiu": [0, 3, 6, 8, 11], "3": [0, 1, 3, 4, 6, 7, 8, 9], "nbit": [0, 3, 6, 8, 9, 11], "2048": [0, 3, 6, 8], "maccs_kei": [0, 4, 6, 8, 11], "randomforestregressor": [0, 4, 6, 9, 11], "max_depth": [0, 1, 9, 11], "low": [0, 1, 3, 6, 7, 8, 9, 11], "2": [0, 1, 3, 6, 7, 8, 9, 12, 13], "high": [0, 1, 3, 4, 8, 9, 11], "32": [0, 1, 6, 9], "n_estim": [0, 1, 6, 9, 11], "10": [0, 1, 3, 6, 7, 8, 9, 12], "250": [0, 1, 6, 9], "max_featur": [0, 1, 9, 11], "auto": [0, 1, 6, 8, 9], "ridg": [0, 4, 6, 9, 11], "alpha": [0, 1, 6, 7, 8, 9, 11], "0": [0, 1, 3, 6, 7, 8, 9, 10, 12, 13], "lasso": [0, 4, 6, 9, 11], "xgbregressor": [0, 4, 6, 9, 11], "learning_r": [0, 1, 9, 11], "1": [0, 1, 3, 4, 6, 7, 8, 9, 10, 12, 13], "specifi": [0, 1, 6, 7, 8, 9, 11], "In": [0, 1, 3, 6, 7, 8, 9], "rel": [0, 6], "path": [0, 1, 3, 6, 7, 8, 9, 10], "folder": [0, 6, 7], "ar": [0, 1, 3, 6, 7, 8, 9, 11, 12, 13], "want": [0, 6, 7], "fold": [0, 1, 6, 7, 9, 12, 13], "valu": [0, 1, 3, 6, 7, 8, 9, 10, 11, 12, 13, 14], "object": [0, 1, 5, 7, 9, 10, 11, 12], "function": [0, 1, 3, 4, 7, 8, 9, 10, 11, 12, 14], "standard": [0, 1, 7, 9, 12, 14], "scikit": [0, 6, 8, 12, 13], "have": [0, 3, 6, 7, 8, 9, 12], "total": [0, 6, 7], "trial": [0, 1, 9, 10, 11], "first": [0, 1, 3, 6, 7, 8, 9, 12], "startup": [0, 6], "should": [0, 1, 3, 6, 7, 8, 9, 10, 12], "random": [0, 1, 4, 9, 12], "explor": [0, 6], "get": [0, 6, 7, 8], "stuck": 0, "earli": [0, 1, 6, 8, 9], "one": [0, 3, 7, 8, 9, 12, 13], "local": [0, 6], "minimum": [0, 1, 3, 8, 9, 12, 13], "two": [0, 1, 6, 7, 9, 12, 13], "free": [0, 3, 8], "pair": [0, 3, 6, 8], "ani": [0, 3, 6, 7, 8, 9, 12], "when": [0, 1, 6, 7, 8, 9, 10, 12, 13], "our": [0, 6, 7], "time": [0, 1, 3, 7, 8, 9, 10], "creat": [0, 7, 8, 10], "conda": [0, 6], "environ": [0, 3, 6, 8], "instal": [0, 6], "modul": [0, 3, 5, 6], "purg": 0, "load": [0, 1, 6, 7, 8, 9], "miniconda3": [0, 6], "my_env_with_qsartuna": [0, 6], "pip": [0, 6], "activ": [0, 1, 6, 7, 8, 9, 11, 12, 14], "just": [0, 6], "case": [0, 1, 6, 7, 8, 9], "check": [0, 6, 8, 11, 12], "output": [0, 1, 6, 7, 8, 9, 12, 14], "m": [0, 6, 8, 10], "http": [0, 3, 6, 7, 8, 9, 12], "com": [0, 6, 7, 8, 12], "molecularai": [0, 6], "releas": [0, 4, 6], "download": [0, 6], "tar": [0, 6], "gz": [0, 6], "Then": [0, 6], "you": [0, 1, 6, 7, 9], "can": [0, 1, 3, 6, 7, 8, 9, 12, 13], "insid": [0, 8], "your": [0, 6, 7], "three_step_opt_build_merg": [0, 5, 6], "import": [0, 6], "buildconfig_best": [0, 6, 8], "build_best": [0, 6, 8], "build_merg": [0, 6, 8], "config": [0, 1, 5, 6, 8], "modelmod": [0, 6, 8, 9], "optimizationdirect": [0, 6, 9], "optconfig": [0, 1, 5, 6, 8, 10, 11], "optimizationconfig": [0, 6, 8, 9], "svr": [0, 4, 6, 9, 11], "dataread": [0, 5, 6], "ecfp_count": [0, 4, 6, 8, 11], "pathfp": [0, 4, 6, 8, 11], "prepar": [0, 4, 7, 8], "new": [0, 1, 3, 6, 7, 8, 9, 10], "studi": [0, 3, 6, 8, 9, 10, 11], "study_nam": [0, 6, 8], "my_studi": [0, 6], "make": [0, 1, 3, 6, 7, 8, 9, 12, 13, 14], "buildconfig": [0, 5, 6, 8, 10], "open": [0, 1, 6, 8, 9], "best_config": 0, "txt": 0, "w": [0, 6, 8], "f": [0, 6, 7, 12], "write": [0, 6, 8], "str": [0, 1, 3, 6, 8, 9, 10, 11, 12, 13, 14], "__dict__": 0, "save": [0, 6], "target": [0, 1, 6, 7, 9, 12, 14], "pkl": [0, 1, 6, 9], "deploi": 0, "directli": [0, 6, 7], "To": [0, 6, 7], "follow": [0, 3, 6, 7, 8, 9, 10], "syntax": 0, "schemagen": [0, 5], "regression_drd2_50": 0, "outpath": 0, "accept": [0, 6, 7], "argument": [0, 6, 8], "shell": 0, "h": [0, 3, 6, 7, 8], "usag": [0, 6], "best_buildconfig_outpath": 0, "best_model_outpath": 0, "merged_model_outpath": 0, "cach": [0, 3, 6, 8, 9], "optbuild": [0, 5], "hyper": [0, 6, 9], "help": [0, 6], "show": [0, 6, 7], "messag": [0, 1, 6, 9, 10], "exit": [0, 6], "where": [0, 1, 6, 7, 9], "persist": 0, "turn": [0, 9, 12, 13], "off": [0, 1, 6, 7, 9, 12, 13], "gener": [0, 1, 3, 6, 7, 8, 9, 12, 13], "requir": [0, 3, 6, 7, 8], "input": [0, 1, 3, 4, 6, 8, 9, 10, 12, 13, 14], "either": [0, 3, 7, 8, 9], "sinc": [0, 3, 6, 7, 8, 12], "long": [0, 7], "avoid": [0, 6, 7, 12], "login": 0, "node": 0, "queue": [0, 6], "instead": [0, 1, 3, 6, 7, 8, 9, 12], "script": [0, 6, 8], "give": [0, 6], "sbatch": [0, 6], "bin": [0, 6, 7, 10, 12, 13], "sh": [0, 6, 10], "ntask": 0, "cpu": [0, 6, 8], "per": [0, 1, 7, 8, 9], "mem": [0, 6, 8], "4g": 0, "partit": [0, 6], "core": [0, 6, 7, 9], "illustr": [0, 6, 7], "how": [0, 1, 3, 6, 7, 8, 9], "chose": 0, "chang": [0, 6], "directori": [0, 6, 8, 10], "cd": 0, "project_fold": 0, "project": [0, 1, 9], "dir": [0, 8], "complet": [0, 3, 6, 8], "pickl": [0, 6], "home": 0, "under": [0, 6], "built": [0, 3, 7, 8, 9], "infer": [0, 3, 6, 7, 8], "smile": [0, 3, 6, 7, 8, 10, 11, 12, 13], "note": [0, 1, 3, 4, 7, 8, 9, 11, 12, 13], "varieti": [0, 6], "model_fil": 0, "input_smiles_csv_fil": 0, "input_smiles_csv_column": [0, 6], "aux": [0, 6, 8, 10], "input_aux_column": 0, "precomput": [0, 3, 7, 8], "input_precomputed_fil": 0, "input_precomputed_input_column": 0, "respons": [0, 3, 7, 8], "input_precomputed_response_column": 0, "output_prediction_csv_column": 0, "output_prediction_csv_fil": 0, "uncertainty_quantil": 0, "optunaaz": 0, "auxiliari": [0, 3, 6, 8, 12, 14], "filenam": [0, 6, 8, 10], "identifi": [0, 3, 6, 7, 8], "must": [0, 1, 6, 9], "provid": [0, 1, 3, 6, 7, 8, 9, 12], "shap": [0, 8], "chemprop": [0, 1, 3, 4, 8, 9], "appli": [0, 1, 3, 6, 7, 8, 9, 12, 13, 14], "threshold": [0, 1, 3, 4, 6, 8, 9, 12, 13, 14], "tri": 0, "dure": [0, 1, 3, 6, 7, 8, 9], "mlflow": [0, 5, 8, 11], "track": [0, 3, 5, 6, 8, 9], "ui": 0, "link": 0, "browser": 0, "If": [0, 1, 3, 6, 8, 9, 12, 13], "scp": 0, "forward": [0, 1, 9], "port": 0, "separ": [0, 3, 7, 8], "ssh": 0, "session": 0, "non": [0, 1, 3, 6, 7, 8, 9], "n": [0, 1, 6, 7, 9, 10], "l": 0, "localhost": 0, "5000": 0, "user": [0, 1, 3, 4, 6, 8, 9, 11, 12, 13, 14], "intranet": 0, "net": 0, "execut": 0, "select": [0, 1, 3, 6, 7, 8, 9], "experi": [0, 7, 10], "after": [0, 1, 3, 6, 7, 8, 9, 10], "choos": [0, 4], "compar": [0, 6], "comparison": [0, 6, 7], "call": [0, 1, 3, 6, 8, 9, 12], "well": [0, 6, 7], "metric": [0, 1, 6, 8, 9, 11], "At": 0, "bottom": 0, "plot": [0, 6, 7, 9, 11], "For": [0, 1, 3, 6, 7, 8, 9, 12], "x": [0, 1, 3, 6, 7, 8, 9, 12, 13], "axi": [0, 6, 7], "_": [0, 6], "number": [0, 1, 3, 6, 7, 8, 9, 10], "y": [0, 1, 7, 8, 9, 10, 12, 13], "cvmean": 0, "r2": [0, 6, 7, 9], "more": [0, 1, 3, 7, 8, 9, 10], "click": 0, "individu": [0, 1, 6, 7, 9], "There": [0, 1, 6, 7, 9], "access": [0, 3, 8], "an": [0, 1, 3, 4, 7, 8, 9, 10, 12, 13], "daemon": [0, 4], "design": [0, 6], "autom": [0, 4, 7], "dispatch": [0, 6, 8], "job": [0, 6, 7, 8, 10], "schedul": [0, 4], "particularli": [0, 6], "scientist": 0, "research": 0, "who": 0, "work": [0, 6, 7], "larg": [0, 1, 7, 9], "need": [0, 4, 8], "distribut": [0, 1, 6, 7, 9], "comput": [0, 1, 3, 4, 7, 8, 9, 12], "resourc": [0, 6, 8], "code": [0, 3, 6, 7, 8, 10], "streamlin": [0, 6], "manag": 0, "submiss": 0, "while": [0, 3, 6, 7, 8, 12], "ensur": [0, 6, 7, 8, 9], "effici": [0, 6], "scalabl": [0, 6], "output_path": [0, 6, 8], "email": [0, 6, 8], "user_nam": [0, 6, 8], "input_data": [0, 6, 8], "input_activity_csv_column": [0, 6], "input_task_csv_column": [0, 6], "initi": [0, 6, 7, 8, 9], "templat": [0, 6], "input_initial_templ": [0, 6], "retrain": [0, 4, 5, 8], "input_retrain_templ": [0, 6], "input_slurm_templ": [0, 6], "quorum": [0, 6, 8], "n_core": [0, 6, 8], "dry": [0, 6], "v": [0, 6], "req": [0, 6], "slurm_req_cor": [0, 6, 8], "slurm_req_mem": [0, 6, 8], "slurm_req_partit": [0, 6, 8], "al": [0, 3, 6, 7, 8], "pool": [0, 6], "slurm_al_pool": [0, 6, 8], "slurm_al_smiles_csv_column": [0, 6], "prefix": [0, 6, 10], "slurm_job_prefix": [0, 6, 8], "failur": [0, 6, 8], "increment": [0, 6], "slurm_failure_cores_incr": [0, 6], "slurm_failure_mem_incr": [0, 6], "min": [0, 1, 6, 7, 9, 12], "slurm_failure_mins_incr": [0, 6], "max": [0, 6, 7, 12], "retri": [0, 6], "slurm_failure_max_retri": [0, 6], "slurm_failure_max_mem": [0, 6], "slurm_failure_max_cpu": [0, 6], "previou": [0, 6, 10], "tempor": [0, 4, 6, 8, 10, 12], "verbos": [0, 6], "notif": [0, 6], "prid": 0, "multipl": [0, 3, 6, 8, 12, 13], "wildcard": [0, 6], "express": [0, 6], "would": [0, 3, 6, 7, 8, 10], "one_taskid": [0, 6], "c": [0, 1, 3, 6, 7, 8, 9, 11], "vvv": [0, 6], "test_auto1": 0, "220": [0, 6], "testaml": [0, 6], "testpartit": [0, 6], "inform": [0, 1, 3, 8, 9, 10], "regard": 0, "add": [0, 6, 7, 8, 10], "optunaz": [0, 1, 3, 6, 7, 13, 14], "py": [0, 1, 6, 7, 9], "like": [0, 1, 3, 6, 7, 8, 9], "so": [0, 6, 7, 9], "dataclass": [0, 10], "class": [0, 1, 3, 6, 7, 8, 9, 10, 11, 12, 13, 14], "yournewdescriptor": 0, "rdkitdescriptor": [0, 8], "descript": [0, 8, 9], "goe": 0, "apischema": [0, 6, 8], "type_nam": 0, "yournewdescriptorparam": 0, "pass": [0, 1, 3, 6, 8, 9, 12], "exampleofaparamet": 0, "annot": [0, 6, 8], "int": [0, 1, 3, 8, 9, 12, 13], "schema": [0, 5, 8, 11], "titl": [0, 1, 3, 6, 7, 8, 9, 10, 12, 13, 14], "field": 0, "default": [0, 1, 7, 8, 9, 12, 13], "liter": [0, 8, 9, 12, 13], "def": [0, 6, 7, 9], "calculate_from_smi": [0, 3, 6, 8], "self": [0, 6, 9], "smi": [0, 3, 8, 10], "insert": [0, 7], "calcul": [0, 3, 6, 8, 12, 13, 14], "fp": [0, 3, 6, 8], "code_to_calculate_fp": 0, "return": [0, 3, 6, 7, 8, 10, 11, 12, 13], "list": [0, 1, 3, 4, 6, 7, 8, 9, 12, 14], "within": [0, 1, 3, 8, 9, 12, 13], "same": [0, 1, 6, 7, 9, 10], "anyunscaleddescriptor": 0, "union": [0, 1, 3, 8, 9], "avalon": [0, 4, 8, 9, 11], "amorprotdescriptor": [0, 4, 8, 11], "precomputeddescriptorfromfil": [0, 4, 6, 8, 11], "unscaledmapc": [0, 4, 8, 11], "unscaledphyschemdescriptor": [0, 4, 6, 8, 11], "unscaledjazzydescriptor": [0, 4, 6, 8, 11], "unscaledzscalesdescriptor": [0, 4, 8, 11], "compositecompatibledescriptor": 0, "scaleddescriptor": [0, 4, 8, 11], "mapc": [0, 4, 8, 11], "physchemdescriptor": [0, 4, 8, 11], "jazzydescriptor": [0, 4, 8, 11], "zscalesdescriptor": [0, 4, 8, 11], "now": [0, 6, 7, 9], "consid": [0, 3, 6, 8, 12, 13], "later": [0, 6], "among": [0, 6], "exist": [0, 3, 6, 8, 10], "youraglrotihm": 0, "youralgorithmparam": 0, "youralgorithmparameterint": 0, "metadata": [0, 6, 8, 9, 10, 11], "youralgorithmparameterfloat": 0, "float": [0, 1, 6, 7, 9, 10, 12, 13, 14], "0001": [0, 1, 9], "001": [0, 6], "parameter_int": 0, "parameter_float": 0, "fixed_int": 0, "priori": 0, "fix": [0, 8, 9], "runtim": [0, 3, 8], "optimis": [0, 3, 6, 7, 8, 9, 10], "youralgorithm": 0, "b": [0, 6, 7], "sens": [0, 3, 8], "refer": [0, 3, 6, 8, 10, 11], "anyregressionalgorithm": 0, "regressor": [0, 1, 6, 8, 9, 11], "plsregress": [0, 4, 6, 9, 11], "kneighborsregressor": [0, 4, 6, 9, 11], "prfclassifi": [0, 4, 6, 9, 11], "chempropregressor": [0, 4, 6, 9, 11], "chempropregressorpretrain": [0, 1, 6, 9], "chemprophyperoptregressor": [0, 4, 6, 9, 11], "anyclassificationalgorithm": 0, "adaboostclassifi": [0, 4, 6, 9, 11], "kneighborsclassifi": [0, 4, 6, 9, 11], "logisticregress": [0, 4, 6, 9, 11], "randomforestclassifi": [0, 4, 6, 9, 11], "svc": [0, 4, 6, 9, 11], "chempropclassifi": [0, 4, 6, 9, 11], "chemprophyperoptclassifi": [0, 4, 6, 9, 11], "depend": [0, 1, 6, 7, 9], "classifi": [0, 1, 6, 8, 9, 11], "youralgorithmparamet": 0, "consist": [0, 6], "youralgorihtm": 0, "examplealgorithm": 0, "expect": [0, 6, 7, 10], "4": [0, 1, 3, 6, 7, 8, 9, 12, 13], "build_from_opt": [0, 5, 8], "elif": 0, "statement": 0, "isinst": 0, "alg": [0, 8, 9], "opt": 0, "suggest_int": 0, "_encode_nam": 0, "encod": [0, 1, 3, 8, 9], "string": [0, 3, 6, 7, 8, 11, 12, 13, 14], "para": 0, "suggest_float": 0, "suggest": [0, 6], "report": [0, 4, 6, 7], "even": [0, 6, 7], "instanti": 0, "8": [0, 6, 7, 9], "sourc": [1, 3, 8, 9, 10, 11, 12, 13, 14], "adaboost": [1, 9], "meta": [1, 6, 8, 9], "begin": [1, 6, 7, 9, 12, 13], "fit": [1, 3, 6, 7, 8, 9, 12], "origin": [1, 3, 6, 7, 8, 9, 12], "addit": [1, 6, 9], "copi": [1, 6, 7, 9, 10], "incorrectli": [1, 9], "instanc": [1, 6, 7, 8, 9], "adjust": [1, 9], "subsequ": [1, 6, 9], "focu": [1, 9], "difficult": [1, 6, 9], "adaboostclassifierparametersnestim": [1, 9], "adaboostclassifierparameterslearningr": [1, 9], "The": [1, 3, 7, 8, 9, 10, 12, 14], "maximum": [1, 3, 6, 7, 8, 9, 12, 13], "boost": [1, 3, 8, 9], "termin": [1, 9], "perfect": [1, 9], "learn": [1, 3, 4, 7, 8, 9, 12, 13], "procedur": [1, 3, 6, 7, 8, 9], "stop": [1, 6, 9], "each": [1, 3, 6, 7, 8, 9, 12], "classifierat": [1, 9], "iter": [1, 6, 9, 12, 13], "A": [1, 3, 7, 8, 9], "higher": [1, 6, 9], "rateincreas": [1, 9], "contribut": [1, 3, 6, 8, 9], "trade": [1, 9], "between": [1, 6, 7, 9, 10], "learning_rateand": [1, 9], "linear": [1, 7, 9], "model": [1, 3, 4, 7, 8, 9, 10, 12, 13, 14], "l1": [1, 9], "prior": [1, 7, 9], "regular": [1, 6, 9], "spars": [1, 9], "coeffici": [1, 9], "tend": [1, 9], "prefer": [1, 9], "solut": [1, 6, 9], "fewer": [1, 9], "zero": [1, 3, 8, 9], "effect": [1, 6, 7, 9, 12], "reduc": [1, 6, 9], "featur": [1, 3, 6, 8, 9], "upon": [1, 6, 9], "lassoparametersalpha": [1, 9], "constant": [1, 9], "multipli": [1, 9], "term": [1, 6, 9], "control": [1, 6, 7, 9, 12], "strength": [1, 3, 8, 9], "neg": [1, 6, 7, 9], "i": [1, 3, 6, 7, 8, 9, 10], "e": [1, 3, 7, 8, 9, 10, 12, 14], "inf": [1, 6, 8, 9], "equival": [1, 9], "ordinari": [1, 9], "least": [1, 6, 9], "squar": [1, 6, 9], "solv": [1, 6, 9], "linearregress": [1, 9], "numer": [1, 6, 7, 9], "reason": [1, 6, 7, 8, 9], "us": [1, 3, 4, 6, 7, 8, 9, 10, 11, 12, 13, 14], "advis": [1, 6, 7, 9], "implement": [1, 3, 6, 8, 9, 12], "k": [1, 6, 7, 9, 12, 13], "nearest": [1, 6, 9], "neighbor": [1, 6, 9, 12, 13], "vote": [1, 9], "principl": [1, 9], "behind": [1, 6, 9], "method": [1, 3, 7, 8, 9, 11, 12], "find": [1, 3, 6, 8, 9], "predefin": [1, 4, 9, 12, 14], "sampl": [1, 6, 9, 12, 13], "closest": [1, 9], "distanc": [1, 3, 6, 8, 9], "point": [1, 7, 9, 12, 13], "label": [1, 6, 7, 8, 9, 12, 13], "from": [1, 3, 4, 8, 9, 10, 12, 13, 14], "defin": [1, 3, 6, 7, 8, 9, 10, 12], "despit": [1, 6, 9], "simplic": [1, 9], "success": [1, 6, 9], "classif": [1, 4, 7, 8, 9, 11, 12], "problem": [1, 6, 7, 8, 9], "n_neighbor": [1, 9, 11], "kneighborsclassifierparametersn_neighbor": [1, 9], "kneighbor": [1, 9], "queri": [1, 6, 7, 8, 9], "minkowski": [1, 6, 9], "euclidean": [1, 9], "kneighborsregressorparametersn_neighbor": [1, 9], "logist": [1, 9], "rather": [1, 3, 6, 7, 8, 9], "than": [1, 3, 6, 7, 8, 9], "also": [1, 3, 6, 7, 8, 9, 12], "known": [1, 3, 6, 7, 8, 9], "literatur": [1, 9], "logit": [1, 9], "entropi": [1, 7, 9], "maxent": [1, 9], "log": [1, 4, 9, 10, 11, 12, 14], "probabl": [1, 4, 7, 9], "describ": [1, 3, 6, 8, 9, 12], "possibl": [1, 6, 7, 8, 9, 10, 12, 13], "outcom": [1, 9], "singl": [1, 6, 9], "solver": [1, 9, 11], "logisticregressionparametersparameterc": [1, 9], "try": [1, 6, 7, 9], "sag": [1, 9], "saga": [1, 9], "fast": [1, 6, 9], "converg": [1, 6, 9], "guarante": [1, 9], "approxim": [1, 6, 9], "scale": [1, 3, 7, 8, 9, 12, 14], "preprocess": [1, 4, 8, 9, 10, 13, 14], "scaler": [1, 3, 8, 9], "invers": [1, 9], "posit": [1, 3, 6, 8, 9], "support": [1, 6, 8, 9], "vector": [1, 3, 6, 8, 9, 12, 14], "machin": [1, 3, 4, 6, 7, 8, 9], "smaller": [1, 6, 9], "stronger": [1, 9], "pl": [1, 9], "decomposit": [1, 9], "partial": [1, 6, 9], "form": [1, 3, 6, 7, 8, 9, 12], "compon": [1, 3, 6, 8, 9], "fundament": [1, 9], "relat": [1, 3, 6, 7, 8, 9], "matric": [1, 9], "thei": [1, 3, 6, 7, 8, 9], "latent": [1, 9], "variabl": [1, 6, 7, 8, 9], "approach": [1, 3, 6, 7, 8, 9], "covari": [1, 4, 8, 9], "space": [1, 7, 9, 12, 13], "multidimension": [1, 9], "varianc": [1, 6, 7, 9], "other": [1, 6, 7, 9, 12], "word": [1, 6, 9], "both": [1, 6, 7, 9], "lower": [1, 6, 9], "dimension": [1, 9], "subspac": [1, 6, 8, 9], "transform": [1, 4, 8, 9, 10], "n_compon": [1, 9, 11], "ncompon": [1, 9], "keep": [1, 6, 7, 9, 12], "n_sampl": [1, 9], "n_featur": [1, 9], "n_target": [1, 9], "forest": [1, 4, 7, 9], "decis": [1, 6, 7, 9, 12, 14], "tree": [1, 6, 9], "variou": [1, 6, 8, 9], "sub": [1, 6, 9], "averag": [1, 3, 6, 7, 8, 9, 12], "improv": [1, 3, 6, 8, 9], "accuraci": [1, 6, 9], "over": [1, 6, 9], "randomforestclassifierparametersmaxdepth": [1, 9], "randomforestclassifierparametersnestim": [1, 6, 9], "depth": [1, 6, 9, 11], "considerwhen": [1, 9], "split": [1, 4, 8, 9, 12, 13, 14], "thenconsid": [1, 9], "sqrt": [1, 6, 7, 9], "log2": [1, 7, 9, 12, 14], "randomforestregressorparametersmaxdepth": [1, 9], "randomforestregressorparametersnestim": [1, 9], "l2": [1, 9], "loss": [1, 3, 6, 8, 9], "norm": [1, 7, 9], "tikhonov": [1, 9], "base": [1, 3, 4, 6, 8, 9, 10, 11, 12, 13, 14], "libsvm": [1, 9], "quadrat": [1, 9], "mai": [1, 3, 6, 7, 8, 9], "impract": [1, 9], "beyond": [1, 9], "ten": [1, 9], "thousand": [1, 9], "svcparametersparameterc": [1, 9], "1e": [1, 9], "gamma": [1, 9, 11], "proport": [1, 6, 9], "strictli": [1, 9], "penalti": [1, 9], "kernel": [1, 9], "epsilon": [1, 9], "complex": [1, 6, 9], "hard": [1, 3, 8, 9], "coupl": [1, 9], "10000": [1, 9], "svrparametersparameterc": [1, 9], "svrparametersgamma": [1, 9], "maxdepth": [1, 9], "nestim": [1, 9], "learningr": [1, 9], "xgboost": [1, 9, 11], "gradient": [1, 9], "stand": [1, 9], "extrem": [1, 6, 9], "paper": [1, 3, 6, 8, 9], "greedi": [1, 9], "friedman": [1, 9], "learner": [1, 9], "round": [1, 6, 7, 9], "prf": [1, 4, 7, 9], "probabilist": [1, 4, 9], "seen": [1, 6, 7, 9], "hybrid": [1, 6, 9], "similar": [1, 3, 6, 7, 8, 9, 12, 13], "take": [1, 3, 6, 7, 8, 9, 12], "real": [1, 6, 7, 9, 12, 13], "represent": [1, 3, 4, 8, 9], "ptr": [1, 4, 6, 9, 12], "howev": [1, 3, 6, 7, 8, 9], "belong": [1, 3, 6, 7, 8, 9], "inact": [1, 6, 7, 9, 12, 14], "use_py_gini": [1, 9, 11], "use_py_leaf": [1, 9, 11], "prfclassifierparametersmaxdepth": [1, 9], "prfclassifierparametersnestim": [1, 9], "min_py_sum_leaf": [1, 9, 11], "prfclassifierparametersminpysumleaf": [1, 9], "gini": [1, 9], "true": [1, 3, 6, 7, 8, 9, 12, 13], "leav": [1, 9], "leaf": [1, 9], "allow": [1, 3, 6, 7, 8, 9], "prune": [1, 6, 9], "propag": [1, 9], "small": [1, 3, 7, 8, 9], "thu": [1, 6, 9], "pth": [1, 9], "scheme": [1, 9], "noisi": [1, 9], "deep": [1, 6, 9], "properti": [1, 3, 6, 7, 8, 9, 10], "network": [1, 3, 6, 8, 9], "neural": [1, 6, 8, 9], "d": [1, 3, 6, 8, 9, 10], "mpnn": [1, 9], "graph": [1, 3, 6, 8, 9], "feed": [1, 9], "ffnn": [1, 9], "multi": [1, 3, 8, 9], "layer": [1, 3, 6, 8, 9], "perceptron": [1, 9], "wa": [1, 3, 6, 8, 9, 10], "present": [1, 6, 7, 9, 10], "analyz": [1, 6, 9], "optuna": [1, 4, 6, 8, 9, 10, 11], "optims": [1, 9], "hyperopt": [1, 9], "ensemble_s": [1, 6, 9, 11], "epoch": [1, 6, 9, 11], "aggreg": [1, 6, 7, 9, 11, 12, 13], "aggregation_norm": [1, 6, 9, 11], "chempropparametersaggregation_norm": [1, 9], "200": [1, 6, 8, 9], "q": [1, 3, 6, 8, 9, 11], "batch_siz": [1, 6, 9, 11], "chempropparametersbatch_s": [1, 9], "chempropparametersdepth": [1, 9], "6": [1, 6, 7, 9], "dropout": [1, 9, 11], "chempropparametersdropout": [1, 9], "04": [1, 6, 9], "features_gener": [1, 6, 9, 11], "ffn_hidden_s": [1, 6, 9, 11], "chempropparametersffn_hidden_s": [1, 9], "300": [1, 6, 9], "2400": [1, 9], "ffn_num_lay": [1, 6, 9, 11], "chempropparametersffn_num_lay": [1, 9], "final_lr_ratio_exp": [1, 6, 9, 11], "chempropparametersfinal_lr_ratio_exp": [1, 9], "hidden_s": [1, 6, 9, 11], "chempropparametershidden_s": [1, 9], "init_lr_ratio_exp": [1, 6, 9, 11], "chempropparametersinit_lr_ratio_exp": [1, 9], "max_lr_exp": [1, 6, 9, 11], "chempropparametersmax_lr_exp": [1, 9], "warmup_epochs_ratio": [1, 6, 9, 11], "chempropparameterswarmup_epochs_ratio": [1, 9], "ensembl": [1, 9, 11], "initialis": [1, 6, 8, 9], "size": [1, 3, 6, 7, 8, 9], "run": [1, 3, 4, 7, 8, 9, 10], "increas": [1, 3, 6, 7, 8, 9, 12, 13], "400": [1, 6, 9], "sum": [1, 6, 9], "atom": [1, 3, 6, 8, 9, 12, 13], "divid": [1, 6, 9], "up": [1, 3, 4, 8, 9, 10], "batch": [1, 9, 12], "step": [1, 7, 8, 9], "visibl": [1, 9], "randomli": [1, 6, 7, 9], "some": [1, 3, 6, 7, 8, 9], "element": [1, 9, 12, 13], "tensor": [1, 9], "p": [1, 3, 8, 9], "bernoulli": [1, 9], "channel": [1, 9], "out": [1, 6, 7, 9], "independ": [1, 7, 9], "everi": [1, 6, 9], "proven": [1, 9], "techniqu": [1, 7, 9], "prevent": [1, 6, 9], "co": [1, 7, 9], "adapt": [1, 3, 8, 9], "neuron": [1, 9], "hidden": [1, 6, 9], "ffn": [1, 6, 9], "exponenti": [1, 7, 9], "rate": [1, 9], "bond": [1, 3, 8, 9], "ratio": [1, 9], "linearli": [1, 9], "init_lr": [1, 9], "max_lr": [1, 9], "afterward": [1, 7, 9], "decreas": [1, 7, 9], "final_lr": [1, 9], "without": [1, 3, 6, 8, 9, 12], "hyperparamet": [1, 4, 6, 8, 9], "side": [1, 3, 8, 9], "nb": [1, 3, 6, 7, 8, 9], "quick": [1, 4, 9], "simpl": [1, 7, 9], "sensibl": [1, 6, 7, 8, 9], "author": [1, 6, 8, 9], "do": [1, 6, 7, 8, 9, 12], "num_it": [1, 6, 9, 11], "search_parameter_level": [1, 6, 9, 11], "dictat": [1, 6, 9], "larger": [1, 3, 6, 7, 8, 9], "pretrin": [1, 9], "pretrain": [1, 6, 8, 9], "carri": [1, 9], "suppli": [1, 3, 6, 7, 8, 9], "previous": [1, 9], "qsartuna": [1, 8, 9], "chempropparametersepoch": [1, 6, 9], "frzn": [1, 9, 11], "pretrained_model": [1, 6, 8, 9, 11], "none": [1, 3, 6, 8, 9, 10, 12, 13, 14], "fine": [1, 9], "tune": [1, 3, 4, 6, 8, 9], "decid": [1, 9], "freez": [1, 9], "transfer": [1, 9], "frozen": [1, 9], "calibr": [1, 4, 8, 9], "isoton": [1, 6, 9], "vennab": [1, 9], "cv": [1, 6, 9], "With": [1, 3, 8, 9], "across": [1, 6, 7, 9, 12], "fals": [1, 3, 6, 7, 8, 9, 12], "obtain": [1, 6, 7, 9], "unbias": [1, 9], "offer": [1, 3, 6, 8, 9], "p0": [1, 6, 9], "vs": [1, 6, 7, 8, 9], "p1": [1, 6, 9], "discord": [1, 6, 9], "type": [1, 3, 6, 7, 8, 9, 12], "calibratedclassifiercvensembl": [1, 9], "calibratedclassifiercvmethod": [1, 9], "n_fold": [1, 6, 9, 11], "whether": [1, 3, 7, 8, 9, 12, 14], "agnost": [1, 6, 9], "interv": [1, 6, 9], "encompass": [1, 9], "aleator": [1, 9], "epistem": [1, 9], "back": [1, 6, 9], "strong": [1, 9], "theoret": [1, 6, 9], "thank": [1, 9], "conform": [1, 9], "mapie_alpha": [1, 6, 9, 11], "05": [1, 6, 7, 9], "01": [1, 6, 9], "99": [1, 6, 9], "see": [3, 6, 7, 8, 9, 12, 13], "gedeck": [3, 8], "et": [3, 7, 8], "qsar": [3, 4, 6, 7, 8], "good": [3, 6, 7, 8], "practic": [3, 8], "fingerprint": [3, 8, 9], "wai": [3, 6, 7, 8], "daylight": [3, 8], "enumer": [3, 6, 8, 9], "custom": [3, 6, 8], "ref": [3, 8, 10], "16": [3, 6, 7, 8], "hash": [3, 6, 8, 9, 10], "style": [3, 6, 7, 8], "implicitli": [3, 8], "largest": [3, 6, 8], "toward": [3, 6, 7, 8], "binari": [3, 6, 8, 9], "extend": [3, 6, 7, 8], "connect": [3, 6, 8], "roger": [3, 8], "circular": [3, 8], "morgan": [3, 8, 9], "algorithm": [3, 4, 7, 8, 9, 10, 11, 12, 13], "invari": [3, 8], "getmorganfingerprintasbitvect": [3, 8], "rdkit": [3, 6, 7, 8, 9], "systemat": [3, 8], "record": [3, 6, 7, 8], "neighborhood": [3, 8, 9], "substructur": [3, 6, 8], "map": [3, 6, 7, 8], "integ": [3, 7, 8, 12, 13], "length": [3, 6, 8], "diamet": [3, 8], "append": [3, 6, 7, 8, 9], "g": [3, 7, 8, 12, 14], "ecfp4": [3, 8], "correspond": [3, 6, 7, 8, 9], "returnrdkit": [3, 6, 8], "bit": [3, 6, 8], "sometim": [3, 6, 7, 8], "bool": [3, 8, 9, 12, 13], "calculate_from_mol": [3, 8], "mol": [3, 6, 7, 8], "numpi": [3, 6, 7, 8, 12, 13], "arrai": [3, 6, 8, 12, 13], "count": [3, 6, 8, 9], "gethashedmorganfingerprint": [3, 8], "appear": [3, 6, 8, 11], "usefeatur": [3, 6, 8, 11], "fcfp": [3, 8], "normal": [3, 6, 7, 8, 9], "ones": [3, 6, 8], "definit": [3, 8, 12], "gobbi": [3, 8], "popping": [3, 8], "biotechnolog": [3, 8], "bioengin": [3, 8], "61": [3, 6, 8], "47": [3, 6, 8], "54": [3, 6, 8], "1998": [3, 6, 8], "lead": [3, 7, 8], "score": [3, 4, 8, 9, 10, 12, 14], "maxpath": [3, 6, 8, 11], "fpsize": [3, 6, 8, 11], "macc": [3, 6, 8], "system": [3, 6, 7, 8], "often": [3, 6, 8], "mdl": [3, 8], "kei": [3, 6, 7, 8, 10, 11], "compani": [3, 8], "keyset": [3, 8], "construct": [3, 8, 11], "optim": [3, 4, 7, 8, 9, 10, 11], "durant": [3, 8], "reoptim": [3, 8], "drug": [3, 8], "discoveri": [3, 8], "166": [3, 6, 8], "2d": [3, 8, 9], "essenti": [3, 7, 8], "answer": [3, 8], "fragment": [3, 8], "question": [3, 8], "explicitli": [3, 6, 7, 8], "matter": [3, 8], "becaus": [3, 6, 7, 8], "address": [3, 8], "specif": [3, 6, 7, 8, 11], "repres": [3, 6, 7, 8], "9": [3, 6, 7, 8], "1049": [3, 8], "distinct": [3, 6, 7, 8, 9], "rdkit_nam": [3, 6, 8, 11], "unscal": [3, 8], "These": [3, 6, 7, 8, 12], "physchem": [3, 6, 8], "caution": [3, 7, 8], "208": [3, 6, 8], "includ": [3, 6, 7, 8], "clogp": [3, 6, 8], "mw": [3, 6, 8], "ring": [3, 7, 8], "rotat": [3, 8], "fraction": [3, 6, 7, 8, 12, 13], "sp3": [3, 8], "kier": [3, 8], "indic": [3, 6, 7, 8, 12, 13], "etc": [3, 6, 7, 8], "tpsa": [3, 6, 8], "slogp": [3, 8], "group": [3, 7, 8, 12, 13], "vsa": [3, 8], "moe": [3, 8], "charg": [3, 8], "www": [3, 8], "org": [3, 6, 8], "doc": [3, 6, 8], "gettingstartedinpython": [3, 8], "html": [3, 6, 7, 8, 9], "whose": [3, 8], "been": [3, 6, 7, 8], "level": [3, 6, 7, 8, 9], "One": [3, 7, 8], "advantag": [3, 8], "interpret": [3, 8], "mean": [3, 6, 7, 8, 9, 12], "physicochem": [3, 8], "intuit": [3, 8], "understood": [3, 8], "option": [3, 4, 7, 8, 9, 11, 12, 13, 14], "jazzy_nam": [3, 6, 8, 11], "jazzy_filt": [3, 6, 8], "jazzi": [3, 8], "hydrat": [3, 8], "energi": [3, 8], "hydrogen": [3, 8], "acceptor": [3, 6, 8], "donor": [3, 6, 8], "found": [3, 6, 8, 10], "doi": [3, 6, 8], "1038": [3, 8], "s41598": [3, 8], "023": [3, 8], "30089": [3, 8], "mmff94": [3, 8], "minimis": [3, 8], "1000da": [3, 8], "compound": [3, 6, 7, 8, 12, 13], "dict": [3, 8, 9, 10, 11], "ndarrai": [3, 8], "z": [3, 8, 12, 14], "peptid": [3, 6, 8, 12, 14], "unfittedsklearnscal": [3, 8], "mol_data": [3, 8], "moldata": [3, 8], "file_path": [3, 8], "smiles_column": [3, 8], "fittedsklearnscal": [3, 8], "alia": [3, 8, 9], "file": [3, 7, 8, 10, 11, 12, 13], "header": [3, 8, 10], "line": [3, 4, 6, 7, 8, 10], "row": [3, 6, 7, 8], "comma": [3, 6, 7, 8], "pre": [3, 7, 8], "inference_paramet": [3, 6, 8], "were": [3, 6, 7, 8], "propos": [3, 8], "sandberg": [3, 8], "proteogen": [3, 8], "amino": [3, 6, 8], "acid": [3, 6, 8], "nmr": [3, 8], "thin": [3, 8], "chromatographi": [3, 8], "tlc": [3, 8], "1021": [3, 6, 8], "jm9700575": [3, 8], "captur": [3, 6, 7, 8], "lipophil": [3, 8], "steric": [3, 8], "bulk": [3, 8], "polariz": [3, 8], "electron": [3, 8], "polar": [3, 8], "electroneg": [3, 8], "heat": [3, 8], "electrophil": [3, 8], "anoth": [3, 6, 8], "through": [3, 6, 8], "_and_": [3, 8], "continu": [3, 6, 8], "learnt": [3, 6, 8], "manner": [3, 6, 8], "intent": [3, 6, 8], "much": [3, 8], "remain": [3, 8, 12], "deriv": [3, 6, 7, 8], "cautiou": [3, 8], "upload": [3, 8], "_all_": [3, 8], "ruder": [3, 8], "io": [3, 6, 8, 9], "index": [3, 6, 7, 8], "auxiliarytask": [3, 8], "aux_weight_pc": [3, 6, 8, 9, 11], "20": [3, 6, 7, 8], "info": [3, 6, 8], "percentag": [3, 8], "wrap": [3, 6, 8], "certain": [3, 6, 7, 8], "rang": [3, 6, 7, 8, 12, 13], "scaleddescriptorparamet": [3, 8], "composit": [3, 6, 8], "concaten": [3, 8], "button": [3, 8], "pleas": [3, 6, 8, 10], "compat": [3, 6, 8], "intend": [3, 6, 8], "minhash": [3, 8], "chiral": [3, 8], "orsi": [3, 8], "them": [3, 6, 7, 8, 9], "version": [3, 7, 8, 9], "map4": [3, 8], "combin": [3, 7, 8], "unifi": [3, 8], "framework": [3, 7, 8], "percept": [3, 8], "benchmark": [3, 8], "retain": [3, 6, 8], "shape": [3, 6, 7, 8], "expand": [3, 6, 8], "stereochemistri": [3, 6, 7, 8], "cip": [3, 8], "highest": [3, 8], "impact": [3, 6, 8], "disproportion": [3, 8], "affect": [3, 8, 12], "maxradiu": [3, 8, 11], "npermut": [3, 8, 11], "permut": [3, 8], "intro": 4, "background": 4, "json": [4, 6, 8, 9, 11], "command": [4, 6], "interfac": [4, 6, 8, 11, 12], "python": [4, 6, 8, 12], "jupyt": [4, 6], "notebook": [4, 6], "via": [4, 6, 7, 12], "cli": 4, "inspect": [4, 6], "automl": [4, 5], "automat": [4, 6, 7], "ad": [4, 6, 7, 12, 13], "descriptor": [4, 5, 7, 9, 11], "introduct": 4, "translat": [4, 6], "sdf": [4, 6, 8], "deal": [4, 12], "duplic": [4, 8, 9, 12], "dedupl": [4, 6, 8, 10], "experiment": [4, 6, 12, 14], "error": [4, 6], "tutori": 4, "remov": [4, 7, 8, 9, 12, 13], "advanc": [4, 7, 8], "functoinail": 4, "overview": 4, "hpc": 4, "setup": [4, 9], "extract": 4, "walkthough": 4, "pipelin": 4, "date": [4, 8, 10], "chemprophyperoptregressorpretrain": 4, "calibratedclassifiercvwithva": [4, 6, 9, 11], "mapi": [4, 9, 11], "zscale": [4, 6, 8, 12], "smilesfromfil": [4, 6, 8, 11], "smilesandsideinfofromfil": [4, 6, 8, 11], "compositedescriptor": [4, 6, 8, 11], "stratifi": [4, 6, 12], "scaffoldsplit": [4, 7, 12], "modeldatatransform": [4, 6, 7, 8, 12], "vectorfromcolumn": [4, 6, 8, 12], "amorprot": [4, 8, 12], "keepfirst": [4, 7, 12], "keeplast": [4, 7, 12], "keeprandom": [4, 7, 12], "keepmin": [4, 7, 12], "keepmax": [4, 7, 12], "keepavg": [4, 7, 12], "keepmedian": [4, 6, 7, 12], "keepkeepallnodedupl": 4, "coverag": 4, "subpackag": 5, "submodul": 5, "content": 5, "util": [5, 6, 7, 8, 13, 14], "files_path": [5, 8], "load_json": [5, 8], "builder": 5, "metirc": 5, "model_writ": 5, "visual": [5, 9, 11], "necessari": 6, "gui": 6, "reinvent": 6, "most": [6, 7], "influenc": [6, 7, 9], "idea": [6, 7], "read": [6, 7, 8], "otherwis": [6, 12], "might": [6, 7, 12], "skip": [6, 7, 8, 10], "toi": 6, "chosen": 6, "whole": [6, 7], "less": [6, 7], "minut": [6, 8], "holdout": [6, 7], "readi": [6, 8], "next": [6, 7], "few": [6, 7], "head": [6, 7], "molwt_gt_330": 6, "cc1cc": 6, "nc": [6, 7], "o": [6, 7], "c2cccc": 6, "coc3ccc": 6, "br": [6, 7], "cc3": [6, 7], "c2": [6, 7], "no1": 6, "387": 6, "233": 6, "nc1ccc": 6, "cc1f": 6, "nc1sccc1": 6, "c1nc2ccccc2s1": 6, "4360000000001": 6, "coc": 6, "c1ccccc1nc": 6, "c1cc": 6, "nn1cc1ccccc1": 6, "380": 6, "36000000000007": 6, "ccoc": 6, "sc1nc": 6, "c2ccccc2": 6, "ccc1c": 6, "312": 6, "39400000000006": 6, "ccc": [6, 7], "cc": [6, 7], "c1nn": [6, 7], "cc2ccccc2": 6, "c2ccccc12": 6, "349": 6, "4340000000001": 6, "brc1ccccc1occcoc1cccc2cccnc12": 6, "358": 6, "235": 6, "ccccn1c": 6, "coc2cccc": 6, "oc": 6, "nc2ccccc21": 6, "310": 6, "39700000000005": 6, "ccoc1cccc": 6, "c2sc3nc": 6, "c4ccc": 6, "cc4": 6, "ccc3c2n": 6, "c1": [6, 7], "407": 6, "4700000000001": 6, "coc1ccc": 6, "nc2ccc": 6, "cc2": 6, "c2ccc": 6, "cc1oc": 6, "454": 6, "54800000000023": 6, "sy": [6, 7], "sklearn": [6, 11], "kljk345": 6, "pypoetri": 6, "virtualenv": 6, "9zyw8gtc": 6, "py3": 6, "lib": 6, "python3": 6, "site": 6, "tqdm": 6, "21": [6, 7], "tqdmwarn": 6, "iprogress": 6, "updat": [6, 7], "ipywidget": 6, "readthedoc": [6, 9], "en": [6, 9], "stabl": [6, 8], "user_instal": 6, "autonotebook": 6, "notebook_tqdm": 6, "typic": [6, 7], "test_dataset_fil": [6, 8], "random_se": [6, 9], "42": [6, 7, 12, 13], "seed": [6, 7, 8, 12, 13], "reproduc": [6, 12, 14], "basic": [6, 8, 9], "importlib": 6, "reload": 6, "basicconfig": 6, "getlogg": 6, "disabl": [6, 11], "np": [6, 7], "seterr": 6, "ignor": 6, "warn": 6, "filterwarn": 6, "categori": 6, "futurewarn": 6, "runtimewarn": 6, "functool": 6, "partialmethod": 6, "__init__": [6, 9], "flood": 6, "decpreci": 6, "simplefilt": 6, "arg": [6, 8, 9], "kwarg": [6, 9], "7": [6, 7, 9], "stderr": 6, "render": [6, 7], "red": 6, "2024": 6, "08": 6, "28": [6, 7], "17": [6, 7], "646": 6, "memori": [6, 7, 8, 10], "648": 6, "study_name_0": 6, "713": 6, "finish": 6, "3594": 6, "2228073972638": 6, "39": [6, 7], "algorithm_nam": [6, 11], "randomforestregressor_algorithm_hash": 6, "f1ac01e1bba332215ccbd0c29c9ac3c3": 6, "max_depth__f1ac01e1bba332215ccbd0c29c9ac3c3": 6, "n_estimators__f1ac01e1bba332215ccbd0c29c9ac3c3": 6, "max_features__f1ac01e1bba332215ccbd0c29c9ac3c3": 6, "lt": [6, 7], "randomforestmaxfeatur": [6, 9], "gt": [6, 7], "34": [6, 7], "730": 6, "5029": 6, "734616310275": 6, "svr_algorithm_hash": 6, "ea7ccc7ef4a9329af0d4e39eb6184933": 6, "gamma__ea7ccc7ef4a9329af0d4e39eb6184933": 6, "039054412752107935": 6, "c__ea7ccc7ef4a9329af0d4e39eb6184933": 6, "1242780840717016e": 6, "07": 6, "794": 6, "4242": 6, "092751193529": 6, "810": 6, "3393": 6, "577488426015": 6, "ridge_algorithm_hash": 6, "cfa1990d5153c8812982f034d788d7e": 6, "alpha__cfa1990d5153c8812982f034d788d7e": 6, "06877704223043679": 6, "827": 6, "427": 6, "45250420148204": 6, "lasso_algorithm_hash": 6, "5457f609662e44f04dcc9423066d2f58": 6, "alpha__5457f609662e44f04dcc9423066d2f58": 6, "7896547008552977": 6, "861": 6, "3387": 6, "245629616474": 6, "plsregression_algorithm_hash": 6, "9f2f76e479633c0bf18cf2912fed9eda": 6, "n_components__9f2f76e479633c0bf18cf2912fed9eda": 6, "892": 6, "734620250011": 6, "3661540064603184": 6, "1799882524170321": 6, "945": 6, "9650": 6, "026568221794": 6, "kneighborsregressor_algorithm_hash": 6, "1709d2c39117ae29f6c9debe7241287b": 6, "metric__1709d2c39117ae29f6c9debe7241287b": 6, "kneighborsmetr": [6, 9], "n_neighbors__1709d2c39117ae29f6c9debe7241287b": 6, "weights__1709d2c39117ae29f6c9debe7241287b": 6, "kneighborsweight": [6, 9], "uniform": [6, 9], "962": 6, "5437": 6, "151635569594": 6, "05083825348819038": 6, "29": 6, "030": 6, "2669": 6, "853455192818": 6, "048": 6, "4341": 6, "586120152291": 6, "7921825998469865": 6, "112": 6, "11": [6, 7], "5514": 6, "404088878841": 6, "173": 6, "12": [6, 7], "5431": 6, "634989239215": 6, "201": 6, "13": [6, 7], "3530": 6, "5496618991288": 6, "219": 6, "14": [6, 7], "3497": 6, "6833185436312": 6, "238": 6, "15": [6, 7], "4382": 6, "16208862162": 6, "267": 6, "734620031822": 6, "002825619931800395": 6, "309885135051862e": 6, "09": 6, "284": 6, "679": 6, "3109044887755": 6, "16827992999009767": 6, "339": 6, "18": [6, 7], "2550": 6, "114129318373": 6, "19": [6, 7], "4847": 6, "085792360169": 6, "735431606118867": 6, "374": 6, "268760278916": 6, "0014840820994557746": 6, "04671166881768783": 6, "440": 6, "4783": 6, "047015479678": 6, "459": 6, "22": [6, 7], "3905": 6, "0064899852296": 6, "515": 6, "23": [6, 7], "4030": 6, "4577379164707": 6, "559": 6, "24": [6, 7], "4681": 6, "602145939593": 6, "588": 6, "25": [6, 7], "4398": 6, "544034028325": 6, "6452011213193165": 6, "655": 6, "26": [6, 7], "4454": 6, "143979828407": 6, "660": 6, "27": [6, 7], "664": 6, "721": 6, "4397": 6, "330360587512": 6, "726": 6, "783": 6, "31": 6, "2602": 6, "7561184287083": 6, "799": 6, "5267": 6, "388279961089": 6, "2015560027548533": 6, "866": 6, "33": 6, "4863": 6, "5817607510535": 6, "885": 6, "388": 6, "96473594016675": 6, "5528259214839937": 6, "924": 6, "35": 6, "5539": 6, "698232987626": 6, "6400992020612235": 6, "954": 6, "36": 6, "5180": 6, "5533034102455": 6, "8968910439566395": 6, "973": 6, "37": 6, "4989": 6, "929984864281": 6, "04458440839692226": 6, "492108041427977": 6, "979": 6, "38": [6, 7], "021": [6, 7], "6528": 6, "215066535042": 6, "16700143339733753": 6, "086": 6, "40": [6, 7], "4168": 6, "795596755263": 6, "128": 6, "41": 6, "6177": 6, "060727800014": 6, "193": 6, "3963": 6, "9069546583414": 6, "212": 6, "43": 6, "6805334166565": 6, "013186009009851564": 6, "001008958590140135": 6, "270": 6, "44": 6, "9300": 6, "86840721566": 6, "291": 6, "45": [6, 7], "83": 6, "87968210939489": 6, "382674443425525e": 6, "297": 6, "46": 6, "303": 6, "48": 6, "377": 6, "49": 6, "3660": 6, "9359502556013": 6, "401": 6, "688": 6, "5244070398325": 6, "5267860995545326": 6, "436": 6, "51": 6, "690": 6, "6494438072099": 6, "8458809314722497": 6, "52": 6, "691": 6, "1197058420935": 6, "9167866889210807": 6, "482": 6, "53": 6, "3111710449325": 6, "945685900574672": 6, "507": 6, "9665592812149": 6, "8936837761725833": 6, "530": 6, "55": 6, "4682747008223": 6, "5183865279530455": 6, "553": 6, "56": 6, "687": 6, "5230947231512": 6, "3771771681361766": 6, "577": 6, "57": 6, "4503442069594": 6, "3663259819415374": 6, "602": 6, "58": 6, "686": 6, "9553733616618": 6, "2925652230875628": 6, "637": 6, "59": 6, "370": 6, "2038330506566": 6, "3962903248948568": 6, "661": 6, "60": 6, "25988028857313": 6, "45237513161879": 6, "379": 6, "8933285317637": 6, "4741161933311207": 6, "710": 6, "62": 6, "50897467366013": 6, "4290962207409417": 6, "734": 6, "63": [6, 7], "376": 6, "5588572940058": 6, "4464295711264585": 6, "760": 6, "64": 6, "237448916406": 6, "4687500034684213": 6, "785": 6, "65": 6, "375": 6, "7474776359051": 6, "4395650011783436": 6, "809": 6, "66": 6, "362": 6, "2834906299732": 6, "3326755354190032": 6, "835": 6, "67": 6, "357": 6, "3474880122588": 6, "2887212943233457": 6, "68": 6, "354": 6, "279045046449": 6, "2577677164664005": 6, "899": 6, "69": 6, "347": 6, "36894395697703": 6, "1672928587680225": 6, "937": 6, "70": 6, "345": 6, "17697390093394": 6, "1242367255308854": 6, "961": 6, "71": 6, "74610809299037": 6, "1728352983905301": 6, "999": 6, "72": 6, "23464281634324": 6, "1265380781508565": 6, "037": 6, "73": 6, "344": 6, "6848312222365": 6, "0829896313820404": 6, "073": 6, "74": [6, 7], "9111966504334": 6, "1070414661080543": 6, "110": 6, "75": 6, "70116419828565": 6, "0875643695329498": 6, "137": 6, "76": 6, "62647974688133": 6, "0716281620790837": 6, "175": 6, "77": 6, "6759429204596": 6, "0456289319914898": 6, "215": 6, "78": 6, "343": 6, "58131497761616": 6, "0010195360522613": 6, "252": 6, "79": 6, "342": 6, "7290581014813": 6, "9073210715005748": 6, "288": 6, "80": [6, 7], "67866114080107": 6, "9166305667100072": 6, "328": 6, "81": 6, "6440308445311": 6, "9248722692093634": 6, "355": 6, "82": 6, "02085648448934": 6, "8776928646870886": 6, "1662266300702": 6, "867592364677856": 6, "420": 6, "84": 6, "30158716569775": 6, "8599491178327108": 6, "461": 6, "85": [6, 8], "2803074848341": 6, "8396948389352923": 6, "514": 6, "86": 6, "28301101884045": 6, "8396651775801683": 6, "555": 6, "87": 6, "6781906268143": 6, "8356021935129933": 6, "596": 6, "88": 6, "0405418264898": 6, "7430046191126949": 6, "635": 6, "89": 6, "77203208258476": 6, "9015965341429055": 6, "676": 6, "90": 6, "363": 6, "1622720320929": 6, "6746575663752555": 6, "704": 6, "91": 6, "7403796626193": 6, "9057564666836629": 6, "743": 6, "92": 6, "63579667712696": 6, "9332275205203372": 6, "782": 6, "93": [6, 7], "6886425884964": 6, "9433063264508291": 6, "821": 6, "94": 6, "9341048659705": 6, "884739221967487": 6, "851": 6, "95": [6, 7], "63507445779743": 6, "9381000493689634": 6, "96": 6, "06021011302374": 6, "963138023068903": 6, "933": 6, "97": 6, "9990546212019": 6, "9601651093867907": 6, "963": 6, "98": 6, "3821": 6, "2267845437514": 6, "003": 6, "356": 6, "6786067133016": 6, "721603508336166": 6, "seaborn": [6, 7], "sn": [6, 7], "set_them": 6, "darkgrid": 6, "default_reg_scor": 6, "ax": [6, 7], "scatterplot": 6, "trials_datafram": 6, "xlabel": [6, 7], "ylabel": [6, 7], "ojbect": 6, "interest": [6, 7], "neg_mean_squared_error": [6, 9], "highlight": 6, "color": [6, 7], "cv_test": 6, "user_attrs_test_scor": 6, "lambda": [6, 12], "item": [6, 10], "idx": [6, 7], "hue": 6, "palett": 6, "set1": 6, "buildconfig_as_dict": 6, "serial": 6, "print": [6, 7], "dump": 6, "indent": 6, "response_typ": [6, 7, 8], "deduplication_strategi": [6, 7, 8], "split_strategi": [6, 7, 8], "nosplit": [6, 12], "save_intermediate_fil": [6, 8], "log_transform": [6, 7, 8], "log_transform_bas": [6, 7, 8], "null": 6, "log_transform_neg": [6, 7, 8], "log_transform_unit_convers": [6, 7, 8], "probabilistic_threshold_represent": [6, 7, 8], "probabilistic_threshold_representation_threshold": [6, 7, 8], "probabilistic_threshold_representation_std": [6, 7, 8], "shuffl": [6, 9, 11, 12, 13], "best_trial": [6, 9, 11], "best_valu": [6, 9, 11], "tracking_rest_endpoint": [6, 9], "best_build": 6, "rb": 6, "predict_from_smil": [6, 8], "cc1": [6, 7], "43103985": 6, "177": 6, "99850936": 6, "panda": [6, 7], "pd": [6, 7], "df": [6, 12, 13], "read_csv": 6, "matplotlib": [6, 7], "pyplot": [6, 7], "plt": [6, 7], "scatter": 6, "lim": 6, "diagon": 6, "r2_score": 6, "mean_squared_error": 6, "mean_absolute_error": 6, "y_true": [6, 8, 11], "y_pred": [6, 8, 11], "rmse": 6, "mae": 6, "absolut": 6, "8566354978126369": 6, "204909888075044": 6, "298453946973815": 6, "again": 6, "hopefulli": [6, 7], "littl": 6, "better": [6, 7, 8, 12], "send": 6, "strategi": [6, 8], "current": [6, 8, 10], "observ": [6, 7], "last": [6, 7, 12], "alreadi": [6, 7, 8, 10], "sort": [6, 7, 12, 13], "oldest": [6, 7, 12, 13], "newest": [6, 7, 8, 12, 13], "end": [6, 7, 12, 13], "extern": 6, "tool": 6, "excel": 6, "unballanc": 6, "come": [6, 7], "measur": [6, 7], "fact": 6, "disregard": 6, "sever": 6, "median": [6, 7, 12], "factor": [6, 7], "replic": [6, 7], "robust": [6, 7], "outlier": [6, 7], "acorss": 6, "trust": 6, "kept": 6, "splitter": [6, 7, 8, 10], "track_to_mlflow": [6, 9], "my_study_stratified_split": 6, "262": 6, "joblib": [6, 8], "joblibcollisionwarn": 6, "collis": 6, "pycharmproject": 6, "public_qsartuna": 6, "180": 6, "_cached_cal": 6, "shelv": 6, "408": [6, 7], "3999": 6, "9364276424735": 6, "11270803112210707": 6, "81076443656638": 6, "485": 6, "1856": 6, "4459752935309": 6, "526": 6, "3215970512413": 6, "4503197998963022": 6, "556": 6, "3949": 6, "412900098594": 6, "0005181574946923789": 6, "025601513670726564": 6, "585": 6, "4941115157144": 6, "04539011914094239": 6, "0004375261377371938": 6, "758": 6, "2116": 6, "9335959003747": 6, "779": 6, "2720": 6, "793752592223": 6, "2124": 6, "9660426577593": 6, "816": 6, "1775": 6, "55204856041": 6, "819": 6, "836": 6, "1286": 6, "0769369193436": 6, "8784876169901574": 6, "839": 6, "856": 6, "1276": 6, "7802172741008": 6, "9512603410202876": 6, "873": 6, "2795207825823": 6, "9555128319114616": 6, "926": 6, "8121584310656": 6, "08008391330553266": 6, "942": 6, "277": 6, "22285881334636": 6, "950404670920864": 6, "960": 6, "340295864211": 6, "03834458564679112": 6, "0012347340743566007": 6, "025": 6, "3286": 6, "3458857183705": 6, "041": 6, "1671": 6, "978884132793": 6, "1617522685589332": 6, "linear_model": 6, "_coordinate_desc": 6, "678": 6, "convergencewarn": 6, "did": 6, "regularis": 6, "dualiti": 6, "gap": 6, "466e": 6, "toler": 6, "820e": 6, "cd_fast": 6, "enet_coordinate_desc": 6, "115": 6, "2291": 6, "4431541048393": 6, "11135166203819158": 6, "133": 6, "2726": 6, "0476769808097": 6, "150": 6, "2756": 6, "046839500092": 6, "218": 6, "3551": 6, "4754762175066": 6, "1703": 6, "5472682894215": 6, "9386828094838913": 6, "253": 6, "1595": 6, "6713281001928": 6, "1334174010640954": 6, "317": 6, "3057": 6, "0737441471406": 6, "335": 6, "268": 6, "358207737329": 6, "8045138424869749": 6, "340": 6, "406": 6, "3163": 6, "129883232068": 6, "745e": 6, "824e": 6, "473": 6, "372": 6, "00091009328474": 6, "03221878838522718": 6, "492": 6, "1306": 6, "5184610043127": 6, "7499005468308115": 6, "510": 6, "1262": 6, "6469892776183": 6, "0985974843950514": 6, "575": 6, "3059": 6, "470983832716": 6, "592": 6, "274": 6, "7005065089059": 6, "9093347536574419": 6, "3054": 6, "7066202193814": 6, "665": 6, "1325": 6, "4979657271272": 6, "5409105715354152": 6, "670": 6, "1814": 6, "6019641143478": 6, "754": 6, "3331": 6, "867542200907": 6, "2240": 6, "669934747297": 6, "828": 6, "281": 6, "8972970077489": 6, "6774731649874095": 6, "846": 6, "2695": 6, "2514836330784": 6, "2641": 6, "7637473751115": 6, "907": 6, "1879": 6, "2457309916924": 6, "8772717895282218": 6, "927": 6, "8197755321637": 6, "5177471708941157": 6, "957": 6, "499774083188": 6, "3690814560784887": 6, "012140477955952245": 6, "978": 6, "280": 6, "17463144475477": 6, "7022855415761313": 6, "998": 6, "69499953504345": 6, "7868425071077856": 6, "055": 6, "2174": 6, "0174962828364": 6, "2478696042156301": 6, "075": 6, "2733": 6, "5772576431627": 6, "099": 6, "275": 6, "9100107045787": 6, "9291713852865917": 6, "122": 6, "273": 6, "0829803041618": 6, "8837007827687249": 6, "144": 6, "279": 6, "49436461257073": 6, "9898473627215156": 6, "169": 6, "278": 6, "8855537592183": 6, "9765992415502778": 6, "30111488501615": 6, "9842537157445685": 6, "266": 6, "9084083294047": 6, "7700364511238211": 6, "265": 6, "08546968046016": 6, "7174555152957753": 6, "261": 6, "263": 6, "87394849447105": 6, "6657778446979243": 6, "285": 6, "57037115440716": 6, "6549600121936776": 6, "318": 6, "73632857486865": 6, "6012341182929566": 6, "8912182200218": 6, "610338208270851": 6, "369": 6, "8551585556689": 6, "608205745163954": 6, "395": 6, "2138932313906": 6, "5903994630391254": 6, "419": 6, "2415991435093": 6, "5908543043200158": 6, "445": 6, "258": 6, "9523786752699": 6, "5278661577890018": 6, "53897978343346": 6, "3779758893668723": 6, "508": [6, 8], "4997740833423": 6, "47213290450173": 6, "1905703564298876e": 6, "545": 6, "06884768780446": 6, "3682097961495725": 6, "583": 6, "248": 6, "39234737037964": 6, "336648765853807": 6, "619": 6, "49357359736462": 6, "3384792184834002": 6, "654": 6, "98988892704782": 6, "3472988458237292": 6, "247": 6, "4318590800788": 6, "3203044400907151": 6, "729": 6, "245": 6, "60939991827328": 6, "2896152552004716": 6, "766": 6, "57908944967576": 6, "3400204345244455": 6, "803": 6, "3328308520906": 6, "3355893292668126": 6, "242": 6, "89284193590962": 6, "2399635656610752": 6, "877": 6, "239": 6, "38938750703497": 6, "19357886055335": 6, "913": 6, "4997740789586": 6, "00020513916607513548": 6, "4326248941768776e": 6, "947": 6, "72495253431336": 6, "2374010908702786": 6, "981": 6, "237": 6, "16509356166648": 6, "1589849176145737": 6, "019": 6, "236": 6, "07682320089074": 6, "140733480213489": 6, "056": 6, "38922657607546": 6, "1460326309523254": 6, "096": 6, "234": 6, "48603723419197": 6, "1106769242312984": 6, "135": 6, "2330323343841": 6, "105401956026003": 6, "97865576673902": 6, "1000318093457389": 6, "211": 6, "232": 6, "01471657314468": 6, "0553438336940761": 6, "227": 6, "82080194631138": 6, "9715618816799196": 6, "292": 6, "224": 6, "49039871573063": 6, "9049680809556248": 6, "332": 6, "223": 6, "75568720888796": 6, "8917112780641941": 6, "52818001153125": 6, "8874420080681129": 6, "411": 6, "76711515271572": 6, "3506098555413268e": 6, "449": 6, "222": 6, "98946208159907": 6, "8769574977693346": 6, "490": 6, "9478946070053": 6, "8952523217347376": 6, "529": 6, "01732338929523": 6, "8965185664534796": 6, "567": 6, "221": 6, "7486972968999": 6, "8509681340315446": 6, "606": 6, "19689822636008": 6, "8810095036429842": 6, "642": 6, "26432510046484": 6, "8621657970877505": 6, "680": 6, "55052102161756": 6, "8680843345290663": 6, "719": 6, "216": 6, "56366099802298": 6, "7442205305129062": 6, "0644622341688": 6, "7150915543843963": 6, "By": [6, 7], "roc_auc": [6, 9], "model_evalu": 6, "amongst": 6, "regression_scor": 6, "classification_scor": 6, "explained_vari": [6, 9], "max_error": [6, 9], "neg_mean_absolute_error": [6, 9], "neg_median_absolute_error": [6, 9], "average_precis": [6, 9], "balanced_accuraci": [6, 9], "f1": [6, 9], "f1_macro": [6, 9], "f1_micro": [6, 9], "f1_weight": [6, 9], "jaccard": [6, 9], "jaccard_macro": [6, 9], "jaccard_micro": [6, 9], "jaccard_weight": [6, 9], "neg_brier_scor": [6, 9], "precis": [6, 7, 9], "precision_macro": [6, 9], "precision_micro": [6, 9], "precision_weight": [6, 9], "recal": [6, 9], "recall_macro": [6, 9], "recall_micro": [6, 9], "recall_weight": [6, 9], "auc_pr_cal": [6, 8, 9], "bedroc": [6, 8, 9], "concordance_index": [6, 8, 9], "my_study_r2": 6, "795": 6, "796": 6, "01117186866515977": 6, "08689402230378156": 6, "093": 6, "12553701248394863": 6, "141096648805748": 6, "4893466963980463e": 6, "196": 6, "3039309544203818": 6, "20182749628697164": 6, "8187194367176578": 6, "4647239019719945": 6, "6574750183038587": 6, "8614818478547979": 6, "3974313630683448": 6, "12769795082909807": 6, "390": [6, 7], "8639946428338224": 6, "2391884918766034": 6, "418": 6, "12553701248377633": 6, "00044396482429275296": 6, "3831436879125245e": 6, "446": 6, "12553700871203702": 6, "00028965395242758657": 6, "99928292425642e": 6, "464": 6, "2935582042429075": 6, "480": 6, "18476333152695587": 6, "495": 6, "8190707459213998": 6, "4060379177903557": 6, "12206148974315863": 6, "589": 6, "3105263811279067": 6, "344271094811757": 6, "3562469062424869": 6, "670604991178476": 6, "045959695906983344": 6, "701": 6, "8583939656024446": 6, "5158832554303112": 6, "3062574078515544": 6, "750": 6, "11657354998283716": 6, "0009327650919528738": 6, "062479210472502": 6, "771": 6, "8498478905829554": 6, "1366172066709432": 6, "848": 6, "880": 6, "13519830637607919": 6, "92901911959232": 6, "999026012594694": 6, "898": 6, "8198078293055633": 6, "5888977841391714": 6, "916": 6, "8201573964824842": 6, "19435298754153707": 6, "012": 6, "6285506249643193": 6, "35441495011256785": 6, "066": 6, "11934070343348317": 6, "4374125584543907": 6, "2457809516380005": 6, "117": 6, "3625576518621392": 6, "6459129458824919": 6, "136": 6, "36175556871883746": 6, "8179058888285398": 6, "140": 6, "159": 6, "8202473217121523": 6, "0920052840435055": 6, "178": 6, "3672927879319306": 6, "8677032984759461": 6, "183": 6, "202": 6, "40076792599874356": 6, "2865764368847064": 6, "26560316846701765": 6, "337": 6, "41215254857081174": 6, "410": 6, "00461414372160085": 6, "430": 6, "27282533524183633": 6, "511": 6, "10220127407364965": 6, "531": 6, "30323404130582854": 6, "560": 6, "3044553805553568": 6, "6437201185807124": 6, "579": 6, "41502276709562": 6, "10978379088847677": 6, "599": 6, "36160209098547913": 6, "022707289534838138": 6, "2916101445983833": 6, "434e": 6, "02": 6, "977e": 6, "936e": 6, "782e": 6, "700": 6, "8609413020928532": 6, "04987590926279814": 6, "830e": 6, "906e": 6, "794e": 6, "578e": 6, "775": 6, "8610289662757457": 6, "019211413400468974": 6, "507e": 6, "754e": 6, "843e": 6, "858": 6, "8610070549049179": 6, "018492644772509947": 6, "513e": 6, "840e": 6, "924e": 6, "939": 6, "8569771623635769": 6, "008783442408928633": 6, "014e": 6, "243e": 6, "009": 6, "8624781673814641": 6, "05782221001517797": 6, "122e": 6, "935e": 6, "113e": 6, "089": 6, "8618589507037001": 6, "02487072255316275": 6, "148": 6, "864754359721037": 6, "2079910754941946": 6, "197": 6, "8622236413326235": 6, "333215560931422": 6, "243": 6, "861832165638517": 6, "3628098560209365": 6, "289": 6, "8620108533993581": 6, "34240779695521706": 6, "338": 6, "8638540565650902": 6, "26493714991266293": 6, "8629799500771645": 6, "30596394512914815": 6, "8621408609583922": 6, "33648829357762355": 6, "465": 6, "8638132124078156": 6, "2679814646317183": 6, "512": 6, "863983758876634": 6, "24062119162159595": 6, "562": 6, "8627356047945115": 6, "3141728910335158": 6, "612": 6, "8639203054085788": 6, "23391390640786494": 6, "8570103863991635": 6, "6124885145996103": 6, "8647961976727571": 6, "2059976546070975": 6, "774": 6, "8648312544921793": 6, "20266060662750784": 6, "8648431452862716": 6, "20027647978240445": 6, "903": 6, "8648491459660418": 6, "1968919999787333": 6, "977": 6, "8650873115156988": 6, "174598921162764": 6, "050": 6, "8650350577921149": 6, "16468002989641095": 6, "8649412283687147": 6, "1606717091615047": 6, "986e": 6, "198": 6, "8649537211609554": 6, "14694925097689848": 6, "272": 6, "8649734575435447": 6, "147612713300643": 6, "446e": 6, "8648761002838515": 6, "14440434705706803": 6, "398e": 6, "8639826593122782": 6, "1265357179513065": 6, "690e": 6, "864435565531768": 6, "1374245525868926": 6, "8590221951825531": 6, "49890830155012533": 6, "628": 6, "8649098880804443": 6, "1573428812070292": 6, "405e": 6, "705": 6, "864536410656637": 6, "13886104722511608": 6, "744": 6, "8597401050431873": 6, "47746341180045787": 6, "8537465461603838": 6, "050e": 6, "867": 6, "8642643827090003": 6, "13446778921611002": 6, "175e": 6, "955": 6, "8641621818665252": 6, "1286796719653316": 6, "042": 6, "864182755916388": 6, "13303218726548235": 6, "084": 6, "1255357440899417": 6, "021711452917433944": 6, "559714273835951e": 6, "126": 6, "8604596648091501": 6, "43644874418279245": 6, "463e": 6, "8635689909135862": 6, "10940922083495383": 6, "276": 6, "8648544336551733": 6, "1912756875742137": 6, "8648496595672595": 6, "19628449928540487": 6, "365": 6, "8452625121122099": 6, "4324661283995224": 6, "393": 6, "8378670635846416": 6, "839206620815206": 6, "082e": 6, "002e": 6, "469": 6, "8649365368153895": 6, "07270781179126021": 6, "558": 6, "8875676754699953": 6, "0006995169897945908": 6, "586e": 6, "618e": 6, "234e": 6, "645": 6, "8730555131061773": 6, "0018186269840273495": 6, "12553508835019533": 6, "04867556317570456": 6, "0011658455138452": 6, "284e": 6, "016e": 6, "177e": 6, "762": 6, "8586292788613132": 6, "005078762921098462": 6, "anyalgorithm": 6, "__args__": 6, "consider": [6, 7], "modif": [6, 10, 12], "establish": 6, "rf": 6, "account": [6, 7, 8], "though": 6, "treat": [6, 7], "pdf": [6, 9], "denot": [6, 12, 13], "determinist": [6, 7], "quantiti": 6, "tradit": [6, 7], "discret": 6, "discretis": [6, 12, 14], "bioactiv": [6, 7], "integr": 6, "afford": [6, 7], "liklihood": 6, "membership": [6, 7], "iopscienc": 6, "iop": 6, "articl": [6, 7], "3847": 6, "1538": 6, "3881": 6, "aaf101": 6, "pxc50": [6, 7], "p24863": 6, "enabl": [6, 7], "alwai": [6, 7, 8], "860": 6, "08048357913360568": 6, "prfclassifier_algorithm_hash": 6, "efe0ba9870529a6cde0dd3ad22447cbb": 6, "max_depth__efe0ba9870529a6cde0dd3ad22447cbb": 6, "n_estimators__efe0ba9870529a6cde0dd3ad22447cbb": 6, "max_features__efe0ba9870529a6cde0dd3ad22447cbb": 6, "prfclassifiermaxfeatur": [6, 9], "min_py_sum_leaf__efe0ba9870529a6cde0dd3ad22447cbb": 6, "use_py_gini__efe0ba9870529a6cde0dd3ad22447cbb": 6, "use_py_leafs__efe0ba9870529a6cde0dd3ad22447cbb": 6, "499": 6, "07632537970908462": 6, "829": 6, "08984764740598594": 6, "06847327885133497": 6, "07559783310619407": 6, "883": 6, "05514462099560352": 6, "650": 6, "061375603485350996": 6, "921": 6, "07939472167407403": 6, "0684392715056296": 6, "489": 6, "07494614575719116": 6, "920": 6, "07133468298392816": 6, "647": 6, "061875032318225075": 6, "07572085582137136": 6, "271": 6, "054237426197199234": 6, "best_built": 6, "demonstr": [6, 7], "purpos": [6, 7], "transduct": 6, "example_smil": 6, "get_set": [6, 7, 8], "outsid": [6, 7, 8], "likelihood": 6, "problemat": 6, "except": [6, 8, 10, 12], "valueerror": 6, "As": [6, 7], "raw": [6, 7, 8, 12], "207": 6, "251": 6, "fail": [6, 8], "traceback": 6, "recent": 6, "_optim": 6, "_run_trial": 6, "value_or_valu": 6, "func": 6, "__call__": 6, "_validate_algo": 6, "rais": [6, 8, 10, 12], "summaris": 6, "handl": 6, "convent": [6, 7, 10], "classic": 6, "relev": 6, "cutoff": [6, 7, 12], "ouput": 6, "reflect": [6, 7], "abov": [6, 7], "arguabl": 6, "mpo": 6, "pub": 6, "ac": 6, "full": [6, 9], "jcim": 6, "9b00237": 6, "slide": 6, "googl": 6, "14pbd9ltxzfpsjhyxykflxnk8q80lhvnjimg8a3wqcrm": 6, "edit": 6, "calcault": 6, "smilesbaseddescriptor": 6, "architectur": [6, 7], "quickli": 6, "299": 6, "301": 6, "root": [6, 9, 10], "enqueu": [6, 8], "manual": 6, "activation__668a7428ff5cdb271b01c0925e8fea45": 6, "relu": [6, 9], "aggregation__668a7428ff5cdb271b01c0925e8fea45": 6, "aggregation_norm__668a7428ff5cdb271b01c0925e8fea45": 6, "batch_size__668a7428ff5cdb271b01c0925e8fea45": 6, "depth__668a7428ff5cdb271b01c0925e8fea45": 6, "dropout__668a7428ff5cdb271b01c0925e8fea45": 6, "features_generator__668a7428ff5cdb271b01c0925e8fea45": 6, "ffn_hidden_size__668a7428ff5cdb271b01c0925e8fea45": 6, "ffn_num_layers__668a7428ff5cdb271b01c0925e8fea45": 6, "final_lr_ratio_exp__668a7428ff5cdb271b01c0925e8fea45": 6, "hidden_size__668a7428ff5cdb271b01c0925e8fea45": 6, "init_lr_ratio_exp__668a7428ff5cdb271b01c0925e8fea45": 6, "max_lr_exp__668a7428ff5cdb271b01c0925e8fea45": 6, "warmup_epochs_ratio__668a7428ff5cdb271b01c0925e8fea45": 6, "chempropregressor_algorithm_hash": 6, "668a7428ff5cdb271b01c0925e8fea45": 6, "03": 6, "6833": 6, "034983241957": 6, "chempropactiv": [6, 9], "chempropaggreg": [6, 9], "ensemble_size__668a7428ff5cdb271b01c0925e8fea45": 6, "epochs__668a7428ff5cdb271b01c0925e8fea45": 6, "chempropfeatures_gener": [6, 9], "331": 6, "6743": 6, "225992071741": 6, "900": 6, "500": 6, "safe": 6, "nan": [6, 8, 12, 13], "prompt": 6, "due": [6, 7, 8, 10], "deactiv": 6, "own": 6, "still": 6, "commun": 6, "facilit": [6, 7, 9], "preset": 6, "enqu": 6, "bayesian": 6, "split_chemprop": [6, 9], "flag": [6, 7, 12, 13], "n_chemprop_tri": [6, 9], "desir": 6, "undirect": 6, "shown": [6, 7], "aspect": [6, 8], "princip": [6, 7], "differnt": 6, "rememb": 6, "unless": 6, "alter": [6, 9], "characterist": [6, 7], "too": [6, 9], "limit": [6, 7, 9], "vice": [6, 9], "versa": [6, 9], "extens": [6, 9], "trail": [6, 9], "applic": [6, 7, 9], "chanc": 6, "caruana": 6, "particular": 6, "achiev": [6, 7], "st": 6, "figur": [6, 7], "signal": 6, "aka": 6, "could": [6, 7], "share": [6, 12, 13], "until": [6, 9], "longer": [6, 10], "mt": 6, "onc": [6, 7, 12], "knowledg": 6, "order": [6, 7, 9, 12], "earlier": [6, 7], "accompi": 6, "train_side_info": 6, "clog": 6, "surfac": 6, "area": [6, 7], "psa": 6, "293": 6, "22475": 6, "8088": 6, "32297": 6, "6237": 6, "287": 6, "33334": 6, "2804": 6, "314": 6, "249": 6, "26075": 6, "2533": 6, "498": 6, "18917": 6, "5102": 6, "694": 6, "246": 6, "12575": 6, "7244": 6, "255": 6, "14831": 6, "4338": 6, "895": 6, "302": 6, "26838": 6, "2041": 6, "057": 6, "22298": 6, "match": 6, "train_side_info_cl": 6, "clogp_gt2": 6, "clogs_gt": 6, "acceptors_gt5": 6, "donors_gt0": 6, "area_gt250": 6, "psa_lt0": 6, "581": 6, "584": 6, "421": 6, "5817": 6, "944009132488": 6, "chemprophyperoptregressor_algorithm_hash": 6, "db9e60f9b8f0a43eff4b41917b6293d9": 6, "ensemble_size__db9e60f9b8f0a43eff4b41917b6293d9": 6, "epochs__db9e60f9b8f0a43eff4b41917b6293d9": 6, "features_generator__db9e60f9b8f0a43eff4b41917b6293d9": 6, "num_iters__db9e60f9b8f0a43eff4b41917b6293d9": 6, "search_parameter_level__db9e60f9b8f0a43eff4b41917b6293d9": 6, "chempropsearch_parameter_level": [6, 9], "aux_weight_pc__db9e60f9b8f0a43eff4b41917b6293d9": 6, "452": 6, "5796": 6, "34392897437": 6, "874": 6, "5795": 6, "086720713623": 6, "424": 6, "5820": 6, "228032558769": 6, "456": 6, "5852": 6, "16017644995": 6, "inlfuenc": 6, "henc": [6, 7], "percent": 6, "product": 6, "user_attrs_trial_ran": 6, "drop": [6, 7, 8], "erron": 6, "__": 6, "params_aux_weight_pc": 6, "conclud": [6, 7], "produc": 6, "overrid": [6, 9], "situat": [6, 7], "along": 6, "potenti": [6, 7], "compris": [6, 7], "incompat": [6, 10], "whilst": [6, 7], "desciptor": 6, "grei": [6, 7], "tial": 6, "what": 6, "unpromis": 6, "why": [6, 7], "poor": 6, "sampler": 6, "incompta": 6, "repeatedli": 6, "hyerparamet": 6, "ident": [6, 10], "544": 6, "9525489095524835": 6, "aux_weight_pc__cfa1990d5153c8812982f034d788d7e": 6, "4824": 6, "686269039228": 6, "7731425652872588": 6, "718": 6, "736": 6, "815": 6, "4409": 6, "946844928445": 6, "791002332112292": 6, "329624779366306": 6, "00015024763718638216": 6, "027": 6, "4396": 6, "722635068717": 6, "487": 6, "497": 6, "722": 6, "consult": 6, "incompitbl": 6, "algo": [6, 9], "occur": [6, 8], "assign": [6, 7], "doe": [6, 7, 8, 9, 10, 12], "params_algorithm_nam": 6, "move_legend": 6, "upper": [6, 7], "bbox_to_anchor": [6, 7], "never": 6, "successfulli": 6, "absenc": 6, "8th": 6, "miss": [6, 8, 12, 13], "associ": [6, 7], "asid": 6, "mitig": 6, "overal": [6, 7], "serv": [6, 11], "tl": 6, "wider": 6, "997": 6, "activation__e0d3a442222d4b38f3aa1434851320db": 6, "aggregation__e0d3a442222d4b38f3aa1434851320db": 6, "aggregation_norm__e0d3a442222d4b38f3aa1434851320db": 6, "batch_size__e0d3a442222d4b38f3aa1434851320db": 6, "depth__e0d3a442222d4b38f3aa1434851320db": 6, "dropout__e0d3a442222d4b38f3aa1434851320db": 6, "features_generator__e0d3a442222d4b38f3aa1434851320db": 6, "ffn_hidden_size__e0d3a442222d4b38f3aa1434851320db": 6, "ffn_num_layers__e0d3a442222d4b38f3aa1434851320db": 6, "final_lr_ratio_exp__e0d3a442222d4b38f3aa1434851320db": 6, "hidden_size__e0d3a442222d4b38f3aa1434851320db": 6, "init_lr_ratio_exp__e0d3a442222d4b38f3aa1434851320db": 6, "max_lr_exp__e0d3a442222d4b38f3aa1434851320db": 6, "warmup_epochs_ratio__e0d3a442222d4b38f3aa1434851320db": 6, "e0d3a442222d4b38f3aa1434851320db": 6, "4937": 6, "540075659691": 6, "ensemble_size__e0d3a442222d4b38f3aa1434851320db": 6, "epochs__e0d3a442222d4b38f3aa1434851320db": 6, "06": 6, "326": 6, "157": 6, "5114": 6, "7131239123555": 6, "chempropregressorpretrained_algorithm_hash": 6, "dfc518a76317f23d95e5aa5a3eac77f0": 6, "frzn__dfc518a76317f23d95e5aa5a3eac77f0": 6, "chempropfrzn": [6, 9], "epochs__dfc518a76317f23d95e5aa5a3eac77f0": 6, "cover": 6, "global": 6, "fair": 6, "tl_studi": 6, "loc": [6, 7], "params_epoch": 6, "fillna": 6, "astyp": [6, 7], "agg": 6, "join": [6, 7], "params_chempropregressor_algorithm_hash": 6, "isna": 6, "5891": 6, "7552821093905": 6, "062": 6, "105": 6, "438": 6, "5846": 6, "8674879655655": 6, "1600": 6, "992": 6, "5890": 6, "94653501547": 6, "77dfc8230317e08504ed5e643243fbc2": 6, "frzn__77dfc8230317e08504ed5e643243fbc2": 6, "epochs__77dfc8230317e08504ed5e643243fbc2": 6, "808": 6, "881210303758": 6, "right": [6, 7], "ncol": 6, "world": [6, 7, 12, 13], "penultim": [6, 9], "chemprop_model": 6, "heatmap": 6, "predictor": [6, 8], "chemprop_fingerprint": 6, "fingerprint_typ": 6, "mpn": 6, "cbar_kw": 6, "semi": 6, "supervis": 6, "altern": 6, "last_ffn": 6, "howeev": 6, "respect": [6, 7], "kind": [6, 7, 12], "confid": 6, "calibratedclassifiercv": 6, "understand": 6, "predict_proba": [6, 8], "gave": 6, "close": [6, 7], "actual": [6, 7], "topic": 6, "sigmoid": [6, 9], "review": 6, "those": [6, 7, 8], "calibration_curv": 6, "collect": 6, "defaultdict": 6, "precision_scor": 6, "recall_scor": 6, "f1_score": 6, "brier_score_loss": 6, "log_loss": 6, "roc_auc_scor": 6, "n_job": [6, 9, 11], "calibrated_rf": 6, "calibrated_model": 6, "040": 6, "893": 6, "8353535353535354": 6, "calibratedclassifiercvwithva_algorithm_hash": 6, "e788dfbfc5075967acb5ddf9d971ea20": 6, "n_folds__e788dfbfc5075967acb5ddf9d971ea20": 6, "max_depth__e788dfbfc5075967acb5ddf9d971ea20": 6, "n_estimators__e788dfbfc5075967acb5ddf9d971ea20": 6, "max_features__e788dfbfc5075967acb5ddf9d971ea20": 6, "uncalibr": 6, "uncalibrated_rf": 6, "uncalibrated_model": 6, "8185858585858585": 6, "randomforestclassifier_algorithm_hash": 6, "167e1e88dd2a80133e317c78f009bdc9": 6, "max_depth__167e1e88dd2a80133e317c78f009bdc9": 6, "n_estimators__167e1e88dd2a80133e317c78f009bdc9": 6, "max_features__167e1e88dd2a80133e317c78f009bdc9": 6, "conserv": 6, "1000": [6, 7], "random_st": [6, 12, 13], "123": 6, "calibrated_predict": 6, "uncalibrated_predict": 6, "cal_df": 6, "datafram": [6, 7, 8, 11, 12], "boxplot": 6, "melt": 6, "set_ylabel": [6, 7], "behaviour": [6, 7], "curv": [6, 7], "reliabl": 6, "diagram": 6, "against": 6, "figsiz": [6, 7], "ax1": 6, "subplot2grid": 6, "rowspan": 6, "ax2": 6, "perfectli": [6, 7], "pred": 6, "fraction_of_posit": 6, "mean_predicted_valu": 6, "n_bin": 6, "brier": 6, "2f": 6, "hist": 6, "histtyp": 6, "lw": 6, "set_ylim": 6, "legend": [6, 7], "set_titl": 6, "set_xlabel": [6, 7], "center": [6, 7], "tight_layout": [6, 7], "compos": 6, "refin": 6, "notic": 6, "significantli": 6, "cell": 6, "accur": 6, "alloc": [6, 8], "y_prob": 6, "ye": 6, "score_nam": 6, "__name__": 6, "replac": [6, 10], "capit": 6, "score_df": 6, "set_index": 6, "decim": 6, "roc": 6, "auc": [6, 8], "184705": 6, "547129": 6, "830565": 6, "744048": 6, "784929": 6, "716536": 6, "175297": 6, "529474": 6, "811209": 6, "818452": 6, "814815": 6, "714104": 6, "va": 6, "multipoint": 6, "0c00476": 6, "margin": [6, 7], "bounari": 6, "189": 6, "8213131313131313": 6, "79765fbec1586f3c917ff30de274fdb4": 6, "n_folds__79765fbec1586f3c917ff30de274fdb4": 6, "max_depth__79765fbec1586f3c917ff30de274fdb4": 6, "n_estimators__79765fbec1586f3c917ff30de274fdb4": 6, "max_features__79765fbec1586f3c917ff30de274fdb4": 6, "uncert": [6, 8], "chem": [6, 7, 8], "allchem": 6, "pandastool": [6, 7], "rdconfig": 6, "datastruct": 6, "train_df": 6, "addmoleculecolumntofram": 6, "includefingerprint": 6, "getmorganfingerprint": 6, "nn": 6, "bulktanimotosimilar": 6, "va_pr": 6, "va_uncert": 6, "dtm": 6, "trelli": 6, "fig": [6, 7], "subplot": [6, 7], "sharei": 6, "regplot": 6, "referenc": 6, "boundari": [6, 7, 12, 14], "neither": 6, "nor": 6, "dissimilar": 6, "cp_pred_ensembl": 6, "cp_uncert_ensembl": 6, "367": 6, "activation__fd833c2dde0b7147e6516ea5eebb2657": 6, "aggregation__fd833c2dde0b7147e6516ea5eebb2657": 6, "aggregation_norm__fd833c2dde0b7147e6516ea5eebb2657": 6, "batch_size__fd833c2dde0b7147e6516ea5eebb2657": 6, "depth__fd833c2dde0b7147e6516ea5eebb2657": 6, "dropout__fd833c2dde0b7147e6516ea5eebb2657": 6, "features_generator__fd833c2dde0b7147e6516ea5eebb2657": 6, "ffn_hidden_size__fd833c2dde0b7147e6516ea5eebb2657": 6, "ffn_num_layers__fd833c2dde0b7147e6516ea5eebb2657": 6, "final_lr_ratio_exp__fd833c2dde0b7147e6516ea5eebb2657": 6, "hidden_size__fd833c2dde0b7147e6516ea5eebb2657": 6, "init_lr_ratio_exp__fd833c2dde0b7147e6516ea5eebb2657": 6, "max_lr_exp__fd833c2dde0b7147e6516ea5eebb2657": 6, "warmup_epochs_ratio__fd833c2dde0b7147e6516ea5eebb2657": 6, "chempropclassifier_algorithm_hash": 6, "fd833c2dde0b7147e6516ea5eebb2657": 6, "859": 6, "484": 6, "65625": 6, "ensemble_size__fd833c2dde0b7147e6516ea5eebb2657": 6, "epochs__fd833c2dde0b7147e6516ea5eebb2657": 6, "midpoint": 6, "mont": 6, "carlo": 6, "virtual": [6, 8], "069": 6, "118": 6, "activation__c73885c5d5a4182168b8b002d321965a": 6, "aggregation__c73885c5d5a4182168b8b002d321965a": 6, "aggregation_norm__c73885c5d5a4182168b8b002d321965a": 6, "batch_size__c73885c5d5a4182168b8b002d321965a": 6, "depth__c73885c5d5a4182168b8b002d321965a": 6, "dropout__c73885c5d5a4182168b8b002d321965a": 6, "features_generator__c73885c5d5a4182168b8b002d321965a": 6, "ffn_hidden_size__c73885c5d5a4182168b8b002d321965a": 6, "ffn_num_layers__c73885c5d5a4182168b8b002d321965a": 6, "final_lr_ratio_exp__c73885c5d5a4182168b8b002d321965a": 6, "hidden_size__c73885c5d5a4182168b8b002d321965a": 6, "init_lr_ratio_exp__c73885c5d5a4182168b8b002d321965a": 6, "max_lr_exp__c73885c5d5a4182168b8b002d321965a": 6, "warmup_epochs_ratio__c73885c5d5a4182168b8b002d321965a": 6, "c73885c5d5a4182168b8b002d321965a": 6, "231": 6, "46875": 6, "ensemble_size__c73885c5d5a4182168b8b002d321965a": 6, "epochs__c73885c5d5a4182168b8b002d321965a": 6, "cp_pred_dropout": 6, "cp_uncert_dropout": 6, "proabil": 6, "va_predict": 6, "correl": [6, 7], "drouput": 6, "uncertatinti": 6, "cp_uncert_delta": 6, "categor": [6, 12], "unit": [6, 7], "parsabl": 6, "cast": 6, "appropri": 6, "befor": [6, 7, 12], "choic": [6, 12], "4253": 6, "872561867463": 6, "mapie_algorithm_hash": 6, "976d211e4ac64e5568d369bcddd3aeb1": 6, "mapie_alpha__976d211e4ac64e5568d369bcddd3aeb1": 6, "max_depth__976d211e4ac64e5568d369bcddd3aeb1": 6, "n_estimators__976d211e4ac64e5568d369bcddd3aeb1": 6, "max_features__976d211e4ac64e5568d369bcddd3aeb1": 6, "analysi": [6, 7, 8], "perfom": 6, "post": 6, "mapie_pr": 6, "mapie_unc": 6, "bar": 6, "visualis": 6, "errorbar": 6, "yerr": 6, "ab": 6, "fmt": 6, "black": [6, 7], "ecolor": 6, "grai": 6, "elinewidth": 6, "capsiz": 6, "move": [6, 10], "analys": [6, 7], "width": [6, 7], "alpha_impact": 6, "ma": 6, "unc_df": 6, "unc": 6, "reset_index": [6, 7], "concat": 6, "lineplot": 6, "err_styl": 6, "se": 6, "incorpor": 6, "tradition": 6, "unsupport": 6, "kernelexplain": [6, 8], "shaplei": 6, "explan": 6, "slundberg": 6, "game": 6, "credit": 6, "theori": 6, "publish": 6, "comopsit": 6, "316": 6, "_ridg": 6, "userwarn": [6, 7], "singular": 6, "matrix": 6, "dual": 6, "433": 6, "36708973607664297": 6, "006253064467624636": 6, "dga": 6, "dgp": 6, "dgtot": 6, "sa": 6, "sdc": 6, "sdx": 6, "numhacceptor": 6, "numhdonor": 6, "maxabsestateindex": 6, "maxestateindex": 6, "minabsestateindex": 6, "minestateindex": 6, "qed": 6, "sp": 6, "heavyatommolwt": 6, "exactmolwt": 6, "numvalenceelectron": 6, "numradicalelectron": 6, "maxpartialcharg": 6, "minpartialcharg": 6, "maxabspartialcharg": 6, "minabspartialcharg": 6, "fpdensitymorgan1": 6, "fpdensitymorgan2": 6, "fpdensitymorgan3": 6, "bcut2d_mwhi": 6, "bcut2d_mwlow": 6, "bcut2d_chghi": 6, "bcut2d_chglo": 6, "bcut2d_logphi": 6, "bcut2d_logplow": 6, "bcut2d_mrhi": 6, "bcut2d_mrlow": 6, "avgipc": 6, "balabanj": 6, "bertzct": 6, "chi0": 6, "chi0n": 6, "chi0v": 6, "chi1": 6, "chi1n": 6, "chi1v": 6, "chi2n": 6, "chi2v": 6, "chi3n": 6, "chi3v": 6, "chi4n": 6, "chi4v": 6, "hallkieralpha": 6, "ipc": 6, "kappa1": 6, "kappa2": 6, "kappa3": 6, "labuteasa": 6, "peoe_vsa1": 6, "peoe_vsa10": 6, "peoe_vsa11": 6, "peoe_vsa12": 6, "peoe_vsa13": 6, "peoe_vsa14": 6, "peoe_vsa2": 6, "peoe_vsa3": 6, "peoe_vsa4": 6, "peoe_vsa5": 6, "peoe_vsa6": 6, "peoe_vsa7": 6, "peoe_vsa8": 6, "peoe_vsa9": 6, "smr_vsa1": 6, "smr_vsa10": 6, "smr_vsa2": 6, "smr_vsa3": 6, "smr_vsa4": 6, "smr_vsa5": 6, "smr_vsa6": 6, "smr_vsa7": 6, "smr_vsa8": 6, "smr_vsa9": 6, "slogp_vsa1": 6, "slogp_vsa10": 6, "slogp_vsa11": 6, "slogp_vsa12": 6, "slogp_vsa2": 6, "slogp_vsa3": 6, "slogp_vsa4": 6, "slogp_vsa5": 6, "slogp_vsa6": 6, "slogp_vsa7": 6, "slogp_vsa8": 6, "slogp_vsa9": 6, "estate_vsa1": 6, "estate_vsa10": 6, "estate_vsa11": 6, "estate_vsa2": 6, "estate_vsa3": 6, "estate_vsa4": 6, "estate_vsa5": 6, "estate_vsa6": 6, "estate_vsa7": 6, "estate_vsa8": 6, "estate_vsa9": 6, "vsa_estate1": 6, "vsa_estate10": 6, "vsa_estate2": 6, "vsa_estate3": 6, "vsa_estate4": 6, "vsa_estate5": 6, "vsa_estate6": 6, "vsa_estate7": 6, "vsa_estate8": 6, "vsa_estate9": 6, "fractioncsp3": 6, "heavyatomcount": 6, "nhohcount": 6, "nocount": 6, "numaliphaticcarbocycl": 6, "numaliphaticheterocycl": 6, "numaliphaticr": 6, "numaromaticcarbocycl": 6, "numaromaticheterocycl": 6, "numaromaticr": 6, "numheteroatom": 6, "numrotatablebond": 6, "numsaturatedcarbocycl": 6, "numsaturatedheterocycl": 6, "numsaturatedr": 6, "ringcount": 6, "mollogp": 6, "molmr": 6, "fr_al_coo": 6, "fr_al_oh": 6, "fr_al_oh_notert": 6, "fr_arn": 6, "fr_ar_coo": 6, "fr_ar_n": 6, "fr_ar_nh": 6, "fr_ar_oh": 6, "fr_coo": 6, "fr_coo2": 6, "fr_c_o": 6, "fr_c_o_nocoo": 6, "fr_c_": 6, "fr_hoccn": 6, "fr_imin": 6, "fr_nh0": 6, "fr_nh1": 6, "fr_nh2": 6, "fr_n_o": 6, "fr_ndealkylation1": 6, "fr_ndealkylation2": 6, "fr_nhpyrrol": 6, "fr_sh": 6, "fr_aldehyd": 6, "fr_alkyl_carbam": 6, "fr_alkyl_halid": 6, "fr_allylic_oxid": 6, "fr_amid": 6, "fr_amidin": 6, "fr_anilin": 6, "fr_aryl_methyl": 6, "fr_azid": 6, "fr_azo": 6, "fr_barbitur": 6, "fr_benzen": 6, "fr_benzodiazepin": 6, "fr_bicycl": 6, "fr_diazo": 6, "fr_dihydropyridin": 6, "fr_epoxid": 6, "fr_ester": 6, "fr_ether": 6, "fr_furan": 6, "fr_guanido": 6, "fr_halogen": 6, "fr_hdrzine": 6, "fr_hdrzone": 6, "fr_imidazol": 6, "fr_imid": 6, "fr_isocyan": 6, "fr_isothiocyan": 6, "fr_keton": 6, "fr_ketone_topliss": 6, "fr_lactam": 6, "fr_lacton": 6, "fr_methoxi": 6, "fr_morpholin": 6, "fr_nitril": 6, "fr_nitro": 6, "fr_nitro_arom": 6, "fr_nitro_arom_nonortho": 6, "fr_nitroso": 6, "fr_oxazol": 6, "fr_oxim": 6, "fr_para_hydroxyl": 6, "fr_phenol": 6, "fr_phenol_noorthohbond": 6, "fr_phos_acid": 6, "fr_phos_est": 6, "fr_piperdin": 6, "fr_piperzin": 6, "fr_priamid": 6, "fr_prisulfonamd": 6, "fr_pyridin": 6, "fr_quatn": 6, "fr_sulfid": 6, "fr_sulfonamd": 6, "fr_sulfon": 6, "fr_term_acetylen": 6, "fr_tetrazol": 6, "fr_thiazol": 6, "fr_thiocyan": 6, "fr_thiophen": 6, "fr_unbrch_alkan": 6, "fr_urea": 6, "shap_valu": 6, "2227": 6, "043440e": 6, "2229": 6, "025864e": 6, "2228": 6, "805554e": 6, "2267": 6, "367604e": 6, "00": 6, "2230": 6, "104342e": 6, "1496": 6, "052067e": 6, "1497": 6, "015542e": 6, "2234": 6, "387391e": 6, "862": 6, "140929e": 6, "863": 6, "c1c": 6, "1570": 6, "contrinubt": 6, "datset": 6, "unscaledphyschemjazzi": 6, "rank": [6, 8], "083": 6, "143": 6, "472": 6, "t": [6, 7, 8, 9], "kekul": 6, "unkekul": 6, "rational": 6, "rationale_scor": 6, "386": 6, "097": 6, "ch3": 6, "ch": 6, "389": [6, 7], "151": 6, "c1n": 6, "ch2": 6, "nh2": 6, "565": 6, "nn1cc1c": 6, "384": 6, "720": [6, 8], "c1cccc": 6, "871": 6, "n1c": 6, "854": 6, "contian": 6, "second": 6, "dummi": 6, "third": 6, "smallest": 6, "made": [6, 7], "fourth": 6, "irregularli": 6, "xc50": [6, 7], "log10": [6, 7, 12, 14], "6th": 6, "convers": [6, 7, 12, 14], "logbas": [6, 7, 12, 14], "logneg": [6, 7, 12, 14], "negat": [6, 7, 12, 14], "transformed_studi": 6, "transform_exampl": 6, "064": 6, "727": 6, "595949377253611": 6, "797": 6, "6571993250300608": 6, "850": 6, "1511102853256885": 6, "943": 6, "2487063317112765": 6, "6714912461080983": 6, "015": 6, "2725944467796781": 6, "033": 6, "194926264155893": 6, "7520919188596032": 6, "172": 6, "7803723847416691": 6, "6397753979196248": 6, "241": 6, "151110299986041": 6, "151110111437006": 6, "325": 6, "5410418750776741": 6, "7183231137124538": 6, "2721824844856162": 6, "417": 6, "1900929470222508": 6, "488": [6, 8], "5585323973564646": 6, "554": 6, "3169218304262786": 6, "571": 6, "7974925066137679": 6, "587": 6, "218395226466336": 6, "605": 6, "1474226942497083": 6, "609": 6, "626": 6, "0239005731675412": 6, "780": 6, "178901060853144": 6, "27137790098830755": 6, "817": 6, "2710284516876423": 6, "882": 6, "901": 6, "6273152492418945": 6, "966": 6, "19009294702225": 6, "985": 6, "1907041717628215": 6, "022": 6, "3209075619139279": 6, "026": 6, "043": 6, "2709423025014604": 6, "3133943310851415": 6, "067": 6, "257769959239938": 6, "147": 6, "40359637945134724": 6, "214": 6, "4127882135896648": 6, "5959493772536111": 6, "308": 6, "9246005133276612": 6, "8908739215746114": 6, "107536316777608": 6, "413": 6, "054360360588395": 6, "5428179904345867": 6, "468": 6, "5696273642213351": 6, "493": 6, "27099769667470536": 6, "1580741708125475": 6, "2709564785634315": 6, "10900413894771653": 6, "537": 6, "2709799905898163": 6, "13705914456987853": 6, "561": 6, "27097230608092054": 6, "12790870116376127": 6, "2709499903064464": 6, "10123180962907431": 6, "2710895886052581": 6, "26565663774320425": 6, "629": 6, "2708711012023424": 6, "005637048678674678": 6, "651": 6, "27092322402109364": 6, "06902647427781451": 6, "674": 6, "2712140349882": 6, "4076704953178294": 6, "697": 6, "27090080367174": 6, "04187106800188596": 6, "27086925247190047": 6, "003371853599610078": 6, "2708933298483799": 6, "032781796328385376": 6, "767": 6, "27087205624489635": 6, "006806773659187283": 6, "791": 6, "2708869511176179": 6, "025009489814943348": 6, "2711465077924297": 6, "3311125627707556": 6, "840": 6, "2708756855936628": 6, "011249102380159387": 6, "864": 6, "27087301924224993": 6, "007985924302396141": 6, "887": 6, "2708685399954944": 6, "00249856291483601": 6, "911": 6, "27121879554836553": 6, "4130244908975993": 6, "2708693196600531": 6, "0034541978803366022": 6, "27110195265802334": 6, "27994943662091765": 6, "989": 6, "2708682582859318": 6, "0021532199144365088": 6, "014": 6, "27087024523986086": 6, "0045884092728113585": 6, "27087351807632193": 6, "008596600952859433": 6, "065": 6, "2710818633795896": 6, "2567049271070902": 6, "27103241786565463": 6, "1990111983307052": 6, "2710350879598171": 6, "20214459724424078": 6, "2708688328221868": 6, "00285750520671645": 6, "162": 6, "27100832234449684": 6, "17064008990759916": 6, "188": 6, "27268613236193845": 6, "8725420109733135": 6, "213": 6, "27119617446689237": 6, "387533542012365": 6, "2708691110831552": 6, "0031985656730512953": 6, "264": 6, "27086852174155146": 6, "002476186542950981": 6, "27135383618835024": 6, "5626643670396761": 6, "313": 6, "2709819654433871": 6, "1394077979875128": 6, "2718548944510965": 6, "0858347526799794": 6, "364": 6, "1508084699212935": 6, "03329943145150872": 6, "00025672309762227527": 6, "27249853374634975": 6, "702026434077893": 6, "415": 6, "27095660957755363": 6, "10916094511173127": 6, "27102160995407715": 6, "18630665884100353": 6, "27095708822582026": 6, "10973377642487026": 6, "491": 6, "27088222008661084": 6, "019235980282946118": 6, "517": 6, "2708703086029017": 6, "004666043957133775": 6, "27095279044622245": 6, "1045877457096882": 6, "570": 6, "2709408288690431": 6, "09023455456986404": 6, "595": 6, "9289218260898663": 6, "8200088368788958": 6, "622": 6, "27086675101898655": 6, "00030502148265565063": 6, "2710491243757999": 6, "21858260742423916": 6, "675": 6, "1491615840508995": 6, "024725853754515203": 6, "702": 6, "2709462479577586": 6, "0967427718847167": 6, "default_studi": 6, "3501": 6, "942111261296": 6, "5451": 6, "207265576796": 6, "1049201007814": 6, "9964": 6, "541364058234": 6, "333": 6, "3543": 6, "953608539901": 6, "353": 6, "6837": 6, "057544630979": 6, "2507": 6, "1794330606067": 6, "398": 6, "21534": 6, "719219668405": 6, "460": 6, "2899": 6, "736555614694": 6, "294e": 6, "760e": 6, "21674": 6, "445000284228": 6, "1049203123567": 6, "1049192609138": 6, "548": 6, "3630": 6, "72768093756": 6, "3431": 6, "942816967268": 6, "6908": 6, "462045154488": 6, "5964": 6, "65935954044": 6, "21070": 6, "107195348774": 6, "4977": 6, "068508997133": 6, "8873": 6, "669262669626": 6, "21387": 6, "63697424318": 6, "9958": 6, "573006910125": 6, "5182695600183": 6, "813": 6, "20684": 6, "56412138056": 6, "3435882510586": 6, "917": 6, "7068": 6, "705383113378": 6, "932": 6, "7150": 6, "482090052133": 6, "988": 6, "006": 6, "203": 6, "93637462922368": 6, "081": 6, "2570": 6, "5111262532305": 6, "111": 6, "21987": 6, "659957192194": 6, "129": 6, "9889": 6, "493204596083": 6, "134": 6, "7172": 6, "208490771303": 6, "9804": 6, "512701665093": 6, "174": 6, "191": 6, "9165": 6, "74081120673": 6, "543": 6, "0280270800017": 6, "304": 6, "161": 6, "1602933782954": 6, "309": 6, "888460860864": 6, "396": [6, 7], "8414": 6, "932694243476": 6, "2270": 6, "5407991891466": 6, "10383": 6, "79559309305": 6, "504": 6, "20815": 6, "025469865475": 6, "524": 6, "206": 6, "7560385808573": 6, "5264": 6, "4700789389035": 6, "3668": 6, "255064135424": 6, "586": 6, "156": 6, "12174877890536": 6, "793408178086295": 6, "99902820845678": 6, "371632749506": 6, "88307313087517": 6, "140915461519354": 6, "636": 6, "153": 6, "66773675231477": 6, "177324126813716": 6, "77906017834145": 6, "186": 6, "52056745848623": 6, "4565714180547": 6, "6710444346508": 6, "30976119334312": 6, "62916671166313": 6, "023639423189294": 6, "181": 6, "053696900694": 6, "914617418880486": 6, "31140591484044": 6, "738": 6, "33573874994386": 6, "569769302718845": 6, "5781354926491789": 6, "764": 6, "190": 6, "1384885119049": 6, "87666716965626": 6, "2537791489618": 6, "788": 6, "076949848299": 6, "9559574710535281": 6, "0032830967319653665": 6, "814": 6, "170": 6, "764974036324": 6, "03910427457823": 6, "406811480459925": 6, "837": 6, "164": 6, "4477304958181": 6, "701690847791482": 6, "819274780536123": 6, "87939164358104": 6, "32187661108304": 6, "660320437878754": 6, "888": 6, "01705178481896": 6, "61397716361812": 6, "603665957830847": 6, "914": 6, "155": 6, "73257312230092": 6, "759645965959294": 6, "503212714246787": 6, "940": 6, "154": 6, "46848394144124": 6, "8546740801317": 6, "35327336610912": 6, "967": 6, "20421802817864": 6, "57596974747163": 6, "84756262407801": 6, "994": 6, "51233215278089": 6, "3564642040401464": 6, "5034542273159819": 6, "68667089892196": 6, "034895878929095": 6, "03653571911285094": 6, "049": 6, "102": 6, "52277054278186": 6, "01961499216484045": 6, "670937191883546": 6, "074": 6, "28722475694815": 6, "012434370509176538": 6, "34222704431493": 6, "87402050281146": 6, "008452015347522093": 6, "914863578437455": 6, "127": 6, "38847505937936": 6, "01573542234868893": 6, "99307522974174": 6, "152": 6, "96336195786391": 6, "009845516063879428": 6, "59422914099683": 6, "19345618324213": 6, "009382525091504246": 6, "35573659237662": 6, "205": 6, "30772721342525": 6, "010579672066291478": 6, "35550323165882": 6, "23970902543148": 6, "013369359066405863": 6, "4744102498801": 6, "260": 6, "34331248758777": 6, "011398351701814368": 6, "54146340620301": 6, "104535853341": 6, "011708779850509646": 6, "682286191624579e": 6, "315": 6, "0653774146952": 6, "009806826677473646": 6, "90274406278985": 6, "64646042813787": 6, "0038598153381434685": 6, "20918134828555": 6, "68420472011734": 6, "0032474576673554513": 6, "35551178979624": 6, "85985201823172": 6, "003187930738019005": 6, "29431603544847": 6, "428": 6, "21583898009355": 6, "003122319313153475": 6, "83526418992966": 6, "457": 6, "34787242859676": 6, "002781955938462633": 6, "76228981520067": 6, "194": 6, "70914272129673": 6, "0023173546614751305": 6, "3000082904498813": 6, "10492031097328": 6, "002606064524407": 6, "7861330234653922e": 6, "1049154281806": 6, "0029210589377408366": 6, "200933937391094e": 6, "573": 6, "10492028002287": 6, "06431564840324226": 6, "2981641934644904e": 6, "601": 6, "56066541774658": 6, "0010848843623839548": 6, "151493073951163": 6, "627": 6, "76337597039308": 6, "004134805589645341": 6, "88115336652716": 6, "656": 6, "108": 6, "58009587759925": 6, "004763418454688096": 6, "02920758025023": 6, "685": 6, "113": 6, "35230417583477": 6, "0009098023238189749": 6, "57100980886017": 6, "714": 6, "30807467406214": 6, "03739791555156691": 6, "12818940557025": 6, "44100655116532": 6, "006380481141720477": 6, "4882351186755": 6, "772": 6, "35181001564942": 6, "0036244007454981787": 6, "608797806921866": 6, "800": 6, "124": 6, "3719027482892": 6, "0014198536004321608": 6, "05588994284273": 6, "830": 6, "28568052794907": 6, "005434972462746285": 6, "215759789700954": 6, "20325": 6, "66479442037": 6, "9696417046589247": 6, "132": 6, "21507621375022": 6, "0004528978867024753": 6, "80386923876023": 6, "915": 6, "85570350846885": 6, "0016948043699497222": 6, "455627755557016": 6, "contrast": [6, 7], "relplot": 6, "col": [6, 7], "facet_kw": 6, "axisgrid": [6, 7], "facetgrid": 6, "0x7fa8b811a5c0": 6, "noramlis": 6, "unlog": 6, "yield": [6, 7, 12, 13], "mse": 6, "1126": 6, "56968721": 6, "120": 6, "20237903": 6, "revers": [6, 7, 12, 14], "onto": 6, "action": 6, "importantli": 6, "easili": [6, 7], "94824194": 6, "92008694": 6, "instruct": 6, "untransform": 6, "wish": 6, "cut": [6, 7], "10um": 6, "ptr_config_log_transform": 6, "ptr_transformed_studi": 6, "ptr_and_transform_exampl": 6, "594": 6, "633": 6, "002341918451736245": 6, "0024908979029632677": 6, "007901407671048116": 6, "881": 6, "00496231674623194": 6, "0026848278110363512": 6, "0010872728889471893": 6, "935": 6, "008706109201510277": 6, "949": 6, "013": 6, "0029994624596888677": 6, "00825680029907454": 6, "046": 6, "007901407993550248": 6, "063": 6, "007901405163828307": 6, "080": 6, "0021653695362066753": 6, "002869169486971014": 6, "114": 6, "0010855652626111146": 6, "005505338042993082": 6, "002236800860454562": 6, "006105985607235417": 6, "296": 6, "004846526544994462": 6, "006964668794465202": 6, "336": 6, "409": 6, "008384326901042542": 6, "444": 6, "001082194093844804": 6, "462": 6, "0010807084256204563": 6, "528": 6, "547": 6, "621": 6, "639": 6, "657": 6, "005247934991526694": 6, "662": 6, "0010803393728928605": 6, "695": 6, "005218354425190125": 6, "717": 6, "004999207507691546": 6, "0015694919308122948": 6, "001975769419400139": 6, "845": 6, "912": 6, "930": 6, "00368328296527152": 6, "987": 6, "003412828259848677": 6, "007": 6, "004412110711416997": 6, "0021743798524909573": 6, "087": 6, "0022761245849848527": 6, "0010805768178458735": 6, "001080400188305814": 6, "0010805009783570441": 6, "0010804680472500541": 6, "0010803723579987025": 6, "225": 6, "001080969596032512": 6, "0010800333715082816": 6, "0010802574700236845": 6, "295": 6, "0010814994986419817": 6, "319": 6, "001080161136846237": 6, "0010800254136811547": 6, "366": 6, "0010801290036870739": 6, "391": 6, "001080037482216557": 6, "414": 6, "0010801015705851358": 6, "0010812122378841013": 6, "463": 6, "0010800531021304936": 6, "00108004162698813": 6, "0010800223466649803": 6, "535": 6, "0010815197263834202": 6, "0010800257029027847": 6, "582": 6, "0010810223438672223": 6, "0010800211339555509": 6, "630": 6, "0010800296871141684": 6, "0010800437739166451": 6, "0010809366267195716": 6, "001080725386603206": 6, "0010807368035830652": 6, "0010800236072155854": 6, "0010806223050773966": 6, "805": 6, "0010876516369772728": 6, "00108142358144501": 6, "0010800248050489667": 6, "001080022268085466": 6, "905": 6, "0010820922958715991": 6, "0010805094397523254": 6, "956": 6, "0010841993753324146": 6, "007899735988203994": 6, "0010868762004637347": 6, "032": 6, "001080400750193767": 6, "0010806791616300314": 6, "082": 6, "0010804028029753213": 6, "107": 6, "0010800812188506515": 6, "0010800299598580359": 6, "0010803843696362083": 6, "001080333048974234": 6, "001080014645182176": 6, "0010807968027851892": 6, "007907028395366658": 6, "323": 6, "0010803563024666294": 6, "inlin": [6, 7], "3506154": 6, "timepoint": [6, 8, 10], "aux_column": [6, 8], "accord": [6, 7, 8], "aux_col_config": 6, "aux_descriptors_dataset": 6, "train_with_conc": 6, "aux1": 6, "aux_col_studi": 6, "covariate_exampl": 6, "aux1_model": 6, "5186": 6, "767663956718": 6, "4679": 6, "740824270968": 6, "327": 6, "4890": 6, "6705099499995": 6, "3803": 6, "9324375833753": 6, "3135": 6, "6497388676926": 6, "551": 6, "2518812859375": 6, "439": 6, "4309": 6, "124112370974": 6, "467": 6, "30159424580074": 6, "4357": 6, "028270131251": 6, "572": 6, "1437929337522": 6, "45281013": 6, "thrown": [6, 8], "prediciton": 6, "regardless": 6, "utilis": [6, 7], "seper": 6, "vector_covariate_config": 6, "precomputed_descriptor": 6, "train_with_fp": 6, "aux_transform": [6, 8], "vector_covariate_studi": 6, "vector_aux_exampl": 6, "vector_covariate_model": 6, "474": 6, "2200": 6, "6817959410578": 6, "011994365911634164": 6, "95660880078": 6, "029071783512897825": 6, "5798": 6, "564494725643": 6, "022631709120790048": 6, "2198637677605415": 6, "620": 6, "972": 6, "2899178898048": 6, "8916194399474267": 6, "3336440433073": 6, "5914093983615214": 6, "653": 6, "3036472748931": 6, "6201811079699818": 6, "706": 6, "3807": 6, "8035919667395": 6, "901e": 6, "892e": 6, "914e": 6, "5019": 6, "459500770764": 6, "1376436589359351": 6, "4017711284796": 6, "869": 6, "797115414836": 6, "74340620175102": 6, "train_smil": [6, 8], "train_i": [6, 8], "train_aux": [6, 8], "test_smil": [6, 8], "test_i": [6, 8], "test_aux": [6, 8], "legth": 6, "39754917": 6, "06352766": 6, "52031134": 6, "341": 6, "89875316": 6, "371": 6, "5516046": 6, "85042171": 6, "33406203": 6, "91439129": 6, "80585907": 6, "346": 6, "48565041": 6, "protein": [6, 12, 14], "alongsid": 6, "chemic": [6, 7, 12, 13], "sequenc": [6, 12, 14], "former": 6, "wherea": 6, "latter": [6, 7], "interact": 6, "basi": [6, 7, 8], "toxinpred3": 6, "mdlititwasvmvaftfslslvvwgrsgl": 6, "ccsc": 6, "cc1c": [6, 7], "nh": [6, 7], "cc1ccccc1": 6, "ncc": 6, "cccnc": 6, "arrggvlnfgqfglqalecgfvtnr": 6, "cs": 6, "gwcgdpgatcgklrlyccsgacdcytktckdkssa": 6, "n1": 6, "ccc1": 6, "ccccn": 6, "cc1ccc": 6, "ngnllggllrpvlgvvkgltgglgkk": 6, "demponstr": 6, "zscale_covariate_config": 6, "zscale_covariate_studi": 6, "zscale_aux_exampl": 6, "zscale_covariate_model": 6, "948": 6, "8735224395254063": 6, "kneighborsclassifier_algorithm_hash": 6, "e51ca55089f389fc37a736adb2aa0e42": 6, "metric__e51ca55089f389fc37a736adb2aa0e42": 6, "n_neighbors__e51ca55089f389fc37a736adb2aa0e42": 6, "weights__e51ca55089f389fc37a736adb2aa0e42": 6, "unlik": 6, "31176471": 6, "08058824": 6, "27176471": 6, "56470588": 6, "62529412": 6, "99521739": 6, "59826087": 6, "34695652": 6, "03086957": 6, "13391304": 6, "08083333": 6, "6125": 6, "82916667": 6, "05083333": 6, "56083333": 6, "93357143": 6, "02785714": 6, "04214286": 6, "30461538": 6, "55307692": 6, "31307692": 6, "11076923": 6, "00846154": 6, "1232": 6, "3364": 6, "2328": 6, "1368": 6, "2304": 6, "7060": 6, "7062": 6, "x_": 6, "vmin": 6, "vmax": 6, "cmap": 6, "spectral": 6, "248bit": 6, "128bit": 6, "minimz": 6, "generaliz": 6, "minimize_std_dev": 6, "minimise_std_dev": [6, 9], "std": [6, 7, 12, 14], "dev": [6, 7], "example_multi": 6, "parameter_analysi": 6, "set_metric_nam": 6, "681": 6, "4008740644240856": 6, "9876203329634793": 6, "3561484909673425": 6, "9875061220991905": 6, "7856521165563053": 6, "21863029956806662": 6, "9125905675311808": 6, "7861693342190089": 6, "098": 6, "5238765412750027": 6, "2789424384877304": 6, "5348363849100434": 6, "5741725628917808": 6, "0072511048320134": 6, "2786318125997387": 6, "9625764609276656": 6, "27575381401822424": 6, "1114006274062536": 6, "7647766019001522": 6, "7801680863916906": 6, "2725738454485389": 6, "378": 6, "785652116470164": 6, "21863029955530786": 6, "785651973436432": 6, "21863032832257323": 6, "6101359993004856": 6, "3011280543457062": 6, "5361950698070447": 6, "23560786523195643": 6, "5356113574175657": 6, "5769721187181905": 6, "509": 6, "543430366921729": 6, "514747412346662": 6, "5194661889628072": 6, "40146744515282495": 6, "610": 6, "6597494436287219": 6, "6659085938841999": 6, "1068495306229729": 6, "24457822094737378": 6, "644": 6, "8604898820838102": 6, "7086875504668667": 6, "5919869916997383": 6, "2367498627927979": 6, "682": 6, "2497762395862362": 6, "10124660026536195": 6, "747": 6, "study_name_1": 6, "0621601907738047": 6, "2749020946925899": 6, "769": 6, "xxx": 6, "values_neg_mean_squared_error": 6, "values_standard": 6, "twinx": 6, "r": [6, 8], "floor": 6, "ceil": 6, "align": 6, "set_ytick": 6, "linspac": 6, "set_xtick": 6, "text": [6, 7, 8, 12], "pareto": 6, "front": 6, "plot_pareto_front": 6, "plot_param_import": 6, "dictionari": [6, 10], "ordereddict": 6, "descend": 6, "algortihm": 6, "durat": 6, "total_second": 6, "target_nam": 6, "relationship": 6, "plot_parallel_coordin": [6, 8, 9, 11], "param": [6, 7, 9, 10], "taken": [6, 7], "precomputed_config": 6, "precomputed_studi": 6, "precomputed_exampl": 6, "precomputed_model": 6, "643": 6, "752": 6, "3014": 6, "274803630188": 6, "471088599086": 6, "03592375122963953": 6, "831": 6, "3029": 6, "113810544919": 6, "8153295905650357": 6, "919": 6, "4358": 6, "575772003129": 6, "unseen": 6, "caus": 6, "new_molecul": 6, "101": 6, "tempfil": 6, "temp": [6, 7], "store": [6, 7, 8, 11], "temporari": [6, 10], "1st": 6, "example_fp": 6, "namedtemporaryfil": 6, "temp_fil": 6, "len": [6, 7], "to_csv": 6, "65709987": 6, "64327077": 6, "clean": 6, "stage": [6, 7], "workflow": 6, "slurm": [6, 8, 10], "leverag": 6, "dynam": [6, 8], "gpu": 6, "customiz": 6, "tailor": 6, "customis": 6, "export": 6, "aid": 6, "monitor": 6, "pseudo": [6, 8], "prospect": [6, 8], "resubmiss": [6, 10], "resubmit": [6, 8], "modifi": [6, 8], "enhanc": 6, "parallel": [6, 8], "simultan": 6, "simul": 6, "submit": [6, 10], "verifi": 6, "unittest": 6, "mock": 6, "patch": [6, 7], "aml_arg": 6, "prog": 6, "argv": 6, "systemexit": 6, "usernam": 6, "hous": 6, "functionila": 6, "signific": [6, 7], "thorough": 6, "warehous": 6, "databas": 6, "flat": 6, "compress": 6, "natur": [6, 7], "uniqu": [6, 7], "ls": 6, "lrth": 6, "rw": 6, "staff": 6, "2k": 6, "aug": 6, "12k": 6, "438b": 6, "written": 6, "undergon": 6, "trigger": 6, "bash": 6, "orchestr": 6, "easi": 6, "request": 6, "exce": 6, "50g": 6, "futur": [6, 8], "example_automl": 6, "workbook": 6, "automl_exampl": 6, "vv": 6, "debug": 6, "564": 6, "namespac": 6, "dry_run": [6, 8], "save_previous_model": [6, 8], "24_01_01": 6, "first_run": [6, 8], "processed_timepoint": [6, 8], "initprocessedtimepoint": [6, 8], "init": 6, "checkskip": [6, 8], "tid1": 6, "checkislock": [6, 8], "lockfil": 6, "lock": [6, 8, 10], "taskcod": [6, 8], "processretrain": [6, 8], "60g": 6, "No": [6, 9, 10, 12], "604": 6, "writedataset": [6, 8], "wrote": 6, "611": 6, "writeslurm": [6, 8], "writejson": [6, 8], "setjoblock": [6, 8], "lock_fil": 6, "submitjob": [6, 8], "usr": 6, "took": 6, "060164928": 6, "pid": 6, "posix": 6, "pidfil": 6, "0x7f97a1bf9fc0": 6, "public_qptuna": 6, "scene": 6, "sed": 6, "togeth": 6, "correctli": [6, 8], "ingest": 6, "meet": 6, "quourum": 6, "happen": 6, "statu": 6, "past": [6, 10], "cron": 6, "765": 6, "0x7f97a1bfa2c0": 6, "enter": 6, "770": 6, "773": 6, "778": 6, "787": 6, "789": 6, "790": 6, "793": 6, "checkrunningslurmjob": [6, 8], "squeue": 6, "resubmitanyfailedjob": [6, 8], "ran": 6, "ongo": 6, "022215843": 6, "assess": [6, 7], "retir": 6, "acut": 6, "attempt": 6, "insuffici": [6, 8, 12], "emul": [6, 7, 12, 13], "sucess": 6, "shutil": 6, "os": [6, 7], "drd2_reg": 6, "0x7f97a1bfa440": 6, "437": 6, "443": 6, "448": 6, "451": 6, "fist": 6, "458": 6, "setprocessedtimepoint": [6, 8], "466": 6, "getretrainingdata": [6, 8], "24_02_01": 6, "481": 6, "483": 6, "processtrain": [6, 8], "494": 6, "501": 6, "502": 6, "503": 6, "062548876": 6, "proce": 6, "datapoint": [6, 7, 8, 10, 12, 13], "pseodu": 6, "frequent": 6, "slurm_update_models_parallel": 6, "qsartuna_automl": 6, "j": [6, 8], "12g": 6, "your_path": 6, "update_it": 6, "hourli": 6, "common": 7, "proper": 7, "optuna_az": 7, "process": [7, 8, 10], "functionail": 7, "configur": [7, 8, 9, 10, 11], "draw": 7, "ipythonconsol": 7, "ipython": 7, "displai": 7, "listdir": 7, "isfil": 7, "walk": 7, "handi": 7, "med": 7, "titles": 7, "fontsiz": 7, "labels": 7, "xtick": 7, "ytick": 7, "rcparam": 7, "v0_8": 7, "whitegrid": 7, "set_styl": 7, "white": 7, "boolean": 7, "nomin": 7, "convert": [7, 8, 12], "conduct": 7, "primarydf": 7, "loadsdf": 7, "inchi": 7, "skeletonspher": 7, "nm": 7, "id": 7, "romol": 7, "990": 7, "ic50": 7, "\u00b5m": 7, "c1ccc2c": 7, "co2": 7, "004320939": 7, "1s": 7, "c8h7no2": 7, "c10": 7, "qrcgftxrxymjo": 7, "uhfffaoysa": 7, "86075": 7, "kinas": 7, "p38": 7, "rdchem": 7, "0x7f9ca0112340": 7, "c1ccc": 7, "ccc2ccccc2occ3ccc": 7, "882397308": 7, "c22h20o3": 7, "c23": 7, "ytdaoqyeyfcini": 7, "89637": 7, "kd": 7, "retinoid": 7, "receptor": 7, "0x7f9c808beff0": 7, "130299026": 7, "0x7f9c808bf060": 7, "330": 7, "48148606": 7, "c9h7no": 7, "c11": 7, "lisfmebwquvkpj": 7, "n93": 7, "n82": 7, "n65": 7, "n36": 7, "n33": 7, "ki": 7, "nki": 7, "carbon": 7, "anhydras": 7, "xii": 7, "ncarbon": 7, "0x7f9c808bf0d0": 7, "nc1ccccn1": 7, "c7h8n2o": 7, "h2": 7, "5h": 7, "qrokotbwfzitjz": 7, "86233": 7, "nicotin": 7, "phosphoribosyltransferas": 7, "0x7f9c808bf140": 7, "renam": 7, "conveni": [7, 8, 9, 12], "rest": 7, "moltosmil": 7, "isomericsmil": 7, "c1coc2ccccc2n1": 7, "004321": 7, "coc2ccccc2ccc2ccccc2": 7, "882397": 7, "130299": 7, "c1ccc2ccccc2": 7, "481486": 7, "stick": 7, "engin": 7, "assum": [7, 12, 13], "slightli": 7, "pose": 7, "wise": 7, "outlin": 7, "occurr": 7, "preserv": 7, "vari": 7, "recommend": 7, "abil": 7, "being": 7, "df_po": 7, "dedup": [7, 12], "df_rnd": 7, "df_max": 7, "df_avg": 7, "df_med": 7, "deduplidc": 7, "397": 7, "indici": 7, "coc1cc2ncnc": 7, "nc3ccc": 7, "scc4ccccc4": 7, "cl": 7, "c3": 7, "c2cc1oc": 7, "282579": 7, "912929": 7, "cc1cccc": 7, "nc2ncnc3ccc": 7, "c4ccccc4": 7, "cc23": 7, "n2cc": 7, "cc2c": 7, "nc2cccc": 7, "n2": 7, "065502": 7, "958607": 7, "392": 7, "oc2cccc": 7, "394": 7, "cn1nc": 7, "c2cnc": 7, "c3ccc": 7, "nc1c1": 7, "oc1nc": 7, "oc2cc": 7, "c3ccccc3": 7, "c3cccc": 7, "cn": 7, "936291": 7, "359": 7, "minim": [7, 9], "densiti": 7, "dpi": 7, "kdeplot": 7, "fill": 7, "orang": 7, "ndigit": 7, "blue": 7, "keepaverag": 7, "deeppink": 7, "hold": [7, 8], "aim": 7, "simpli": 7, "sai": 7, "veri": 7, "intern": [7, 10], "resembl": 7, "easiest": 7, "especi": 7, "reli": 7, "stochast": 7, "train_ran": 7, "test_ran": 7, "time_column": 7, "old": [7, 8], "accru": 7, "entri": [7, 12, 13], "timestamp": 7, "top": 7, "df_med_tempor": 7, "fake": 7, "nccccccoc1ccc2c": 7, "n1cc": 7, "684240": 7, "1037": 7, "481464": 7, "1036": 7, "c1cn": 7, "n2c": 7, "nc3cccc": 7, "n3": 7, "cc3cc3": 7, "732625": 7, "1035": 7, "568332": 7, "1034": 7, "790259": 7, "1033": 7, "train_tempor": 7, "test_tempor": 7, "highli": 7, "skew": 7, "fd": [7, 12, 13], "histogram": [7, 12, 13], "determin": [7, 12, 13], "balanc": 7, "fd_merg": [7, 12, 13], "train_str": 7, "test_str": 7, "realist": 7, "deplopi": 7, "hop": 7, "opportun": 7, "seri": 7, "push": 7, "domain": 7, "realibl": 7, "challeng": 7, "scaf_split": 7, "train_sca": 7, "test_sca": 7, "ground": 7, "df_val": 7, "roughli": [7, 9], "evid": 7, "pronounc": 7, "dodgerblu": 7, "middl": 7, "saffold": 7, "discuss": 7, "propreti": 7, "endpoint": 7, "routin": 7, "linearis": 7, "variat": 7, "gaussian": 7, "realiti": 7, "nearli": 7, "exhibit": 7, "superior": 7, "wide": 7, "xc50_data": 7, "keepallnodedupl": [7, 12], "pxc50_data": 7, "zip": 7, "jointplot": 7, "suptitl": 7, "plot_margin": 7, "rugplot": 7, "crimson": 7, "height": 7, "clip_on": 7, "jointgrid": 7, "0x7f9ca05ade10": 7, "heteroscedast": 7, "homoscedast": 7, "transorm": 7, "0x7f9c458f85e0": 7, "logartihm": 7, "power": [7, 12, 14], "um": 7, "dataset_transform": 7, "0x7f9ca05aeb30": 7, "had": 7, "reverse_transform": [7, 12], "0x7f9c926f8970": 7, "mervin": 7, "somewher": 7, "unavoid": 7, "ideal": 7, "deviat": [7, 12, 14], "\u03c3": 7, "heterogen": 7, "versu": 7, "assimil": 7, "hypothesi": 7, "degre": 7, "p_": 7, "activityt": 7, "cumul": 7, "cdf": 7, "eq": 7, "equal": [7, 9], "delta": 7, "vec": 7, "frac": 7, "erf": 7, "overrightarrow": 7, "sigma": 7, "concret": 7, "arbitrari": 7, "unknown": [7, 10], "therefor": [7, 8], "schemat": 7, "lookup": 7, "tabl": 7, "sd": 7, "scenario": [7, 12, 13], "philosoph": 7, "delimit": [7, 12, 14], "operand": 7, "censor": 7, "far": 7, "granular": 7, "therebi": 7, "becom": 7, "jcheminf": 7, "biomedcentr": 7, "1186": 7, "s13321": 7, "00539": 7, "sec12": 7, "pxc50_threshold": 7, "pxc50_std": 7, "exmapl": 7, "ptr_data": 7, "gather": 7, "certainti": 7, "lower_reproduc": 7, "upper_reproduc": 7, "dataload": 7, "somewhat": 7, "invert": 7, "bell": 7, "kde": 7, "behav": 7, "mpatch": 7, "line2d": 7, "ax_joint": 7, "axhlin": 7, "linestyl": 7, "ax_marg_i": 7, "ax_marg_x": 7, "axvlin": 7, "region": 7, "uncert_color": 7, "purpl": 7, "uncert_region": 7, "rectangl": 7, "add_patch": 7, "box": 7, "nthreshold": 7, "nptr": 7, "nregion": 7, "fancybox": 7, "borderaxespad": 7, "leg": 7, "get_legend": 7, "legend_handl": 7, "set_alpha": 7, "set_color": 7, "tight": 7, "layout": 7, "subplots_adjust": 7, "set_size_inch": 7, "var": 7, "1v": 7, "9y_z128d7gvcp8mf8q0pz3ch0000gq": 7, "ipykernel_33301": 7, "3093832163": 7, "cannot": 7, "enough": [7, 8], "accommod": 7, "decor": 7, "dash": 7, "shade": 7, "histrogram": 7, "clip": 7, "aforement": 7, "ptrtransform": [7, 12, 14], "ptr_transform": 7, "histplot": 7, "stat": 7, "scipi": 7, "resp_col": [7, 8], "pearsonr": 7, "std_df": 7, "groupbi": 7, "mdn_df": 7, "std_vs_median": 7, "suffix": 7, "_std": 7, "_median": 7, "dropna": 7, "activity_std": 7, "activity_median": 7, "088539": 7, "674782": 7, "265123": 7, "138620": 7, "157605": 7, "stdev": 7, "stat_func": 7, "plot_joint": 7, "zorder": 7, "0x7f9be19abaf0": 7, "assumpt": 7, "fulfil": 7, "ptr_train_ran": 7, "ptr_test_ran": 7, "ptr_train_str": 7, "ptr_test_str": 7, "ptr_train_tempor": 7, "ptr_test_tempor": 7, "ptr_train_sca": 7, "ptr_test_sca": 7, "warn_singular": 7, "xlim": 7, "peak": 7, "extem": 7, "dsitribut": 7, "awai": 7, "bias": 7, "enum": [8, 9, 10, 12], "building_configuration_enum": [8, 10], "configuration_enum": [8, 10], "interface_enum": [8, 10], "model_runner_enum": [8, 10], "objective_enum": [8, 10], "optimization_configuration_enum": [8, 10], "prediction_configuration_enum": [8, 10], "return_values_enum": [8, 10], "visualization_enum": [8, 10], "modelautoml": 8, "smiles_col": [8, 10, 12, 13], "activity_col": 8, "task_col": 8, "timestr": 8, "20240916": 8, "165004": 8, "modeldispatch": 8, "pend": 8, "last_timepoint": 8, "getallretrainingdata": 8, "wilcard": 8, "datetim": 8, "unprocess": 8, "bucket": 8, "nonewretrainingdata": [8, 10], "setretrainingdata": 8, "cfg": 8, "initial_templ": 8, "retrain_templ": 8, "slurm_templ": 8, "slurm_al_smil": 8, "slurm_partit": 8, "log_conf": 8, "checkifretrainingprocess": 8, "unabl": 8, "static": 8, "calcslurmmem": 8, "len_fil": 8, "setdispatchervari": 8, "overwrit": 8, "_taskcode_df": 8, "attribut": 8, "prev": 8, "processquorum": 8, "_input_df": 8, "istrain": 8, "checksavetemporalmodel": 8, "dotemporalpredict": 8, "new_data": 8, "out_df": 8, "setskippedtimepoint": 8, "elig": 8, "checkslurmstatusandnextprocedur": 8, "cancel": 8, "increasejobtim": 8, "increasejobmem": 8, "max_mem": 8, "increasejobcpu": 8, "max_cpu": 8, "addslurmretri": 8, "getslurmretri": 8, "locked_job": 8, "max_retri": 8, "process_retraining_task": 8, "dispatcher_process": 8, "global_cfg": 8, "validate_arg": 8, "prepare_dispatch": 8, "merge_train_and_test_data": 8, "isvalid": 8, "read_data": 8, "aux_col": 8, "invalid": 8, "pars": [8, 9, 11], "tupl": [8, 12, 13], "ambigu": 8, "smiles_": 8, "y_": [8, 10, 12], "aux_": 8, "factori": [8, 9], "intermediate_training_dataset_fil": 8, "intermediate_test_dataset_fil": 8, "get_merged_set": 8, "check_set": 8, "scalingfittingerror": 8, "descriptor_str": 8, "unfittedsklearnscla": [8, 12], "novalidsmil": 8, "mol_from_smi": 8, "numpy_from_rdkit": 8, "dtype": [8, 12], "moldescriptor": 8, "nameparameterdataclass": [8, 9, 12], "abc": [8, 9, 12], "abstract": [8, 9, 12], "parallel_compute_descriptor": 8, "ecfp6": 8, "seq": 8, "pathlib": 8, "get_fitted_scaler_for_fp": 8, "saved_param": 8, "get_fitted_scal": 8, "set_unfitted_scaler_data": 8, "fp_info": 8, "canonicalsmil": 8, "scaffold": [8, 12, 13], "genericscaffold": 8, "validdescriptor": 8, "descriptor_from_config": 8, "return_failed_idx": 8, "get_scor": 8, "get_train_test_scor": 8, "train_x": 8, "test_x": 8, "get_merged_train_scor": 8, "calibration_analysi": 8, "y_test": 8, "get_ecfp_fpinfo": 8, "get_ecfpcount_fpinfo": 8, "explain_ecfp": 8, "len_feat": 8, "get_fp_info": 8, "exp_df": 8, "fp_idx": 8, "strt_idx": 8, "runshap": 8, "x_pred": 8, "shapexplain": 8, "popul": 8, "explainpr": 8, "shallow": 8, "validate_cls_input": 8, "pi_zero": 8, "pr": 8, "melloddi": 8, "sparsechem": 8, "imbal": 8, "bedroc_scor": [8, 9], "truchon": 8, "bayli": 8, "screen": 8, "bad": 8, "recognit": 8, "2007": 8, "concord": 8, "statist": 8, "qualiti": 8, "harald": 8, "On": 8, "surviv": 8, "bound": 8, "2008": 8, "1209": 8, "1216": 8, "api": 8, "posterior": 8, "mark": 8, "abstractmethod": [8, 9], "predict_uncert": 8, "quantifi": 8, "qsartunamodel": 8, "nonetyp": [8, 9], "sent": 8, "get_metadata": 8, "train_scor": [8, 11], "test_scor": [8, 10, 11], "get_transform": 8, "perform_ptr": 8, "wrap_model": 8, "save_model": 8, "novaliddescriptor": 8, "null_scor": 8, "argserror": 8, "issu": [8, 10, 12], "uncertaintyerror": 8, "auxcovariatemiss": 8, "precomputederror": 8, "validate_uncertainti": 8, "check_precomp_arg": 8, "set_inference_param": 8, "desc": [8, 9], "validate_set_precomput": 8, "validate_aux": 8, "doctitl": 8, "docstr": 8, "type_base_schema": 8, "tp": 8, "wyfo": 8, "json_schema": 8, "patch_schema_gener": 8, "patch_schema_optunaz": 8, "split_optim": 8, "base_chemprop_param": 8, "pop": 8, "run_studi": 8, "storag": [8, 11], "trial_number_offset": [8, 10], "log_scor": 8, "main_scor": 8, "outfnam": 8, "plot_by_configur": 8, "conf": 8, "plot_slic": [8, 9, 11], "folder_path": 8, "file_format": [8, 9, 11], "png": [8, 9], "plot_contour": [8, 9, 11], "plot_histori": [8, 9, 11], "set_build_cach": 9, "preexist": 9, "remove_algo_hash": 9, "buildconfig_from_tri": 9, "encode_nam": 9, "cenam": 9, "suggest_alg_param": 9, "suggest_aux_param": 9, "check_invalid_descriptor_param": 9, "adaboostclassifierparamet": 9, "lassoparamet": 9, "kneighborsclassifierparamet": 9, "kneighborsregressorparamet": 9, "logisticregressionparamet": 9, "plsparamet": 9, "randomforestparamet": 9, "ridgeparamet": 9, "svcparamet": 9, "svrparamet": 9, "xgbregressorparamet": 9, "prfclassifierparamet": 9, "bootstrap": 9, "new_syn_data_frac": 9, "chempropregressorparamet": 9, "chempropclassifierparamet": 9, "chempropregressorpretrainedparamet": 9, "chemprophyperoptclassifierparamet": 9, "chemprophyperoptregressorparamet": 9, "calibratedclassifiercvparamet": 9, "mapieparamet": 9, "regressionscor": 9, "classificationscor": 9, "closer": 9, "greater": 9, "manhattan": 9, "trainarg": 9, "tanh": 9, "leakyrelu": 9, "prelu": 9, "selu": 9, "elu": 9, "morgan_count": 9, "rdkit_2d": 9, "rdkit_2d_norm": 9, "mpnn_first_ffn": 9, "mpnn_last_ffn": 9, "linked_hidden_s": 9, "constrain": 9, "l3": 9, "init_lr_exp": 9, "final_lr_exp": 9, "warmup_epoch": 9, "l4": 9, "l5": 9, "l6": 9, "l7": 9, "l8": 9, "isanyof": 9, "obj": [9, 10], "detect_mode_from_alg": 9, "copy_path_for_scaled_descriptor": 9, "cv_split_strategi": 9, "use_cach": 9, "optuna_storag": 9, "set_cach": 9, "set_algo_hash": 9, "declar": 9, "pydant": 9, "don": 9, "classmethod": 9, "1024": 9, "shorter": 9, "output_fold": [9, 11], "use_xvfb": [9, 11], "imagefileformat": 9, "jpeg": 9, "jpg": 9, "svg": 9, "move_up_directori": 10, "attach_root_path": 10, "attach": 10, "loadjson": 10, "add_ellipsi": 10, "max_length": 10, "shorten_nam": 10, "mlflowcallback": 10, "tracking_uri": 10, "callback": 10, "uri": 10, "server": 10, "set_tracking_uri": 10, "prepare_tag": 10, "tag": 10, "tmp_buildconfig": 10, "noretrainingdataconvent": 10, "nodifferingretrainingdata": 10, "retrainingheadersissu": 10, "retrainingisalreadyprocess": 10, "retrainingislock": 10, "temporalpredspredict": 10, "nopreviousmodel": 10, "prev_model_nam": 10, "samepreviousmodel": 10, "timepointskip": 10, "slurmnolog": 10, "itcod": 10, "slurmtimelimitexceed": 10, "exceed": 10, "slurmmemoryexceed": 10, "slurmjobskip": 10, "qptuna": 10, "slurmparseerror": 10, "create_depend": 10, "remove_schema_properti": 10, "add_boolean_guards_for_schema_properti": 10, "replacekei": 10, "input_": 10, "replacevalu": 10, "addsibl": 10, "delsibl": 10, "sibl": 10, "getref": 10, "context": 10, "recurs": 10, "nest": 10, "copytitl": 10, "oneof": 10, "replaceenum": 10, "singleton": 10, "const": 10, "addtitl": 10, "get_authorization_head": 10, "trackingdata": 10, "trial_numb": [10, 11], "trial_valu": 10, "trial_stat": 10, "all_cv_test_scor": 10, "algorith_hash": 10, "removeprefix": 10, "round_scor": 10, "internaltrackingcallback": 10, "progress": 10, "calpoint": 10, "bin_edg": 10, "frac_tru": 10, "frac_pr": 10, "buildtrackingdata": 10, "response_column_nam": 10, "test_point": 10, "cal_point": 10, "track_build": 10, "qptuna_model": 10, "mkdict": 10, "load_df_from_fil": 10, "remove_failed_idx": 10, "failed_idx": 10, "md5_hash": 10, "md5": 10, "buildingconfigurationenum": 11, "configurationenum": 11, "general_hyperparamet": 11, "hyper_paramet": 11, "general_regressor": 11, "general_classifi": 11, "metadata_besttri": 11, "metadata_bestvalu": 11, "general_dis": 11, "general_paramet": 11, "task_optim": 11, "task_build": 11, "data_inputcolumn": 11, "data_responsecolumn": 11, "data_train": 11, "data_test": 11, "descriptors_avalon": 11, "descriptors_avalon_nbit": 11, "descriptors_ecfp": 11, "descriptors_ecfp_radiu": 11, "descriptors_ecfp_nbit": 11, "descriptors_ecfpcount": 11, "descriptors_ecfpcounts_radiu": 11, "descriptors_ecfpcounts_usefeatur": 11, "descriptors_pathfp": 11, "descriptors_pathfp_maxpath": 11, "descriptors_pathfp_fps": 11, "descriptors_maccskei": 11, "descriptors_unsc_physchem": 11, "descriptors_physchem": 11, "descriptors_physchem_rdkitnam": 11, "descriptors_amorprot": 11, "descriptors_unsc_mapc": 11, "descriptors_mapc": 11, "descriptors_mapc_maxradiu": 11, "descriptors_mapc_npermut": 11, "descriptors_unsc_jazzi": 11, "descriptors_jazzi": 11, "descriptors_jazzy_jazzynam": 11, "descriptors_precomput": 11, "descriptors_precomputed_fil": 11, "descriptors_precomputed_input_columnn": 11, "descriptors_precomputed_response_column": 11, "descriptors_unsc_zscal": 11, "descriptors_zscal": 11, "descriptors_smil": 11, "descriptors_smiles_and_si": 11, "descriptors_smiles_and_si_fil": 11, "descriptors_smiles_and_si_input_column": 11, "descriptors_smiles_and_si_aux_weight_pc": 11, "descriptors_sc": 11, "descriptors_scaled_descriptor": 11, "descriptors_scaled_descriptor_paramet": 11, "descriptors_composit": 11, "settings_mod": 11, "settings_mode_regress": 11, "settings_mode_classif": 11, "settings_cross_valid": 11, "settings_direct": 11, "settings_n_tri": 11, "settings_n_job": 11, "settings_shuffl": 11, "algorithms_low": 11, "algorithms_high": 11, "algorithms_q": 11, "algorithms_interface_sklearn": 11, "algorithms_interface_xgboost": 11, "algorithms_rfregressor": 11, "algorithms_rfclassifi": 11, "algorithms_rf_max_featur": 11, "algorithms_rf_max_depth": 11, "algorithms_rf_n_estim": 11, "algorithms_svr": 11, "algorithms_svr_c": 11, "algorithms_svr_gamma": 11, "algorithms_svc": 11, "algorithms_svc_c": 11, "algorithms_svc_gamma": 11, "algorithms_lasso": 11, "algorithms_lasso_alpha": 11, "algorithms_kneighborsclassifi": 11, "algorithms_kneighborsregressor": 11, "algorithms_kneighbors_n_neighbor": 11, "algorithms_kneighbors_metr": 11, "algorithms_kneighbors_weight": 11, "algorithms_ridg": 11, "algorithms_ridge_alpha": 11, "algorithms_plsregress": 11, "algorithms_plsregression_n_compon": 11, "algorithms_logisticregress": 11, "algorithms_logisticregression_solv": 11, "algorithms_logisticregression_c": 11, "algorithms_adaboostclassifi": 11, "algorithms_adaboostclassifier_n_estim": 11, "algorithms_adaboostclassifier_learning_r": 11, "algorithms_xgbregressor": 11, "algorithms_xgbregressor_max_depth": 11, "algorithms_xgbregressor_n_estim": 11, "algorithms_xgbregressor_learning_r": 11, "algorithms_prf": 11, "algorithms_prf_max_featur": 11, "algorithms_prf_max_depth": 11, "algorithms_prf_n_estim": 11, "algorithms_prf_minpysumleaf": 11, "algorithms_prf_use_py_gini": 11, "algorithms_prf_use_py_leaf": 11, "algorithms_chemprop": 11, "basechemprop": 11, "algorithms_chemprop_regressor": 11, "algorithms_chemprop_hyperopt_regressor": 11, "algorithms_chemprop_classifi": 11, "algorithms_chemprop_hyperopt_classifi": 11, "algorithms_chemprop_activ": 11, "algorithms_chemprop_aggreg": 11, "algorithms_chemprop_aggregation_norm": 11, "algorithms_chemprop_batch_s": 11, "algorithms_chemprop_depth": 11, "algorithms_chemprop_dropout": 11, "algorithms_chemprop_epoch": 11, "algorithms_chemprop_ensemble_s": 11, "algorithms_chemprop_features_gener": 11, "algorithms_chemprop_ffn_hidden_s": 11, "algorithms_chemprop_ffn_num_lay": 11, "algorithms_chemprop_frzn": 11, "algorithms_chemprop_final_lr_ratio_exp": 11, "algorithms_chemprop_hidden_s": 11, "algorithms_chemprop_num_it": 11, "algorithms_chemprop_init_lr_ratio_exp": 11, "algorithms_chemprop_max_lr_exp": 11, "algorithms_chemprop_pretrained_model": 11, "algorithms_chemprop_search_parameter_level": 11, "algorithms_chemprop_startup_random_it": 11, "startup_random_it": 11, "algorithms_chemprop_warmup_epochs_ratio": 11, "algorithms_calibratedclassifiercv": 11, "algorithms_calibratedclassifiercv_ensembl": 11, "algorithms_calibratedclassifiercv_estim": 11, "algorithms_calibratedclassifiercv_method": 11, "algorithms_calibratedclassifiercv_n_fold": 11, "algorithms_calibratedclassifiercv_param": 11, "calibrated_param": 11, "algorithms_mapi": 11, "algorithms_mapie_alpha": 11, "interfaceenum": 11, "sklearn_set": 11, "xgboost_set": 11, "chemprop_set": 11, "prf_set": 11, "calibrated_set": 11, "modelrunnerdataframeenum": 11, "modelrunn": 11, "objectiveenum": 11, "attribute_trial_train_scor": 11, "extra_column_besthit": 11, "besthit": 11, "optimizationconfigurationenum": 11, "predictionconfigurationenum": 11, "data_dataset": 11, "sklearnreturnvalueenum": 11, "cross_validate_fit_tim": 11, "fit_tim": 11, "cross_validate_score_tim": 11, "score_tim": 11, "cross_validate_test_scor": 11, "cross_validate_train_scor": 11, "xgboostreturnvalueenum": 11, "visualizationenum": 11, "visualization_regressor": 11, "visualization_classifi": 11, "visualization_use_xvfb": 11, "visualization_output_fold": 11, "visualization_file_format": 11, "visualization_plot": 11, "visualization_plots_histori": 11, "visualization_plots_contour": 11, "visualization_plots_parallel_coordin": 11, "visualization_plots_slic": 11, "optuna_system_attrs_numb": 11, "_number": 11, "optuna_system_attrs_intermediate_valu": 11, "intermediate_valu": 11, "optuna_system_attrs_trial_id": 11, "trial_id": 11, "studyuserattr": 11, "trialuserattr": 11, "trialparam": 11, "algorithm_hash": 11, "mlflowlogparam": 11, "sklearnsplitt": 12, "get_n_split": 12, "cvsplitter": 12, "although": 12, "underli": 12, "get_sklearn_splitt": 12, "n_split": 12, "repeat": [12, 13], "edg": [12, 13], "stratifiedshufflesplit": [12, 13], "revert": [12, 13], "empti": 12, "kfold": 12, "consecut": 12, "fd_bin": 12, "11879": 12, "10297": 12, "adjac": 12, "downstream": 12, "nativ": 12, "histogramstratifiedshufflesplit": 12, "test_fract": 12, "groupingsplitt": 12, "column_nam": [12, 13], "butina_clust": [12, 13], "cluster": [12, 13], "butina": [12, 13], "make_scaffold_gener": [12, 13], "murcko": [12, 13], "hetero": [12, 13], "difficulti": [12, 13], "novel": [12, 13], "datatransformerror": 12, "datatransform": 12, "logarithm": [12, 14], "base_dict": 12, "ufunc": 12, "base_neg": 12, "reverse_dict": 12, "exp": 12, "transform_df": 12, "transform_on": 12, "reverse_transform_df": 12, "reverse_transform_on": 12, "auxtransform": 12, "transfor": 12, "auxiliary_data": 12, "usabl": [12, 14]}, "objects": {"": [[8, 0, 0, "-", "optunaz"]], "optunaz": [[8, 0, 0, "-", "automl"], [8, 0, 0, "-", "builder"], [9, 0, 0, "-", "config"], [8, 0, 0, "-", "datareader"], [8, 0, 0, "-", "descriptors"], [8, 0, 0, "-", "evaluate"], [8, 0, 0, "-", "explainability"], [8, 0, 0, "-", "metircs"], [8, 0, 0, "-", "model_writer"], [8, 0, 0, "-", "objective"], [8, 0, 0, "-", "optbuild"], [8, 0, 0, "-", "predict"], [8, 0, 0, "-", "schemagen"], [8, 0, 0, "-", "three_step_opt_build_merge"], [10, 0, 0, "-", "utils"], [8, 0, 0, "-", "visualizer"]], "optunaz.automl": [[8, 1, 1, "", "ModelAutoML"], [8, 1, 1, "", "ModelDispatcher"], [8, 4, 1, "", "dispatcher_process"], [8, 4, 1, "", "main"], [8, 4, 1, "", "meta"], [8, 4, 1, "", "prepare_dispatcher"], [8, 4, 1, "", "process_retraining_task"], [8, 4, 1, "", "validate_args"]], "optunaz.automl.ModelAutoML": [[8, 2, 1, "", "first_run"], [8, 3, 1, "", "getAllRetrainingData"], [8, 3, 1, "", "getRetrainingData"], [8, 3, 1, "", "initProcessedTimepoints"], [8, 2, 1, "", "last_timepoint"], [8, 2, 1, "", "processed_timepoints"], [8, 3, 1, "", "setProcessedTimepoints"], [8, 3, 1, "", "setRetrainingData"]], "optunaz.automl.ModelDispatcher": [[8, 3, 1, "", "addSlurmRetry"], [8, 3, 1, "", "calcSlurmMem"], [8, 3, 1, "", "checkIfRetrainingProcessed"], [8, 3, 1, "", "checkRunningSlurmJobs"], [8, 3, 1, "", "checkSaveTemporalModel"], [8, 3, 1, "", "checkSkipped"], [8, 3, 1, "", "checkSlurmStatusAndNextProcedure"], [8, 3, 1, "", "checkisLocked"], [8, 3, 1, "", "doTemporalPredictions"], [8, 3, 1, "", "getSlurmRetry"], [8, 3, 1, "", "increaseJobCpu"], [8, 3, 1, "", "increaseJobMem"], [8, 3, 1, "", "increaseJobTime"], [8, 3, 1, "", "isTrained"], [8, 2, 1, "", "pretrained_model"], [8, 3, 1, "", "processQuorum"], [8, 3, 1, "", "processRetraining"], [8, 3, 1, "", "processTrain"], [8, 3, 1, "", "resubmitAnyFailedJobs"], [8, 3, 1, "", "setDispatcherVariables"], [8, 3, 1, "", "setJobLocked"], [8, 3, 1, "", "setSkippedTimepoint"], [8, 3, 1, "", "submitJob"], [8, 3, 1, "", "writeDataset"], [8, 3, 1, "", "writeJson"], [8, 3, 1, "", "writeSlurm"]], "optunaz.builder": [[8, 4, 1, "", "build"]], "optunaz.config": [[9, 1, 1, "", "Algorithm"], [9, 1, 1, "", "ModelMode"], [9, 1, 1, "", "NameParameterDataclass"], [9, 1, 1, "", "OptimizationDirection"], [9, 1, 1, "", "Task"], [9, 1, 1, "", "Visualization"], [9, 0, 0, "-", "build_from_opt"], [9, 0, 0, "-", "buildconfig"], [9, 0, 0, "-", "optconfig"]], "optunaz.config.ModelMode": [[9, 5, 1, "", "CLASSIFICATION"], [9, 5, 1, "", "REGRESSION"]], "optunaz.config.NameParameterDataclass": [[9, 3, 1, "", "new"]], "optunaz.config.OptimizationDirection": [[9, 5, 1, "", "MAXIMIZATION"], [9, 5, 1, "", "MINIMIZATION"]], "optunaz.config.Task": [[9, 5, 1, "", "BUILDING"], [9, 5, 1, "", "OPTIMIZATION"], [9, 5, 1, "", "PREDICTION"]], "optunaz.config.Visualization": [[9, 1, 1, "", "ImageFileFormat"], [9, 1, 1, "", "Plots"], [9, 5, 1, "", "file_format"], [9, 5, 1, "", "output_folder"], [9, 5, 1, "", "plots"], [9, 5, 1, "", "use_xvfb"]], "optunaz.config.Visualization.ImageFileFormat": [[9, 5, 1, "", "JPEG"], [9, 5, 1, "", "JPG"], [9, 5, 1, "", "PDF"], [9, 5, 1, "", "PNG"], [9, 5, 1, "", "SVG"]], "optunaz.config.Visualization.Plots": [[9, 5, 1, "", "plot_contour"], [9, 5, 1, "", "plot_history"], [9, 5, 1, "", "plot_parallel_coordinate"], [9, 5, 1, "", "plot_slice"]], "optunaz.config.build_from_opt": [[9, 4, 1, "", "buildconfig_from_trial"], [9, 4, 1, "", "check_invalid_descriptor_param"], [9, 4, 1, "", "encode_name"], [9, 4, 1, "", "remove_algo_hash"], [9, 4, 1, "", "set_build_cache"], [9, 4, 1, "", "suggest_alg_params"], [9, 4, 1, "", "suggest_aux_params"]], "optunaz.config.buildconfig": [[9, 1, 1, "", "AdaBoostClassifier"], [9, 1, 1, "", "Algorithm"], [9, 1, 1, "", "BuildConfig"], [9, 1, 1, "", "CalibratedClassifierCVWithVA"], [9, 1, 1, "", "ChemPropClassifier"], [9, 1, 1, "", "ChemPropHyperoptClassifier"], [9, 1, 1, "", "ChemPropHyperoptRegressor"], [9, 1, 1, "", "ChemPropRegressor"], [9, 1, 1, "", "ChemPropRegressorPretrained"], [9, 1, 1, "", "KNeighborsClassifier"], [9, 1, 1, "", "KNeighborsRegressor"], [9, 1, 1, "", "Lasso"], [9, 1, 1, "", "LogisticRegression"], [9, 1, 1, "", "Mapie"], [9, 1, 1, "", "PLSRegression"], [9, 1, 1, "", "PRFClassifier"], [9, 1, 1, "", "RandomForestClassifier"], [9, 1, 1, "", "RandomForestRegressor"], [9, 1, 1, "", "Ridge"], [9, 1, 1, "", "SVC"], [9, 1, 1, "", "SVR"], [9, 1, 1, "", "XGBRegressor"]], "optunaz.config.buildconfig.AdaBoostClassifier": [[9, 1, 1, "", "AdaBoostClassifierParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.AdaBoostClassifier.AdaBoostClassifierParameters": [[9, 5, 1, "", "learning_rate"], [9, 5, 1, "", "n_estimators"]], "optunaz.config.buildconfig.Algorithm": [[9, 3, 1, "", "estimator"]], "optunaz.config.buildconfig.BuildConfig": [[9, 1, 1, "", "Metadata"], [9, 1, 1, "", "Settings"], [9, 5, 1, "", "algorithm"], [9, 5, 1, "", "data"], [9, 5, 1, "", "descriptor"], [9, 5, 1, "", "metadata"], [9, 5, 1, "", "settings"], [9, 5, 1, "", "task"]], "optunaz.config.buildconfig.BuildConfig.Metadata": [[9, 5, 1, "", "best_trial"], [9, 5, 1, "", "best_value"], [9, 5, 1, "", "cross_validation"], [9, 5, 1, "", "n_trials"], [9, 5, 1, "", "name"], [9, 5, 1, "", "shuffle"], [9, 5, 1, "", "visualization"]], "optunaz.config.buildconfig.BuildConfig.Settings": [[9, 5, 1, "", "direction"], [9, 5, 1, "", "mode"], [9, 5, 1, "", "n_trials"], [9, 5, 1, "", "scoring"], [9, 5, 1, "", "tracking_rest_endpoint"]], "optunaz.config.buildconfig.CalibratedClassifierCVWithVA": [[9, 1, 1, "", "CalibratedClassifierCVParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.CalibratedClassifierCVWithVA.CalibratedClassifierCVParameters": [[9, 5, 1, "", "ensemble"], [9, 5, 1, "", "estimator"], [9, 5, 1, "", "method"], [9, 5, 1, "", "n_folds"]], "optunaz.config.buildconfig.ChemPropClassifier": [[9, 1, 1, "", "ChemPropClassifierParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.ChemPropClassifier.ChemPropClassifierParameters": [[9, 5, 1, "", "activation"], [9, 5, 1, "", "aggregation"], [9, 5, 1, "", "aggregation_norm"], [9, 5, 1, "", "aux_weight_pc"], [9, 5, 1, "", "batch_size"], [9, 5, 1, "", "depth"], [9, 5, 1, "", "dropout"], [9, 5, 1, "", "ensemble_size"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "features_generator"], [9, 5, 1, "", "ffn_hidden_size"], [9, 5, 1, "", "ffn_num_layers"], [9, 5, 1, "", "final_lr_ratio_exp"], [9, 5, 1, "", "hidden_size"], [9, 5, 1, "", "init_lr_ratio_exp"], [9, 5, 1, "", "max_lr_exp"], [9, 5, 1, "", "warmup_epochs_ratio"]], "optunaz.config.buildconfig.ChemPropHyperoptClassifier": [[9, 1, 1, "", "ChemPropHyperoptClassifierParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.ChemPropHyperoptClassifier.ChemPropHyperoptClassifierParameters": [[9, 5, 1, "", "aux_weight_pc"], [9, 5, 1, "", "ensemble_size"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "features_generator"], [9, 5, 1, "", "num_iters"], [9, 5, 1, "", "search_parameter_level"]], "optunaz.config.buildconfig.ChemPropHyperoptRegressor": [[9, 1, 1, "", "ChemPropHyperoptRegressorParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.ChemPropHyperoptRegressor.ChemPropHyperoptRegressorParameters": [[9, 5, 1, "", "aux_weight_pc"], [9, 5, 1, "", "ensemble_size"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "features_generator"], [9, 5, 1, "", "num_iters"], [9, 5, 1, "", "search_parameter_level"]], "optunaz.config.buildconfig.ChemPropRegressor": [[9, 1, 1, "", "ChemPropRegressorParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.ChemPropRegressor.ChemPropRegressorParameters": [[9, 5, 1, "", "activation"], [9, 5, 1, "", "aggregation"], [9, 5, 1, "", "aggregation_norm"], [9, 5, 1, "", "aux_weight_pc"], [9, 5, 1, "", "batch_size"], [9, 5, 1, "", "depth"], [9, 5, 1, "", "dropout"], [9, 5, 1, "", "ensemble_size"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "features_generator"], [9, 5, 1, "", "ffn_hidden_size"], [9, 5, 1, "", "ffn_num_layers"], [9, 5, 1, "", "final_lr_ratio_exp"], [9, 5, 1, "", "hidden_size"], [9, 5, 1, "", "init_lr_ratio_exp"], [9, 5, 1, "", "max_lr_exp"], [9, 5, 1, "", "warmup_epochs_ratio"]], "optunaz.config.buildconfig.ChemPropRegressorPretrained": [[9, 1, 1, "", "ChemPropRegressorPretrainedParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.ChemPropRegressorPretrained.ChemPropRegressorPretrainedParameters": [[9, 5, 1, "", "epochs"], [9, 5, 1, "", "frzn"], [9, 5, 1, "", "pretrained_model"]], "optunaz.config.buildconfig.KNeighborsClassifier": [[9, 1, 1, "", "KNeighborsClassifierParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.KNeighborsClassifier.KNeighborsClassifierParameters": [[9, 5, 1, "", "metric"], [9, 5, 1, "", "n_neighbors"], [9, 5, 1, "", "weights"]], "optunaz.config.buildconfig.KNeighborsRegressor": [[9, 1, 1, "", "KNeighborsRegressorParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.KNeighborsRegressor.KNeighborsRegressorParameters": [[9, 5, 1, "", "metric"], [9, 5, 1, "", "n_neighbors"], [9, 5, 1, "", "weights"]], "optunaz.config.buildconfig.Lasso": [[9, 1, 1, "", "LassoParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.Lasso.LassoParameters": [[9, 5, 1, "", "alpha"]], "optunaz.config.buildconfig.LogisticRegression": [[9, 1, 1, "", "LogisticRegressionParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.LogisticRegression.LogisticRegressionParameters": [[9, 5, 1, "", "C"], [9, 5, 1, "", "solver"]], "optunaz.config.buildconfig.Mapie": [[9, 1, 1, "", "MapieParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.Mapie.MapieParameters": [[9, 5, 1, "", "estimator"], [9, 5, 1, "", "mapie_alpha"]], "optunaz.config.buildconfig.PLSRegression": [[9, 1, 1, "", "PLSParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.PLSRegression.PLSParameters": [[9, 5, 1, "", "n_components"]], "optunaz.config.buildconfig.PRFClassifier": [[9, 1, 1, "", "PRFClassifierParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.PRFClassifier.PRFClassifierParameters": [[9, 5, 1, "", "bootstrap"], [9, 5, 1, "", "max_depth"], [9, 5, 1, "", "max_features"], [9, 5, 1, "", "min_py_sum_leaf"], [9, 5, 1, "", "n_estimators"], [9, 5, 1, "", "new_syn_data_frac"], [9, 5, 1, "", "use_py_gini"], [9, 5, 1, "", "use_py_leafs"]], "optunaz.config.buildconfig.RandomForestClassifier": [[9, 1, 1, "", "RandomForestParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.RandomForestClassifier.RandomForestParameters": [[9, 5, 1, "", "max_depth"], [9, 5, 1, "", "max_features"], [9, 5, 1, "", "n_estimators"]], "optunaz.config.buildconfig.RandomForestRegressor": [[9, 1, 1, "", "RandomForestParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.RandomForestRegressor.RandomForestParameters": [[9, 5, 1, "", "max_depth"], [9, 5, 1, "", "max_features"], [9, 5, 1, "", "n_estimators"]], "optunaz.config.buildconfig.Ridge": [[9, 1, 1, "", "RidgeParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.Ridge.RidgeParameters": [[9, 5, 1, "", "alpha"]], "optunaz.config.buildconfig.SVC": [[9, 1, 1, "", "SVCParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.SVC.SVCParameters": [[9, 5, 1, "", "C"], [9, 5, 1, "", "gamma"]], "optunaz.config.buildconfig.SVR": [[9, 1, 1, "", "SVRParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.SVR.SVRParameters": [[9, 5, 1, "", "C"], [9, 5, 1, "", "gamma"]], "optunaz.config.buildconfig.XGBRegressor": [[9, 1, 1, "", "XGBRegressorParameters"], [9, 3, 1, "", "estimator"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.buildconfig.XGBRegressor.XGBRegressorParameters": [[9, 5, 1, "", "learning_rate"], [9, 5, 1, "", "max_depth"], [9, 5, 1, "", "n_estimators"]], "optunaz.config.optconfig": [[9, 1, 1, "", "AdaBoostClassifier"], [9, 1, 1, "", "Algorithm"], [9, 1, 1, "", "CalibratedClassifierCVEnsemble"], [9, 1, 1, "", "CalibratedClassifierCVMethod"], [9, 1, 1, "", "CalibratedClassifierCVWithVA"], [9, 1, 1, "", "ChemPropActivation"], [9, 1, 1, "", "ChemPropAggregation"], [9, 1, 1, "", "ChemPropClassifier"], [9, 1, 1, "", "ChemPropFeatures_Generator"], [9, 1, 1, "", "ChemPropFrzn"], [9, 1, 1, "", "ChemPropHyperoptClassifier"], [9, 1, 1, "", "ChemPropHyperoptRegressor"], [9, 1, 1, "", "ChemPropRegressor"], [9, 1, 1, "", "ChemPropRegressorPretrained"], [9, 1, 1, "", "ChemPropSearch_Parameter_Level"], [9, 1, 1, "", "ClassificationScore"], [9, 1, 1, "", "KNeighborsClassifier"], [9, 1, 1, "", "KNeighborsMetric"], [9, 1, 1, "", "KNeighborsRegressor"], [9, 1, 1, "", "KNeighborsWeights"], [9, 1, 1, "", "Lasso"], [9, 1, 1, "", "LogisticRegression"], [9, 1, 1, "", "Mapie"], [9, 1, 1, "", "OptimizationConfig"], [9, 1, 1, "", "PLSRegression"], [9, 1, 1, "", "PRFClassifier"], [9, 1, 1, "", "PRFClassifierMaxFeatures"], [9, 1, 1, "", "RandomForestClassifier"], [9, 1, 1, "", "RandomForestMaxFeatures"], [9, 1, 1, "", "RandomForestRegressor"], [9, 1, 1, "", "RegressionScore"], [9, 1, 1, "", "Ridge"], [9, 1, 1, "", "SVC"], [9, 1, 1, "", "SVR"], [9, 1, 1, "", "XGBRegressor"], [9, 4, 1, "", "copy_path_for_scaled_descriptor"], [9, 4, 1, "", "detect_mode_from_algs"], [9, 4, 1, "", "isanyof"]], "optunaz.config.optconfig.AdaBoostClassifier": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.AdaBoostClassifier.Parameters": [[9, 1, 1, "", "AdaBoostClassifierParametersLearningRate"], [9, 1, 1, "", "AdaBoostClassifierParametersNEstimators"], [9, 5, 1, "", "learning_rate"], [9, 5, 1, "", "n_estimators"]], "optunaz.config.optconfig.AdaBoostClassifier.Parameters.AdaBoostClassifierParametersLearningRate": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.AdaBoostClassifier.Parameters.AdaBoostClassifierParametersNEstimators": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.CalibratedClassifierCVEnsemble": [[9, 5, 1, "", "FALSE"], [9, 5, 1, "", "TRUE"]], "optunaz.config.optconfig.CalibratedClassifierCVMethod": [[9, 5, 1, "", "ISOTONIC"], [9, 5, 1, "", "SIGMOID"], [9, 5, 1, "", "VENNABERS"]], "optunaz.config.optconfig.CalibratedClassifierCVWithVA": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.CalibratedClassifierCVWithVA.Parameters": [[9, 5, 1, "", "ensemble"], [9, 5, 1, "", "estimator"], [9, 5, 1, "", "method"], [9, 5, 1, "", "n_folds"]], "optunaz.config.optconfig.ChemPropActivation": [[9, 5, 1, "", "ELU"], [9, 5, 1, "", "LEAKYRELU"], [9, 5, 1, "", "PRELU"], [9, 5, 1, "", "RELU"], [9, 5, 1, "", "SELU"], [9, 5, 1, "", "TANH"]], "optunaz.config.optconfig.ChemPropAggregation": [[9, 5, 1, "", "MEAN"], [9, 5, 1, "", "NORM"], [9, 5, 1, "", "SUM"]], "optunaz.config.optconfig.ChemPropClassifier": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters": [[9, 1, 1, "", "ChemPropParametersAggregation_Norm"], [9, 1, 1, "", "ChemPropParametersBatch_Size"], [9, 1, 1, "", "ChemPropParametersDepth"], [9, 1, 1, "", "ChemPropParametersDropout"], [9, 1, 1, "", "ChemPropParametersFFN_Hidden_Size"], [9, 1, 1, "", "ChemPropParametersFFN_Num_Layers"], [9, 1, 1, "", "ChemPropParametersFinal_Lr_Ratio_Exp"], [9, 1, 1, "", "ChemPropParametersHidden_Size"], [9, 1, 1, "", "ChemPropParametersInit_Lr_Ratio_Exp"], [9, 1, 1, "", "ChemPropParametersMax_Lr_Exp"], [9, 1, 1, "", "ChemPropParametersWarmup_Epochs_Ratio"], [9, 5, 1, "", "activation"], [9, 5, 1, "", "aggregation"], [9, 5, 1, "", "aggregation_norm"], [9, 5, 1, "", "batch_size"], [9, 5, 1, "", "depth"], [9, 5, 1, "", "dropout"], [9, 5, 1, "", "ensemble_size"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "features_generator"], [9, 5, 1, "", "ffn_hidden_size"], [9, 5, 1, "", "ffn_num_layers"], [9, 5, 1, "", "final_lr_ratio_exp"], [9, 5, 1, "", "hidden_size"], [9, 5, 1, "", "init_lr_ratio_exp"], [9, 5, 1, "", "max_lr_exp"], [9, 5, 1, "", "warmup_epochs_ratio"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersAggregation_Norm": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersBatch_Size": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersDepth": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersDropout": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersFFN_Hidden_Size": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersFFN_Num_Layers": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersFinal_Lr_Ratio_Exp": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersHidden_Size": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersInit_Lr_Ratio_Exp": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersMax_Lr_Exp": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.ChemPropClassifier.Parameters.ChemPropParametersWarmup_Epochs_Ratio": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropFeatures_Generator": [[9, 5, 1, "", "MORGAN"], [9, 5, 1, "", "MORGAN_COUNT"], [9, 5, 1, "", "NONE"], [9, 5, 1, "", "RDKIT_2D"], [9, 5, 1, "", "RDKIT_2D_NORMALIZED"]], "optunaz.config.optconfig.ChemPropFrzn": [[9, 5, 1, "", "MPNN"], [9, 5, 1, "", "MPNN_FIRST_FFN"], [9, 5, 1, "", "MPNN_LAST_FFN"], [9, 5, 1, "", "NONE"]], "optunaz.config.optconfig.ChemPropHyperoptClassifier": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.ChemPropHyperoptClassifier.Parameters": [[9, 5, 1, "", "ensemble_size"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "features_generator"], [9, 5, 1, "", "num_iters"], [9, 5, 1, "", "search_parameter_level"]], "optunaz.config.optconfig.ChemPropHyperoptRegressor": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.ChemPropHyperoptRegressor.Parameters": [[9, 5, 1, "", "ensemble_size"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "features_generator"], [9, 5, 1, "", "num_iters"], [9, 5, 1, "", "search_parameter_level"]], "optunaz.config.optconfig.ChemPropRegressor": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters": [[9, 1, 1, "", "ChemPropParametersAggregation_Norm"], [9, 1, 1, "", "ChemPropParametersBatch_Size"], [9, 1, 1, "", "ChemPropParametersDepth"], [9, 1, 1, "", "ChemPropParametersDropout"], [9, 1, 1, "", "ChemPropParametersFFN_Hidden_Size"], [9, 1, 1, "", "ChemPropParametersFFN_Num_Layers"], [9, 1, 1, "", "ChemPropParametersFinal_Lr_Ratio_Exp"], [9, 1, 1, "", "ChemPropParametersHidden_Size"], [9, 1, 1, "", "ChemPropParametersInit_Lr_Ratio_Exp"], [9, 1, 1, "", "ChemPropParametersMax_Lr_Exp"], [9, 1, 1, "", "ChemPropParametersWarmup_Epochs_Ratio"], [9, 5, 1, "", "activation"], [9, 5, 1, "", "aggregation"], [9, 5, 1, "", "aggregation_norm"], [9, 5, 1, "", "batch_size"], [9, 5, 1, "", "depth"], [9, 5, 1, "", "dropout"], [9, 5, 1, "", "ensemble_size"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "features_generator"], [9, 5, 1, "", "ffn_hidden_size"], [9, 5, 1, "", "ffn_num_layers"], [9, 5, 1, "", "final_lr_ratio_exp"], [9, 5, 1, "", "hidden_size"], [9, 5, 1, "", "init_lr_ratio_exp"], [9, 5, 1, "", "max_lr_exp"], [9, 5, 1, "", "warmup_epochs_ratio"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersAggregation_Norm": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersBatch_Size": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersDepth": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersDropout": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersFFN_Hidden_Size": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersFFN_Num_Layers": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersFinal_Lr_Ratio_Exp": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersHidden_Size": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersInit_Lr_Ratio_Exp": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersMax_Lr_Exp": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.ChemPropRegressor.Parameters.ChemPropParametersWarmup_Epochs_Ratio": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropRegressorPretrained": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.ChemPropRegressorPretrained.Parameters": [[9, 1, 1, "", "ChemPropParametersEpochs"], [9, 5, 1, "", "epochs"], [9, 5, 1, "", "frzn"], [9, 5, 1, "", "pretrained_model"]], "optunaz.config.optconfig.ChemPropRegressorPretrained.Parameters.ChemPropParametersEpochs": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"], [9, 5, 1, "", "q"]], "optunaz.config.optconfig.ChemPropSearch_Parameter_Level": [[9, 5, 1, "", "AUTO"], [9, 5, 1, "", "L1"], [9, 5, 1, "", "L2"], [9, 5, 1, "", "L3"], [9, 5, 1, "", "L4"], [9, 5, 1, "", "L5"], [9, 5, 1, "", "L6"], [9, 5, 1, "", "L7"], [9, 5, 1, "", "L8"]], "optunaz.config.optconfig.ClassificationScore": [[9, 5, 1, "", "ACCURACY"], [9, 5, 1, "", "AUC_PR_CAL"], [9, 5, 1, "", "AVERAGE_PRECISION"], [9, 5, 1, "", "BALANCED_ACCURACY"], [9, 5, 1, "", "BEDROC"], [9, 5, 1, "", "CONCORDANCE_INDEX"], [9, 5, 1, "", "F1"], [9, 5, 1, "", "F1_MACRO"], [9, 5, 1, "", "F1_MICRO"], [9, 5, 1, "", "F1_WEIGHTED"], [9, 5, 1, "", "JACCARD"], [9, 5, 1, "", "JACCARD_MACRO"], [9, 5, 1, "", "JACCARD_MICRO"], [9, 5, 1, "", "JACCARD_WEIGHTED"], [9, 5, 1, "", "NEG_BRIER_SCORE"], [9, 5, 1, "", "PRECISION"], [9, 5, 1, "", "PRECISION_MACRO"], [9, 5, 1, "", "PRECISION_MICRO"], [9, 5, 1, "", "PRECISION_WEIGHTED"], [9, 5, 1, "", "RECALL"], [9, 5, 1, "", "RECALL_MACRO"], [9, 5, 1, "", "RECALL_MICRO"], [9, 5, 1, "", "RECALL_WEIGHTED"], [9, 5, 1, "", "ROC_AUC"]], "optunaz.config.optconfig.KNeighborsClassifier": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.KNeighborsClassifier.Parameters": [[9, 1, 1, "", "KNeighborsClassifierParametersN_Neighbors"], [9, 5, 1, "", "metric"], [9, 5, 1, "", "n_neighbors"], [9, 5, 1, "", "weights"]], "optunaz.config.optconfig.KNeighborsClassifier.Parameters.KNeighborsClassifierParametersN_Neighbors": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.KNeighborsMetric": [[9, 5, 1, "", "EUCLIDEAN"], [9, 5, 1, "", "MANHATTAN"], [9, 5, 1, "", "MINKOWSKI"]], "optunaz.config.optconfig.KNeighborsRegressor": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.KNeighborsRegressor.Parameters": [[9, 1, 1, "", "KNeighborsRegressorParametersN_Neighbors"], [9, 5, 1, "", "metric"], [9, 5, 1, "", "n_neighbors"], [9, 5, 1, "", "weights"]], "optunaz.config.optconfig.KNeighborsRegressor.Parameters.KNeighborsRegressorParametersN_Neighbors": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.KNeighborsWeights": [[9, 5, 1, "", "DISTANCE"], [9, 5, 1, "", "UNIFORM"]], "optunaz.config.optconfig.Lasso": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.Lasso.Parameters": [[9, 1, 1, "", "LassoParametersAlpha"], [9, 5, 1, "", "alpha"]], "optunaz.config.optconfig.Lasso.Parameters.LassoParametersAlpha": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.LogisticRegression": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.LogisticRegression.Parameters": [[9, 5, 1, "", "C"], [9, 1, 1, "", "LogisticRegressionParametersParameterC"], [9, 5, 1, "", "solver"]], "optunaz.config.optconfig.LogisticRegression.Parameters.LogisticRegressionParametersParameterC": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.Mapie": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.Mapie.Parameters": [[9, 5, 1, "", "estimator"], [9, 5, 1, "", "mapie_alpha"]], "optunaz.config.optconfig.OptimizationConfig": [[9, 1, 1, "", "Settings"], [9, 5, 1, "", "algorithms"], [9, 5, 1, "", "data"], [9, 5, 1, "", "description"], [9, 5, 1, "", "descriptors"], [9, 5, 1, "", "mode"], [9, 5, 1, "", "name"], [9, 3, 1, "", "set_algo_hashes"], [9, 3, 1, "", "set_cache"], [9, 5, 1, "", "settings"], [9, 5, 1, "", "task"], [9, 5, 1, "", "visualization"]], "optunaz.config.optconfig.OptimizationConfig.Settings": [[9, 5, 1, "", "cross_validation"], [9, 5, 1, "", "cv_split_strategy"], [9, 5, 1, "", "direction"], [9, 5, 1, "", "minimise_std_dev"], [9, 5, 1, "", "mode"], [9, 5, 1, "", "n_chemprop_trials"], [9, 5, 1, "", "n_jobs"], [9, 5, 1, "", "n_startup_trials"], [9, 5, 1, "", "n_trials"], [9, 5, 1, "", "optuna_storage"], [9, 5, 1, "", "random_seed"], [9, 5, 1, "", "scoring"], [9, 5, 1, "", "shuffle"], [9, 5, 1, "", "split_chemprop"], [9, 5, 1, "", "track_to_mlflow"], [9, 5, 1, "", "tracking_rest_endpoint"], [9, 5, 1, "", "use_cache"]], "optunaz.config.optconfig.PLSRegression": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.PLSRegression.Parameters": [[9, 1, 1, "", "NComponents"], [9, 5, 1, "", "n_components"]], "optunaz.config.optconfig.PLSRegression.Parameters.NComponents": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.PRFClassifier": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.PRFClassifier.Parameters": [[9, 1, 1, "", "PRFClassifierParametersMaxDepth"], [9, 1, 1, "", "PRFClassifierParametersMinPySumLeaf"], [9, 1, 1, "", "PRFClassifierParametersNEstimators"], [9, 5, 1, "", "max_depth"], [9, 5, 1, "", "max_features"], [9, 5, 1, "", "min_py_sum_leaf"], [9, 5, 1, "", "n_estimators"], [9, 5, 1, "", "use_py_gini"], [9, 5, 1, "", "use_py_leafs"]], "optunaz.config.optconfig.PRFClassifier.Parameters.PRFClassifierParametersMaxDepth": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.PRFClassifier.Parameters.PRFClassifierParametersMinPySumLeaf": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.PRFClassifier.Parameters.PRFClassifierParametersNEstimators": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.PRFClassifierMaxFeatures": [[9, 5, 1, "", "AUTO"], [9, 5, 1, "", "LOG2"], [9, 5, 1, "", "SQRT"]], "optunaz.config.optconfig.RandomForestClassifier": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.RandomForestClassifier.Parameters": [[9, 1, 1, "", "RandomForestClassifierParametersMaxDepth"], [9, 1, 1, "", "RandomForestClassifierParametersNEstimators"], [9, 5, 1, "", "max_depth"], [9, 5, 1, "", "max_features"], [9, 5, 1, "", "n_estimators"]], "optunaz.config.optconfig.RandomForestClassifier.Parameters.RandomForestClassifierParametersMaxDepth": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.RandomForestClassifier.Parameters.RandomForestClassifierParametersNEstimators": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.RandomForestMaxFeatures": [[9, 5, 1, "", "AUTO"], [9, 5, 1, "", "LOG2"], [9, 5, 1, "", "SQRT"]], "optunaz.config.optconfig.RandomForestRegressor": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.RandomForestRegressor.Parameters": [[9, 1, 1, "", "RandomForestRegressorParametersMaxDepth"], [9, 1, 1, "", "RandomForestRegressorParametersNEstimators"], [9, 5, 1, "", "max_depth"], [9, 5, 1, "", "max_features"], [9, 5, 1, "", "n_estimators"]], "optunaz.config.optconfig.RandomForestRegressor.Parameters.RandomForestRegressorParametersMaxDepth": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.RandomForestRegressor.Parameters.RandomForestRegressorParametersNEstimators": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.RegressionScore": [[9, 5, 1, "", "EXPLAINED_VARIANCE"], [9, 5, 1, "", "MAX_ERROR"], [9, 5, 1, "", "NEG_MEAN_ABSOLUTE_ERROR"], [9, 5, 1, "", "NEG_MEAN_SQUARED_ERROR"], [9, 5, 1, "", "NEG_MEDIAN_ABSOLUTE_ERROR"], [9, 5, 1, "", "R2"]], "optunaz.config.optconfig.Ridge": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.Ridge.Parameters": [[9, 1, 1, "", "Alpha"], [9, 5, 1, "", "alpha"]], "optunaz.config.optconfig.Ridge.Parameters.Alpha": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.SVC": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.SVC.Parameters": [[9, 5, 1, "", "C"], [9, 1, 1, "", "Gamma"], [9, 1, 1, "", "SVCParametersParameterC"], [9, 5, 1, "", "gamma"]], "optunaz.config.optconfig.SVC.Parameters.Gamma": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.SVC.Parameters.SVCParametersParameterC": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.SVR": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.SVR.Parameters": [[9, 5, 1, "", "C"], [9, 1, 1, "", "SVRParametersGamma"], [9, 1, 1, "", "SVRParametersParameterC"], [9, 5, 1, "", "gamma"]], "optunaz.config.optconfig.SVR.Parameters.SVRParametersGamma": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.SVR.Parameters.SVRParametersParameterC": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.XGBRegressor": [[9, 1, 1, "", "Parameters"], [9, 5, 1, "", "name"], [9, 5, 1, "", "parameters"]], "optunaz.config.optconfig.XGBRegressor.Parameters": [[9, 1, 1, "", "LearningRate"], [9, 1, 1, "", "MaxDepth"], [9, 1, 1, "", "NEstimators"], [9, 5, 1, "", "learning_rate"], [9, 5, 1, "", "max_depth"], [9, 5, 1, "", "n_estimators"]], "optunaz.config.optconfig.XGBRegressor.Parameters.LearningRate": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.XGBRegressor.Parameters.MaxDepth": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.config.optconfig.XGBRegressor.Parameters.NEstimators": [[9, 5, 1, "", "high"], [9, 5, 1, "", "low"]], "optunaz.datareader": [[8, 1, 1, "", "Dataset"], [8, 4, 1, "", "deduplicate"], [8, 4, 1, "", "isvalid"], [8, 4, 1, "", "merge"], [8, 4, 1, "", "read_data"], [8, 4, 1, "", "split"], [8, 4, 1, "", "transform"]], "optunaz.datareader.Dataset": [[8, 5, 1, "", "aux_column"], [8, 5, 1, "", "aux_transform"], [8, 3, 1, "", "check_sets"], [8, 5, 1, "", "deduplication_strategy"], [8, 3, 1, "", "get_merged_sets"], [8, 3, 1, "", "get_sets"], [8, 5, 1, "", "input_column"], [8, 5, 1, "", "intermediate_test_dataset_file"], [8, 5, 1, "", "intermediate_training_dataset_file"], [8, 5, 1, "", "log_transform"], [8, 5, 1, "", "log_transform_base"], [8, 5, 1, "", "log_transform_negative"], [8, 5, 1, "", "log_transform_unit_conversion"], [8, 5, 1, "", "probabilistic_threshold_representation"], [8, 5, 1, "", "probabilistic_threshold_representation_std"], [8, 5, 1, "", "probabilistic_threshold_representation_threshold"], [8, 5, 1, "", "response_column"], [8, 5, 1, "", "response_type"], [8, 5, 1, "", "save_intermediate_files"], [8, 5, 1, "", "split_strategy"], [8, 5, 1, "", "test_dataset_file"], [8, 5, 1, "", "training_dataset_file"]], "optunaz.descriptors": [[8, 1, 1, "", "AmorProtDescriptors"], [8, 1, 1, "", "Avalon"], [8, 1, 1, "", "CanonicalSmiles"], [8, 1, 1, "", "CompositeDescriptor"], [8, 1, 1, "", "ECFP"], [8, 1, 1, "", "ECFP_counts"], [8, 1, 1, "", "FittedSklearnScaler"], [8, 1, 1, "", "GenericScaffold"], [8, 1, 1, "", "JazzyDescriptors"], [8, 1, 1, "", "MACCS_keys"], [8, 1, 1, "", "MAPC"], [8, 1, 1, "", "MolDescriptor"], [8, 6, 1, "", "NoValidSmiles"], [8, 1, 1, "", "PathFP"], [8, 1, 1, "", "PhyschemDescriptors"], [8, 1, 1, "", "PrecomputedDescriptorFromFile"], [8, 1, 1, "", "RdkitDescriptor"], [8, 1, 1, "", "Scaffold"], [8, 1, 1, "", "ScaledDescriptor"], [8, 6, 1, "", "ScalingFittingError"], [8, 1, 1, "", "SmilesAndSideInfoFromFile"], [8, 1, 1, "", "SmilesFromFile"], [8, 1, 1, "", "UnfittedSklearnScaler"], [8, 1, 1, "", "UnscaledJazzyDescriptors"], [8, 1, 1, "", "UnscaledMAPC"], [8, 1, 1, "", "UnscaledPhyschemDescriptors"], [8, 1, 1, "", "UnscaledZScalesDescriptors"], [8, 1, 1, "", "ValidDescriptor"], [8, 1, 1, "", "ZScalesDescriptors"], [8, 4, 1, "", "descriptor_from_config"], [8, 4, 1, "", "mol_from_smi"], [8, 4, 1, "", "numpy_from_rdkit"]], "optunaz.descriptors.AmorProtDescriptors": [[8, 1, 1, "", "AmorProt"], [8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.AmorProtDescriptors.AmorProt": [[8, 3, 1, "", "T"], [8, 3, 1, "", "fingerprint"]], "optunaz.descriptors.Avalon": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_mol"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.Avalon.Parameters": [[8, 5, 1, "", "nBits"]], "optunaz.descriptors.CanonicalSmiles": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.CompositeDescriptor": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 3, 1, "", "fp_info"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.CompositeDescriptor.Parameters": [[8, 5, 1, "", "descriptors"]], "optunaz.descriptors.ECFP": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_mol"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.ECFP.Parameters": [[8, 5, 1, "", "nBits"], [8, 5, 1, "", "radius"], [8, 5, 1, "", "returnRdkit"]], "optunaz.descriptors.ECFP_counts": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_mol"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.ECFP_counts.Parameters": [[8, 5, 1, "", "nBits"], [8, 5, 1, "", "radius"], [8, 5, 1, "", "useFeatures"]], "optunaz.descriptors.FittedSklearnScaler": [[8, 3, 1, "", "get_fitted_scaler"], [8, 5, 1, "", "name"], [8, 5, 1, "", "saved_params"]], "optunaz.descriptors.GenericScaffold": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.JazzyDescriptors": [[8, 1, 1, "", "Parameters"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.JazzyDescriptors.Parameters": [[8, 5, 1, "", "descriptor"], [8, 5, 1, "", "jazzy_filters"], [8, 5, 1, "", "jazzy_names"], [8, 5, 1, "", "scaler"]], "optunaz.descriptors.MACCS_keys": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_mol"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.MAPC": [[8, 1, 1, "", "Parameters"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.MAPC.Parameters": [[8, 5, 1, "", "descriptor"], [8, 5, 1, "", "maxRadius"], [8, 5, 1, "", "nPermutations"], [8, 5, 1, "", "scaler"]], "optunaz.descriptors.MolDescriptor": [[8, 3, 1, "", "calculate_from_smi"], [8, 3, 1, "", "parallel_compute_descriptor"]], "optunaz.descriptors.PathFP": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_mol"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.PathFP.Parameters": [[8, 5, 1, "", "fpSize"], [8, 5, 1, "", "maxPath"]], "optunaz.descriptors.PhyschemDescriptors": [[8, 1, 1, "", "Parameters"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.PhyschemDescriptors.Parameters": [[8, 5, 1, "", "descriptor"], [8, 5, 1, "", "rdkit_names"], [8, 5, 1, "", "scaler"]], "optunaz.descriptors.PrecomputedDescriptorFromFile": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 3, 1, "", "inference_parameters"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.PrecomputedDescriptorFromFile.Parameters": [[8, 5, 1, "", "file"], [8, 5, 1, "", "input_column"], [8, 5, 1, "", "response_column"]], "optunaz.descriptors.RdkitDescriptor": [[8, 3, 1, "", "calculate_from_mol"], [8, 3, 1, "", "calculate_from_smi"]], "optunaz.descriptors.Scaffold": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.ScaledDescriptor": [[8, 1, 1, "", "ScaledDescriptorParameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"], [8, 3, 1, "", "set_unfitted_scaler_data"]], "optunaz.descriptors.ScaledDescriptor.ScaledDescriptorParameters": [[8, 5, 1, "", "descriptor"], [8, 5, 1, "", "scaler"]], "optunaz.descriptors.SmilesAndSideInfoFromFile": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.SmilesAndSideInfoFromFile.Parameters": [[8, 1, 1, "", "Aux_Weight_Pc"], [8, 5, 1, "", "aux_weight_pc"], [8, 5, 1, "", "file"], [8, 5, 1, "", "input_column"]], "optunaz.descriptors.SmilesAndSideInfoFromFile.Parameters.Aux_Weight_Pc": [[8, 5, 1, "", "high"], [8, 5, 1, "", "low"], [8, 5, 1, "", "q"]], "optunaz.descriptors.SmilesFromFile": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.UnfittedSklearnScaler": [[8, 1, 1, "", "MolData"], [8, 3, 1, "", "get_fitted_scaler_for_fp"], [8, 5, 1, "", "mol_data"], [8, 5, 1, "", "name"]], "optunaz.descriptors.UnfittedSklearnScaler.MolData": [[8, 5, 1, "", "file_path"], [8, 5, 1, "", "smiles_column"]], "optunaz.descriptors.UnscaledJazzyDescriptors": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.UnscaledJazzyDescriptors.Parameters": [[8, 5, 1, "", "jazzy_filters"], [8, 5, 1, "", "jazzy_names"]], "optunaz.descriptors.UnscaledMAPC": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_mol"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.UnscaledMAPC.Parameters": [[8, 5, 1, "", "maxRadius"], [8, 5, 1, "", "nPermutations"]], "optunaz.descriptors.UnscaledPhyschemDescriptors": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_mol"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.UnscaledPhyschemDescriptors.Parameters": [[8, 5, 1, "", "rdkit_names"]], "optunaz.descriptors.UnscaledZScalesDescriptors": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.ValidDescriptor": [[8, 1, 1, "", "Parameters"], [8, 3, 1, "", "calculate_from_smi"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.ZScalesDescriptors": [[8, 1, 1, "", "Parameters"], [8, 5, 1, "", "name"], [8, 5, 1, "", "parameters"]], "optunaz.descriptors.ZScalesDescriptors.Parameters": [[8, 5, 1, "", "descriptor"], [8, 5, 1, "", "scaler"]], "optunaz.evaluate": [[8, 4, 1, "", "calibration_analysis"], [8, 4, 1, "", "get_merged_train_score"], [8, 4, 1, "", "get_scores"], [8, 4, 1, "", "get_train_test_scores"]], "optunaz.explainability": [[8, 4, 1, "", "ExplainPreds"], [8, 4, 1, "", "ShapExplainer"], [8, 4, 1, "", "explain_ECFP"], [8, 4, 1, "", "get_ecfp_fpinfo"], [8, 4, 1, "", "get_ecfpcount_fpinfo"], [8, 4, 1, "", "get_fp_info"], [8, 4, 1, "", "runShap"]], "optunaz.metircs": [[8, 4, 1, "", "auc_pr_cal"], [8, 4, 1, "", "bedroc_score"], [8, 4, 1, "", "concordance_index"], [8, 4, 1, "", "validate_cls_input"]], "optunaz.model_writer": [[8, 1, 1, "", "Predictor"], [8, 1, 1, "", "QSARtunaModel"], [8, 4, 1, "", "get_metadata"], [8, 4, 1, "", "get_transform"], [8, 4, 1, "", "perform_ptr"], [8, 4, 1, "", "save_model"], [8, 4, 1, "", "wrap_model"]], "optunaz.model_writer.Predictor": [[8, 3, 1, "", "explain"], [8, 3, 1, "", "predict"], [8, 3, 1, "", "predict_proba"], [8, 3, 1, "", "predict_uncert"]], "optunaz.model_writer.QSARtunaModel": [[8, 5, 1, "", "aux_transform"], [8, 5, 1, "", "descriptor"], [8, 5, 1, "", "metadata"], [8, 5, 1, "", "mode"], [8, 3, 1, "", "predict_from_smiles"], [8, 5, 1, "", "predictor"], [8, 5, 1, "", "transform"]], "optunaz.objective": [[8, 6, 1, "", "NoValidDescriptors"], [8, 1, 1, "", "Objective"], [8, 4, 1, "", "null_scores"]], "optunaz.objective.Objective": [[8, 5, 1, "", "cache"], [8, 5, 1, "", "optconfig"], [8, 5, 1, "", "train_aux"], [8, 5, 1, "", "train_smiles"], [8, 5, 1, "", "train_y"]], "optunaz.optbuild": [[8, 4, 1, "", "main"]], "optunaz.predict": [[8, 6, 1, "", "ArgsError"], [8, 6, 1, "", "AuxCovariateMissing"], [8, 6, 1, "", "PrecomputedError"], [8, 6, 1, "", "UncertaintyError"], [8, 4, 1, "", "check_precomp_args"], [8, 4, 1, "", "main"], [8, 4, 1, "", "set_inference_params"], [8, 4, 1, "", "validate_args"], [8, 4, 1, "", "validate_aux"], [8, 4, 1, "", "validate_set_precomputed"], [8, 4, 1, "", "validate_uncertainty"]], "optunaz.schemagen": [[8, 4, 1, "", "doctitle"], [8, 4, 1, "", "main"], [8, 4, 1, "", "patch_schema_generic"], [8, 4, 1, "", "patch_schema_optunaz"], [8, 4, 1, "", "type_base_schema"]], "optunaz.three_step_opt_build_merge": [[8, 4, 1, "", "base_chemprop_params"], [8, 4, 1, "", "build_best"], [8, 4, 1, "", "build_merged"], [8, 4, 1, "", "buildconfig_best"], [8, 4, 1, "", "log_scores"], [8, 4, 1, "", "optimize"], [8, 4, 1, "", "run_study"], [8, 4, 1, "", "split_optimize"]], "optunaz.utils": [[11, 0, 0, "-", "enums"], [10, 0, 0, "-", "files_paths"], [10, 4, 1, "", "load_df_from_file"], [10, 0, 0, "-", "load_json"], [10, 4, 1, "", "md5_hash"], [10, 4, 1, "", "mkdict"], [10, 0, 0, "-", "mlflow"], [12, 0, 0, "-", "preprocessing"], [10, 4, 1, "", "remove_failed_idx"], [10, 0, 0, "-", "retraining"], [10, 0, 0, "-", "schema"], [10, 0, 0, "-", "tracking"]], "optunaz.utils.enums": [[11, 1, 1, "", "MlflowLogParams"], [11, 1, 1, "", "StudyUserAttrs"], [11, 1, 1, "", "TrialParams"], [11, 1, 1, "", "TrialUserAttrs"], [11, 0, 0, "-", "building_configuration_enum"], [11, 0, 0, "-", "configuration_enum"], [11, 0, 0, "-", "interface_enum"], [11, 0, 0, "-", "model_runner_enum"], [11, 0, 0, "-", "objective_enum"], [11, 0, 0, "-", "optimization_configuration_enum"], [11, 0, 0, "-", "prediction_configuration_enum"], [11, 0, 0, "-", "return_values_enum"], [11, 0, 0, "-", "visualization_enum"]], "optunaz.utils.enums.MlflowLogParams": [[11, 5, 1, "", "TRIAL_NUMBER"]], "optunaz.utils.enums.StudyUserAttrs": [[11, 5, 1, "", "OPTCONFIG"]], "optunaz.utils.enums.TrialParams": [[11, 5, 1, "", "ALGORITHM_HASH"], [11, 5, 1, "", "ALGORITHM_NAME"], [11, 5, 1, "", "DESCRIPTOR"]], "optunaz.utils.enums.TrialUserAttrs": [[11, 5, 1, "", "TEST_SCORES"], [11, 5, 1, "", "TRAIN_SCORES"]], "optunaz.utils.enums.building_configuration_enum": [[11, 1, 1, "", "BuildingConfigurationEnum"]], "optunaz.utils.enums.building_configuration_enum.BuildingConfigurationEnum": [[11, 5, 1, "", "GENERAL_CLASSIFIER"], [11, 5, 1, "", "GENERAL_HYPERPARAMETERS"], [11, 5, 1, "", "GENERAL_REGRESSOR"], [11, 5, 1, "", "METADATA"], [11, 5, 1, "", "METADATA_BESTTRIAL"], [11, 5, 1, "", "METADATA_BESTVALUE"]], "optunaz.utils.enums.configuration_enum": [[11, 1, 1, "", "ConfigurationEnum"]], "optunaz.utils.enums.configuration_enum.ConfigurationEnum": [[11, 5, 1, "", "ALGORITHMS"], [11, 5, 1, "", "ALGORITHMS_ADABOOSTCLASSIFIER"], [11, 5, 1, "", "ALGORITHMS_ADABOOSTCLASSIFIER_LEARNING_RATE"], [11, 5, 1, "", "ALGORITHMS_ADABOOSTCLASSIFIER_N_ESTIMATORS"], [11, 5, 1, "", "ALGORITHMS_CALIBRATEDCLASSIFIERCV"], [11, 5, 1, "", "ALGORITHMS_CALIBRATEDCLASSIFIERCV_ENSEMBLE"], [11, 5, 1, "", "ALGORITHMS_CALIBRATEDCLASSIFIERCV_ESTIMATOR"], [11, 5, 1, "", "ALGORITHMS_CALIBRATEDCLASSIFIERCV_METHOD"], [11, 5, 1, "", "ALGORITHMS_CALIBRATEDCLASSIFIERCV_N_FOLDS"], [11, 5, 1, "", "ALGORITHMS_CALIBRATEDCLASSIFIERCV_PARAMS"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_ACTIVATION"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_AGGREGATION"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_AGGREGATION_NORM"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_BATCH_SIZE"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_CLASSIFIER"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_DEPTH"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_DROPOUT"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_ENSEMBLE_SIZE"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_EPOCHS"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_FEATURES_GENERATOR"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_FFN_HIDDEN_SIZE"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_FFN_NUM_LAYERS"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_FINAL_LR_RATIO_EXP"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_FRZN"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_HIDDEN_SIZE"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_HYPEROPT_CLASSIFIER"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_HYPEROPT_REGRESSOR"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_INIT_LR_RATIO_EXP"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_MAX_LR_EXP"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_NUM_ITERS"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_PRETRAINED_MODEL"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_REGRESSOR"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_SEARCH_PARAMETER_LEVEL"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_STARTUP_RANDOM_ITERS"], [11, 5, 1, "", "ALGORITHMS_CHEMPROP_WARMUP_EPOCHS_RATIO"], [11, 5, 1, "", "ALGORITHMS_HIGH"], [11, 5, 1, "", "ALGORITHMS_INTERFACE_SKLEARN"], [11, 5, 1, "", "ALGORITHMS_INTERFACE_XGBOOST"], [11, 5, 1, "", "ALGORITHMS_KNEIGHBORSCLASSIFIER"], [11, 5, 1, "", "ALGORITHMS_KNEIGHBORSREGRESSOR"], [11, 5, 1, "", "ALGORITHMS_KNEIGHBORS_METRIC"], [11, 5, 1, "", "ALGORITHMS_KNEIGHBORS_N_NEIGHBORS"], [11, 5, 1, "", "ALGORITHMS_KNEIGHBORS_WEIGHTS"], [11, 5, 1, "", "ALGORITHMS_LASSO"], [11, 5, 1, "", "ALGORITHMS_LASSO_ALPHA"], [11, 5, 1, "", "ALGORITHMS_LOGISTICREGRESSION"], [11, 5, 1, "", "ALGORITHMS_LOGISTICREGRESSION_C"], [11, 5, 1, "", "ALGORITHMS_LOGISTICREGRESSION_SOLVER"], [11, 5, 1, "", "ALGORITHMS_LOW"], [11, 5, 1, "", "ALGORITHMS_MAPIE"], [11, 5, 1, "", "ALGORITHMS_MAPIE_ALPHA"], [11, 5, 1, "", "ALGORITHMS_PLSREGRESSION"], [11, 5, 1, "", "ALGORITHMS_PLSREGRESSION_N_COMPONENTS"], [11, 5, 1, "", "ALGORITHMS_PRF"], [11, 5, 1, "", "ALGORITHMS_PRF_MAX_DEPTH"], [11, 5, 1, "", "ALGORITHMS_PRF_MAX_FEATURES"], [11, 5, 1, "", "ALGORITHMS_PRF_MINPYSUMLEAF"], [11, 5, 1, "", "ALGORITHMS_PRF_N_ESTIMATORS"], [11, 5, 1, "", "ALGORITHMS_PRF_USE_PY_GINI"], [11, 5, 1, "", "ALGORITHMS_PRF_USE_PY_LEAFS"], [11, 5, 1, "", "ALGORITHMS_Q"], [11, 5, 1, "", "ALGORITHMS_RFCLASSIFIER"], [11, 5, 1, "", "ALGORITHMS_RFREGRESSOR"], [11, 5, 1, "", "ALGORITHMS_RF_MAX_DEPTH"], [11, 5, 1, "", "ALGORITHMS_RF_MAX_FEATURES"], [11, 5, 1, "", "ALGORITHMS_RF_N_ESTIMATORS"], [11, 5, 1, "", "ALGORITHMS_RIDGE"], [11, 5, 1, "", "ALGORITHMS_RIDGE_ALPHA"], [11, 5, 1, "", "ALGORITHMS_SVC"], [11, 5, 1, "", "ALGORITHMS_SVC_C"], [11, 5, 1, "", "ALGORITHMS_SVC_GAMMA"], [11, 5, 1, "", "ALGORITHMS_SVR"], [11, 5, 1, "", "ALGORITHMS_SVR_C"], [11, 5, 1, "", "ALGORITHMS_SVR_GAMMA"], [11, 5, 1, "", "ALGORITHMS_XGBREGRESSOR"], [11, 5, 1, "", "ALGORITHMS_XGBREGRESSOR_LEARNING_RATE"], [11, 5, 1, "", "ALGORITHMS_XGBREGRESSOR_MAX_DEPTH"], [11, 5, 1, "", "ALGORITHMS_XGBREGRESSOR_N_ESTIMATORS"], [11, 5, 1, "", "DATA"], [11, 5, 1, "", "DATA_INPUTCOLUMN"], [11, 5, 1, "", "DATA_RESPONSECOLUMN"], [11, 5, 1, "", "DATA_TEST"], [11, 5, 1, "", "DATA_TRAINING"], [11, 5, 1, "", "DESCRIPTORS"], [11, 5, 1, "", "DESCRIPTORS_AMORPROT"], [11, 5, 1, "", "DESCRIPTORS_AVALON"], [11, 5, 1, "", "DESCRIPTORS_AVALON_NBITS"], [11, 5, 1, "", "DESCRIPTORS_COMPOSITE"], [11, 5, 1, "", "DESCRIPTORS_ECFP"], [11, 5, 1, "", "DESCRIPTORS_ECFPCOUNTS"], [11, 5, 1, "", "DESCRIPTORS_ECFPCOUNTS_RADIUS"], [11, 5, 1, "", "DESCRIPTORS_ECFPCOUNTS_USEFEATURES"], [11, 5, 1, "", "DESCRIPTORS_ECFP_NBITS"], [11, 5, 1, "", "DESCRIPTORS_ECFP_RADIUS"], [11, 5, 1, "", "DESCRIPTORS_JAZZY"], [11, 5, 1, "", "DESCRIPTORS_JAZZY_JAZZYNAMES"], [11, 5, 1, "", "DESCRIPTORS_MACCSKEYS"], [11, 5, 1, "", "DESCRIPTORS_MAPC"], [11, 5, 1, "", "DESCRIPTORS_MAPC_MAXRADIUS"], [11, 5, 1, "", "DESCRIPTORS_MAPC_NPERMUTATIONS"], [11, 5, 1, "", "DESCRIPTORS_PATHFP"], [11, 5, 1, "", "DESCRIPTORS_PATHFP_FPSIZE"], [11, 5, 1, "", "DESCRIPTORS_PATHFP_MAXPATH"], [11, 5, 1, "", "DESCRIPTORS_PHYSCHEM"], [11, 5, 1, "", "DESCRIPTORS_PHYSCHEM_RDKITNAMES"], [11, 5, 1, "", "DESCRIPTORS_PRECOMPUTED"], [11, 5, 1, "", "DESCRIPTORS_PRECOMPUTED_FILE"], [11, 5, 1, "", "DESCRIPTORS_PRECOMPUTED_INPUT_COLUMNN"], [11, 5, 1, "", "DESCRIPTORS_PRECOMPUTED_RESPONSE_COLUMN"], [11, 5, 1, "", "DESCRIPTORS_SCALED"], [11, 5, 1, "", "DESCRIPTORS_SCALED_DESCRIPTOR"], [11, 5, 1, "", "DESCRIPTORS_SCALED_DESCRIPTOR_PARAMETERS"], [11, 5, 1, "", "DESCRIPTORS_SMILES"], [11, 5, 1, "", "DESCRIPTORS_SMILES_AND_SI"], [11, 5, 1, "", "DESCRIPTORS_SMILES_AND_SI_AUX_WEIGHT_PC"], [11, 5, 1, "", "DESCRIPTORS_SMILES_AND_SI_FILE"], [11, 5, 1, "", "DESCRIPTORS_SMILES_AND_SI_INPUT_COLUMN"], [11, 5, 1, "", "DESCRIPTORS_UNSC_JAZZY"], [11, 5, 1, "", "DESCRIPTORS_UNSC_MAPC"], [11, 5, 1, "", "DESCRIPTORS_UNSC_PHYSCHEM"], [11, 5, 1, "", "DESCRIPTORS_UNSC_ZSCALES"], [11, 5, 1, "", "DESCRIPTORS_ZSCALES"], [11, 5, 1, "", "GENERAL_DISABLED"], [11, 5, 1, "", "GENERAL_PARAMETERS"], [11, 5, 1, "", "SETTINGS"], [11, 5, 1, "", "SETTINGS_CROSS_VALIDATION"], [11, 5, 1, "", "SETTINGS_DIRECTION"], [11, 5, 1, "", "SETTINGS_MODE"], [11, 5, 1, "", "SETTINGS_MODE_CLASSIFICATION"], [11, 5, 1, "", "SETTINGS_MODE_REGRESSION"], [11, 5, 1, "", "SETTINGS_N_JOBS"], [11, 5, 1, "", "SETTINGS_N_TRIALS"], [11, 5, 1, "", "SETTINGS_SHUFFLE"], [11, 5, 1, "", "TASK"], [11, 5, 1, "", "TASK_BUILDING"], [11, 5, 1, "", "TASK_OPTIMIZATION"]], "optunaz.utils.enums.interface_enum": [[11, 1, 1, "", "InterfaceEnum"]], "optunaz.utils.enums.interface_enum.InterfaceEnum": [[11, 5, 1, "", "CALIBRATED_SET"], [11, 5, 1, "", "CHEMPROP_SET"], [11, 5, 1, "", "PRF_SET"], [11, 5, 1, "", "SKLEARN_SET"], [11, 5, 1, "", "XGBOOST_SET"]], "optunaz.utils.enums.model_runner_enum": [[11, 1, 1, "", "ModelRunnerDataframeEnum"]], "optunaz.utils.enums.model_runner_enum.ModelRunnerDataframeEnum": [[11, 5, 1, "", "SET"], [11, 5, 1, "", "SMILES"], [11, 5, 1, "", "TEST"], [11, 5, 1, "", "TRAIN"], [11, 5, 1, "", "Y_PRED"], [11, 5, 1, "", "Y_TRUE"]], "optunaz.utils.enums.objective_enum": [[11, 1, 1, "", "ObjectiveEnum"]], "optunaz.utils.enums.objective_enum.ObjectiveEnum": [[11, 5, 1, "", "ATTRIBUTE_TRIAL_TRAIN_SCORE"], [11, 5, 1, "", "EXTRA_COLUMN_BESTHIT"]], "optunaz.utils.enums.optimization_configuration_enum": [[11, 1, 1, "", "OptimizationConfigurationEnum"]], "optunaz.utils.enums.prediction_configuration_enum": [[11, 1, 1, "", "PredictionConfigurationEnum"]], "optunaz.utils.enums.prediction_configuration_enum.PredictionConfigurationEnum": [[11, 5, 1, "", "DATA_DATASET"]], "optunaz.utils.enums.return_values_enum": [[11, 1, 1, "", "SklearnReturnValueEnum"], [11, 1, 1, "", "XGBoostReturnValueEnum"]], "optunaz.utils.enums.return_values_enum.SklearnReturnValueEnum": [[11, 5, 1, "", "CROSS_VALIDATE_FIT_TIME"], [11, 5, 1, "", "CROSS_VALIDATE_SCORE_TIME"], [11, 5, 1, "", "CROSS_VALIDATE_TEST_SCORE"], [11, 5, 1, "", "CROSS_VALIDATE_TRAIN_SCORE"]], "optunaz.utils.enums.return_values_enum.XGBoostReturnValueEnum": [[11, 5, 1, "", "CROSS_VALIDATE_FIT_TIME"], [11, 5, 1, "", "CROSS_VALIDATE_SCORE_TIME"], [11, 5, 1, "", "CROSS_VALIDATE_TEST_SCORE"], [11, 5, 1, "", "CROSS_VALIDATE_TRAIN_SCORE"]], "optunaz.utils.enums.visualization_enum": [[11, 1, 1, "", "VisualizationEnum"]], "optunaz.utils.enums.visualization_enum.VisualizationEnum": [[11, 5, 1, "", "OPTUNA_SYSTEM_ATTRS_INTERMEDIATE_VALUES"], [11, 5, 1, "", "OPTUNA_SYSTEM_ATTRS_NUMBER"], [11, 5, 1, "", "OPTUNA_SYSTEM_ATTRS_TRIAL_ID"], [11, 5, 1, "", "VISUALIZATION"], [11, 5, 1, "", "VISUALIZATION_CLASSIFIER"], [11, 5, 1, "", "VISUALIZATION_FILE_FORMAT"], [11, 5, 1, "", "VISUALIZATION_OUTPUT_FOLDER"], [11, 5, 1, "", "VISUALIZATION_PLOTS"], [11, 5, 1, "", "VISUALIZATION_PLOTS_CONTOUR"], [11, 5, 1, "", "VISUALIZATION_PLOTS_HISTORY"], [11, 5, 1, "", "VISUALIZATION_PLOTS_PARALLEL_COORDINATE"], [11, 5, 1, "", "VISUALIZATION_PLOTS_SLICE"], [11, 5, 1, "", "VISUALIZATION_REGRESSOR"], [11, 5, 1, "", "VISUALIZATION_USE_XVFB"]], "optunaz.utils.files_paths": [[10, 4, 1, "", "attach_root_path"], [10, 4, 1, "", "move_up_directory"]], "optunaz.utils.load_json": [[10, 4, 1, "", "loadJSON"]], "optunaz.utils.mlflow": [[10, 1, 1, "", "MLflowCallback"], [10, 4, 1, "", "add_ellipsis"], [10, 4, 1, "", "shorten_names"]], "optunaz.utils.mlflow.MLflowCallback": [[10, 5, 1, "", "optconfig"], [10, 3, 1, "", "prepare_tags"], [10, 3, 1, "", "tmp_buildconfig"], [10, 5, 1, "", "tracking_uri"], [10, 5, 1, "", "trial_number_offset"]], "optunaz.utils.preprocessing": [[12, 0, 0, "-", "deduplicator"], [12, 0, 0, "-", "splitter"], [12, 0, 0, "-", "transform"]], "optunaz.utils.preprocessing.deduplicator": [[12, 1, 1, "", "Deduplicator"], [12, 1, 1, "", "KeepAllNoDeduplication"], [12, 1, 1, "", "KeepAvg"], [12, 1, 1, "", "KeepFirst"], [12, 1, 1, "", "KeepLast"], [12, 1, 1, "", "KeepMax"], [12, 1, 1, "", "KeepMedian"], [12, 1, 1, "", "KeepMin"], [12, 1, 1, "", "KeepRandom"]], "optunaz.utils.preprocessing.deduplicator.Deduplicator": [[12, 3, 1, "", "dedup"]], "optunaz.utils.preprocessing.deduplicator.KeepAllNoDeduplication": [[12, 3, 1, "", "dedup"], [12, 5, 1, "", "name"]], "optunaz.utils.preprocessing.deduplicator.KeepAvg": [[12, 3, 1, "", "dedup"], [12, 5, 1, "", "name"]], "optunaz.utils.preprocessing.deduplicator.KeepFirst": [[12, 3, 1, "", "dedup"], [12, 5, 1, "", "name"]], "optunaz.utils.preprocessing.deduplicator.KeepLast": [[12, 3, 1, "", "dedup"], [12, 5, 1, "", "name"]], "optunaz.utils.preprocessing.deduplicator.KeepMax": [[12, 3, 1, "", "dedup"], [12, 5, 1, "", "name"]], "optunaz.utils.preprocessing.deduplicator.KeepMedian": [[12, 3, 1, "", "dedup"], [12, 5, 1, "", "name"]], "optunaz.utils.preprocessing.deduplicator.KeepMin": [[12, 3, 1, "", "dedup"], [12, 5, 1, "", "name"]], "optunaz.utils.preprocessing.deduplicator.KeepRandom": [[12, 3, 1, "", "dedup"], [12, 5, 1, "", "name"], [12, 5, 1, "", "seed"]], "optunaz.utils.preprocessing.splitter": [[12, 1, 1, "", "GroupingSplitter"], [12, 1, 1, "", "HistogramStratifiedShuffleSplit"], [12, 1, 1, "", "KFold"], [12, 1, 1, "", "NoSplitting"], [13, 1, 1, "", "Predefined"], [13, 1, 1, "", "Random"], [13, 1, 1, "", "ScaffoldSplit"], [12, 1, 1, "", "SklearnSplitter"], [12, 1, 1, "", "Splitter"], [13, 1, 1, "", "Stratified"], [13, 1, 1, "", "Temporal"], [12, 4, 1, "", "butina_cluster"], [12, 4, 1, "", "fd_bin"], [12, 4, 1, "", "stratify"]], "optunaz.utils.preprocessing.splitter.GroupingSplitter": [[12, 3, 1, "", "groups"]], "optunaz.utils.preprocessing.splitter.HistogramStratifiedShuffleSplit": [[12, 5, 1, "", "bins"], [12, 3, 1, "", "get_n_splits"], [12, 5, 1, "", "n_splits"], [12, 5, 1, "", "random_state"], [12, 3, 1, "", "split"], [12, 5, 1, "", "test_fraction"]], "optunaz.utils.preprocessing.splitter.KFold": [[12, 3, 1, "", "get_sklearn_splitter"], [12, 5, 1, "", "name"], [12, 5, 1, "", "random_state"], [12, 5, 1, "", "shuffle"], [12, 3, 1, "", "split"]], "optunaz.utils.preprocessing.splitter.NoSplitting": [[12, 3, 1, "", "get_sklearn_splitter"], [12, 5, 1, "", "name"], [12, 3, 1, "", "split"]], "optunaz.utils.preprocessing.splitter.Predefined": [[12, 5, 1, "", "column_name"], [12, 3, 1, "", "get_sklearn_splitter"], [12, 3, 1, "", "groups"], [12, 5, 1, "", "name"], [13, 3, 1, "", "split"]], "optunaz.utils.preprocessing.splitter.Random": [[12, 5, 1, "", "fraction"], [12, 3, 1, "", "get_sklearn_splitter"], [12, 5, 1, "", "name"], [12, 5, 1, "", "seed"]], "optunaz.utils.preprocessing.splitter.ScaffoldSplit": [[12, 5, 1, "", "bins"], [12, 5, 1, "", "butina_cluster"], [12, 3, 1, "", "get_n_splits"], [12, 3, 1, "", "get_sklearn_splitter"], [13, 3, 1, "", "groups"], [12, 5, 1, "", "make_scaffold_generic"], [12, 5, 1, "", "name"], [12, 5, 1, "", "random_state"], [13, 3, 1, "", "split"]], "optunaz.utils.preprocessing.splitter.SklearnSplitter": [[12, 3, 1, "", "get_n_splits"], [12, 3, 1, "", "split"]], "optunaz.utils.preprocessing.splitter.Splitter": [[12, 3, 1, "", "get_sklearn_splitter"], [12, 3, 1, "", "split"]], "optunaz.utils.preprocessing.splitter.Stratified": [[12, 5, 1, "", "bins"], [12, 5, 1, "", "fraction"], [12, 3, 1, "", "get_sklearn_splitter"], [12, 5, 1, "", "name"], [12, 5, 1, "", "seed"]], "optunaz.utils.preprocessing.splitter.Temporal": [[12, 5, 1, "", "fraction"], [12, 3, 1, "", "get_sklearn_splitter"], [12, 5, 1, "", "name"], [13, 3, 1, "", "split"]], "optunaz.utils.preprocessing.transform": [[14, 1, 1, "", "AmorProt"], [12, 1, 1, "", "AuxTransformer"], [12, 1, 1, "", "DataTransform"], [12, 6, 1, "", "DataTransformError"], [12, 1, 1, "", "LogBase"], [12, 1, 1, "", "LogNegative"], [14, 1, 1, "", "ModelDataTransform"], [14, 1, 1, "", "PTRTransform"], [14, 1, 1, "", "VectorFromColumn"], [14, 1, 1, "", "ZScales"]], "optunaz.utils.preprocessing.transform.AmorProt": [[14, 1, 1, "", "Parameters"], [12, 5, 1, "", "name"], [12, 5, 1, "", "parameters"], [12, 3, 1, "", "transform"]], "optunaz.utils.preprocessing.transform.AuxTransformer": [[12, 3, 1, "", "transform"]], "optunaz.utils.preprocessing.transform.DataTransform": [[12, 3, 1, "", "transform"]], "optunaz.utils.preprocessing.transform.LogBase": [[12, 5, 1, "", "LOG"], [12, 5, 1, "", "LOG10"], [12, 5, 1, "", "LOG2"]], "optunaz.utils.preprocessing.transform.LogNegative": [[12, 5, 1, "", "FALSE"], [12, 5, 1, "", "TRUE"]], "optunaz.utils.preprocessing.transform.ModelDataTransform": [[14, 1, 1, "", "Parameters"], [12, 5, 1, "", "base_dict"], [12, 5, 1, "", "base_negation"], [12, 5, 1, "", "name"], [12, 5, 1, "", "parameters"], [12, 5, 1, "", "reverse_dict"], [12, 3, 1, "", "reverse_transform"], [12, 3, 1, "", "reverse_transform_df"], [12, 3, 1, "", "reverse_transform_one"], [12, 3, 1, "", "transform"], [12, 3, 1, "", "transform_df"], [12, 3, 1, "", "transform_one"]], "optunaz.utils.preprocessing.transform.ModelDataTransform.Parameters": [[12, 5, 1, "", "base"], [12, 5, 1, "", "conversion"], [12, 5, 1, "", "negation"]], "optunaz.utils.preprocessing.transform.PTRTransform": [[14, 1, 1, "", "Parameters"], [12, 5, 1, "", "name"], [12, 5, 1, "", "parameters"], [12, 3, 1, "", "reverse_transform"], [12, 3, 1, "", "transform"]], "optunaz.utils.preprocessing.transform.PTRTransform.Parameters": [[12, 5, 1, "", "std"], [12, 5, 1, "", "threshold"]], "optunaz.utils.preprocessing.transform.VectorFromColumn": [[14, 1, 1, "", "Parameters"], [12, 5, 1, "", "name"], [12, 5, 1, "", "parameters"], [12, 3, 1, "", "transform"]], "optunaz.utils.preprocessing.transform.VectorFromColumn.Parameters": [[12, 5, 1, "", "delimiter"]], "optunaz.utils.preprocessing.transform.ZScales": [[14, 1, 1, "", "Parameters"], [12, 5, 1, "", "name"], [12, 5, 1, "", "parameters"], [12, 3, 1, "", "transform"]], "optunaz.utils.retraining": [[10, 6, 1, "", "NoDifferingRetrainingData"], [10, 6, 1, "", "NoNewRetrainingData"], [10, 6, 1, "", "NoPreviousModel"], [10, 6, 1, "", "NoRetrainingDataConvention"], [10, 6, 1, "", "RetrainingHeadersIssue"], [10, 6, 1, "", "RetrainingIsAlreadyProcessed"], [10, 6, 1, "", "RetrainingIsLocked"], [10, 6, 1, "", "SamePreviousModel"], [10, 6, 1, "", "SlurmJobSkip"], [10, 6, 1, "", "SlurmMemoryExceeded"], [10, 6, 1, "", "SlurmNoLog"], [10, 6, 1, "", "SlurmParseError"], [10, 6, 1, "", "SlurmTimeLimitExceeded"], [10, 6, 1, "", "TemporalPredsPredicted"], [10, 6, 1, "", "TimepointSkipped"]], "optunaz.utils.schema": [[10, 4, 1, "", "add_boolean_guards_for_schema_properties"], [10, 4, 1, "", "addsibling"], [10, 4, 1, "", "addtitles"], [10, 4, 1, "", "copytitle"], [10, 4, 1, "", "create_dependency"], [10, 4, 1, "", "delsibling"], [10, 4, 1, "", "getref"], [10, 4, 1, "", "remove_schema_properties"], [10, 4, 1, "", "replaceenum"], [10, 4, 1, "", "replacekey"], [10, 4, 1, "", "replacevalue"]], "optunaz.utils.tracking": [[10, 1, 1, "", "BuildTrackingData"], [10, 1, 1, "", "Calpoint"], [10, 1, 1, "", "Datapoint"], [10, 1, 1, "", "InternalTrackingCallback"], [10, 1, 1, "", "TrackingData"], [10, 4, 1, "", "get_authorization_header"], [10, 4, 1, "", "removeprefix"], [10, 4, 1, "", "round_scores"], [10, 4, 1, "", "track_build"]], "optunaz.utils.tracking.BuildTrackingData": [[10, 5, 1, "", "cal_points"], [10, 5, 1, "", "response_column_name"], [10, 5, 1, "", "test_points"], [10, 5, 1, "", "test_scores"]], "optunaz.utils.tracking.Calpoint": [[10, 5, 1, "", "bin_edges"], [10, 5, 1, "", "frac_pred"], [10, 5, 1, "", "frac_true"]], "optunaz.utils.tracking.Datapoint": [[10, 5, 1, "", "expected"], [10, 5, 1, "", "predicted"], [10, 5, 1, "", "smiles"]], "optunaz.utils.tracking.InternalTrackingCallback": [[10, 5, 1, "", "optconfig"], [10, 5, 1, "", "trial_number_offset"]], "optunaz.utils.tracking.TrackingData": [[10, 5, 1, "", "algorith_hash"], [10, 5, 1, "", "all_cv_test_scores"], [10, 5, 1, "", "buildconfig"], [10, 5, 1, "", "scoring"], [10, 5, 1, "", "trial_number"], [10, 5, 1, "", "trial_state"], [10, 5, 1, "", "trial_value"]], "optunaz.visualizer": [[8, 1, 1, "", "Visualizer"]], "optunaz.visualizer.Visualizer": [[8, 3, 1, "", "plot_by_configuration"], [8, 3, 1, "", "plot_contour"], [8, 3, 1, "", "plot_history"], [8, 3, 1, "", "plot_parallel_coordinate"], [8, 3, 1, "", "plot_slice"]]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:property", "3": "py:method", "4": "py:function", "5": "py:attribute", "6": "py:exception"}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "property", "Python property"], "3": ["py", "method", "Python method"], "4": ["py", "function", "Python function"], "5": ["py", "attribute", "Python attribute"], "6": ["py", "exception", "Python exception"]}, "titleterms": {"qsartuna": [0, 4, 6, 7], "\ud80c\udd9b": 0, "qsar": 0, "us": 0, "optim": [0, 6], "hyperparamet": 0, "tune": 0, "formerli": 0, "optuna": 0, "az": 0, "qptuna": 0, "background": [0, 6], "The": [0, 6], "three": [0, 6], "step": [0, 6], "process": [0, 6], "json": 0, "base": [0, 7], "command": 0, "line": 0, "interfac": 0, "configur": [0, 6], "file": [0, 6], "run": [0, 6], "from": [0, 6, 7], "python": 0, "jupyt": 0, "notebook": 0, "via": 0, "cli": [0, 6], "submit": 0, "slurm": 0, "model": [0, 6], "option": [0, 6], "inspect": 0, "automl": [0, 6, 8], "automat": 0, "machin": 0, "learn": [0, 6], "ad": 0, "descriptor": [0, 3, 6, 8], "algorithm": [0, 1, 6], "avail": [1, 2, 3, 13, 14], "adaboostclassifi": 1, "lasso": 1, "kneighborsclassifi": 1, "kneighborsregressor": 1, "logisticregress": 1, "plsregress": 1, "randomforestclassifi": 1, "randomforestregressor": 1, "ridg": 1, "svc": 1, "svr": 1, "xgbregressor": 1, "prfclassifi": 1, "chempropregressor": 1, "chempropclassifi": 1, "chemprophyperoptclassifi": 1, "chemprophyperoptregressor": 1, "chemprophyperoptregressorpretrain": 1, "calibratedclassifiercvwithva": 1, "mapi": [1, 6], "dedupl": [2, 7, 12], "keepfirst": 2, "keeplast": 2, "keeprandom": 2, "keepmin": 2, "keepmax": 2, "keepavg": 2, "keepmedian": 2, "keepkeepallnodedupl": 2, "avalon": 3, "ecfp": 3, "ecfp_count": 3, "pathfp": 3, "maccs_kei": 3, "unscaledphyschemdescriptor": 3, "unscaledjazzydescriptor": 3, "unscaledzscalesdescriptor": 3, "physchemdescriptor": 3, "jazzydescriptor": 3, "precomputeddescriptorfromfil": 3, "zscale": [3, 14], "smilesfromfil": 3, "smilesandsideinfofromfil": 3, "scaleddescriptor": 3, "compositedescriptor": 3, "amorprotdescriptor": 3, "unscaledmapc": 3, "mapc": 3, "zscalesdescriptor": 3, "welcom": 4, "document": 4, "develop": 4, "optunaz": [5, 8, 9, 10, 11, 12], "tutori": 6, "thi": 6, "prepar": 6, "regress": 6, "exampl": 6, "creat": 6, "visual": [6, 8], "progress": 6, "pick": 6, "best": [6, 7], "trial": 6, "build": 6, "merg": 6, "preprocess": [6, 7, 12], "split": [6, 7], "data": [6, 7], "train": 6, "test": 6, "set": 6, "remov": 6, "duplic": [6, 7], "dataset": 6, "choos": 6, "score": 6, "function": 6, "advanc": 6, "functoinail": 6, "probabilist": [6, 7], "random": [6, 7, 13], "forest": 6, "prf": 6, "interlud": [6, 7], "cautionari": 6, "advic": 6, "y": 6, "respons": 6, "column": 6, "valid": 6, "chemprop": 6, "simpl": 6, "separ": 6, "shallow": 6, "method": 6, "default": 6, "behavior": 6, "turn": 6, "hyperopt": 6, "within": [6, 7], "functionail": 6, "veri": 6, "larg": 6, "comput": 6, "cost": 6, "A": 6, "note": 6, "mpnn": 6, "search": 6, "space": 6, "side": 6, "inform": 6, "multi": 6, "task": 6, "mtl": 6, "combin": 6, "onli": 6, "recommend": 6, "long": 6, "time": 6, "pre": 6, "adapt": 6, "transfer": 6, "fingerprint": 6, "encod": 6, "latent": 6, "represent": [6, 7], "probabl": 6, "calibr": 6, "classif": 6, "uncertainti": 6, "estim": 6, "vennab": 6, "ensembl": 6, "dropout": 6, "explain": [6, 8], "shap": 6, "interpret": 6, "log": [6, 7], "transform": [6, 7, 12, 14], "covari": 6, "one": 6, "e": 6, "g": 6, "dose": 6, "point": 6, "co": 6, "variat": 6, "proteochemometr": 6, "pcm": 6, "more": 6, "vectorfromsmil": 6, "z": 6, "scale": 6, "object": [6, 8], "priorit": 6, "perform": [6, 7], "standard": 6, "deviat": 6, "further": 6, "precomput": 6, "autom": 6, "retrain": [6, 10], "overview": 6, "high": 6, "hpc": 6, "setup": 6, "extract": 6, "walkthough": 6, "an": 6, "pipelin": 6, "schedul": 6, "daemon": 6, "up": 6, "date": 6, "introduct": 7, "translat": 7, "sdf": 7, "csv": 7, "need": 7, "deal": 7, "compar": 7, "differ": 7, "strategi": 7, "tempor": [7, 13], "stratifi": [7, 13], "scaffold": 7, "input": 7, "user": 7, "import": 7, "logarithm": 7, "dataread": [7, 8], "threshold": 7, "ptr": [7, 14], "experiment": 7, "error": 7, "definit": 7, "implement": 7, "conclus": 7, "calcul": 7, "evalu": [7, 8], "reproduc": 7, "practic": 7, "packag": [8, 9, 10, 11, 12], "subpackag": [8, 10], "submodul": [8, 9, 10, 11, 12], "modul": [8, 9, 10, 11, 12], "builder": 8, "metirc": 8, "model_writ": 8, "optbuild": 8, "predict": 8, "schemagen": 8, "three_step_opt_build_merg": 8, "content": [8, 9, 10, 11, 12], "config": 9, "build_from_opt": 9, "buildconfig": 9, "optconfig": 9, "util": [10, 11, 12], "files_path": 10, "load_json": 10, "mlflow": 10, "schema": 10, "track": 10, "enum": 11, "building_configuration_enum": 11, "configuration_enum": 11, "interface_enum": 11, "model_runner_enum": 11, "objective_enum": 11, "optimization_configuration_enum": 11, "prediction_configuration_enum": 11, "return_values_enum": 11, "visualization_enum": 11, "splitter": [12, 13], "predefin": 13, "scaffoldsplit": 13, "modeldatatransform": 14, "vectorfromcolumn": 14, "amorprot": 14}, "envversion": {"sphinx.domains.c": 2, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 6, "sphinx.domains.index": 1, "sphinx.domains.javascript": 2, "sphinx.domains.math": 2, "sphinx.domains.python": 3, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "nbsphinx": 4, "sphinx.ext.todo": 2, "sphinx.ext.viewcode": 1, "sphinx": 56}}) \ No newline at end of file diff --git a/docs/sphinx-builddir/html/splitters.html b/docs/sphinx-builddir/html/splitters.html index e104585..ae4fd80 100644 --- a/docs/sphinx-builddir/html/splitters.html +++ b/docs/sphinx-builddir/html/splitters.html @@ -4,7 +4,7 @@ - Available splitters — QSARtuna 3.1.2 documentation + Available splitters — QSARtuna 3.1.3 documentation diff --git a/docs/sphinx-builddir/html/transform.html b/docs/sphinx-builddir/html/transform.html index 7692d3d..d4a789d 100644 --- a/docs/sphinx-builddir/html/transform.html +++ b/docs/sphinx-builddir/html/transform.html @@ -4,7 +4,7 @@ - Available transform — QSARtuna 3.1.2 documentation + Available transform — QSARtuna 3.1.3 documentation @@ -58,6 +58,7 @@
  • ModelDataTransform
  • VectorFromColumn
  • ZScales
  • +
  • AmorProt
  • List of available deduplicators
  • @@ -192,6 +193,21 @@

    ZScales +

    AmorProt

    +
    +
    +class optunaz.utils.preprocessing.transform.AmorProt(name='AmorProt', parameters=AmorProt.Parameters())[source]
    +

    AmorProt from column

    +

    Calculates AmorProt for sequences or a predefined list of peptide/protein targets

    +
    +
    +class Parameters[source]
    +
    + +
    + diff --git a/docs/sphinx-source/index.rst b/docs/sphinx-source/index.rst index 43864b0..e48f662 100644 --- a/docs/sphinx-source/index.rst +++ b/docs/sphinx-source/index.rst @@ -28,4 +28,4 @@ Development ----------- * `Test report <_static/pytest/pytest/index.html>`_ * `Test coverage <_static/pytest/coverage/index.html>`_ -* `Public release (3.1.2) `_ \ No newline at end of file +* `Public release (3.1.3) `_ \ No newline at end of file