ml-grid
Contents:
Getting Started
API Reference
ml-grid
Index
Index
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
K
|
L
|
M
|
N
|
O
|
P
|
Q
|
R
|
S
|
T
|
U
|
V
|
W
|
X
|
Y
A
activation_func (ml_grid.model_classes.nni_sklearn_wrapper.NeuralNetworkClassifier attribute)
adaboost_class (class in ml_grid.model_classes.adaboost_classifier_class)
add_date_order_sequence_column() (in module ml_grid.util.time_series_helper)
additional_naming (ml_grid.pipeline.data.pipe attribute)
aggregate_all_runs() (core.ResultsAggregator method)
aggregate_specific_runs() (core.ResultsAggregator method)
aggregated_data (core.ResultsAggregator attribute)
algo_plotter (plot_master.MasterPlotter attribute)
algorithm (ml_grid.model_classes.knn_wrapper_class.KNNWrapper attribute)
(ml_grid.pipeline.hyperparameter_search.HyperparameterSearch attribute)
algorithm_col (plot_global_importance.GlobalImportancePlotter attribute)
algorithm_implementation (ArsenalClassifier_module.Arsenal_class attribute)
(Catch22Classifer_module.Catch22Classifier_class attribute)
(CNNClassifier_module.CNNClassifier_class attribute)
(ContractableBOSSClassifier_module.ContractableBOSS_class attribute)
(elasticEnsembleClassifier_module.ElasticEnsemble_class attribute)
(EncoderClassifier_module.EncoderClassifier_class attribute)
(FCNClassifier_module.FCNClassifier_class attribute)
(FreshPRINCEClassifier_module.FreshPRINCEClassifier_class attribute)
(HIVECOTEV1Classifier_module.HIVECOTEV1_class attribute)
(HIVECOTEV2Classifier_module.HIVECOTEV2_class attribute)
(InceptionTimeClassifer_module.InceptionTimeClassifier_class attribute)
(IndividualInceptionClassifier_module.IndividualInceptionClassifier_class attribute)
(InidividualTDEClassifier_module.IndividualTDE_class attribute)
(KNeighborsTimeSeriesClassifier_module.KNeighborsTimeSeriesClassifier_class attribute)
(ml_grid.model_classes.adaboost_classifier_class.adaboost_class attribute)
(ml_grid.model_classes.catboost_classifier_class.CatBoost_class attribute)
(ml_grid.model_classes.gradientboosting_classifier_class.GradientBoostingClassifier_class attribute)
(ml_grid.model_classes.h2o_classifier_class.h2o_classifier_class attribute)
(ml_grid.model_classes.keras_classifier_class.kerasClassifier_class attribute)
(ml_grid.model_classes.knn_classifier_class.knn_classifiers_class attribute)
(ml_grid.model_classes.knn_gpu_classifier_class.knn__gpu_wrapper_class attribute)
(ml_grid.model_classes.light_gbm_class.LightGBMClassifierWrapper attribute)
(ml_grid.model_classes.logistic_regression_class.LogisticRegression_class attribute)
(ml_grid.model_classes.mlp_classifier_class.mlp_classifier_class attribute)
(ml_grid.model_classes.NeuralNetworkClassifier_class.NeuralNetworkClassifier_class attribute)
(ml_grid.model_classes.quadratic_discriminant_class.quadratic_discriminant_analysis_class attribute)
(ml_grid.model_classes.randomforest_classifier_class.RandomForestClassifier_class attribute)
(ml_grid.model_classes.svc_class.SVC_class attribute)
(ml_grid.model_classes.xgb_classifier_class.XGB_class_class attribute)
(MLPClassifier_module.MLPClassifier_class attribute)
(MUSEClassifier_module.MUSE_class attribute)
(OrdinalTDEClassifier_module.OrdinalTDE_class attribute)
(ResNetClassifier_module.ResNetClassifier_class attribute)
(rocketClassifier_module.RocketClassifier_class attribute)
(shapeDTWClassifier_module.ShapeDTW_class attribute)
(SignatureClassifier_module.SignatureClassifier_class attribute)
(SummaryClassifier_module.SummaryClassifier_class attribute)
(TapNetClassifier_module.TapNetClassifier_class attribute)
(TemporalDictionaryEnsembleClassifier_module.TemporalDictionaryEnsemble_class attribute)
(TSFreshClassifier_module.TSFreshClassifier_class attribute)
AlgorithmComparisonPlotter (class in plot_algorithms)
all_df_columns (ml_grid.pipeline.data.pipe attribute)
all_outcome_list (ml_grid.util.outcome_list.OutcomeList attribute)
arg_list (ml_grid.pipeline.main.run attribute)
Arsenal_class (class in ArsenalClassifier_module)
ArsenalClassifier_module
module
attn_dropout (ml_grid.model_classes.tabtransformerClassifier.TabTransformerClassifier attribute)
automl (ml_grid.model_classes.H2OAutoMLClassifier.H2OAutoMLClassifier attribute)
available_categorical (plot_pipeline_parameters.PipelineParameterPlotter attribute)
available_categories (plot_feature_categories.FeatureCategoryPlotter attribute)
available_continuous (plot_pipeline_parameters.PipelineParameterPlotter attribute)
B
base_project_dir (ml_grid.pipeline.data.pipe attribute)
batch_size (ml_grid.model_classes.nni_sklearn_wrapper.NeuralNetworkClassifier attribute)
bayessearch (ml_grid.util.global_params.GlobalParameters attribute)
BestModelAnalyzerPlotter (class in plot_best_model)
boosting_type (ml_grid.model_classes.lightgbm_class.LightGBMClassifier attribute)
build_model() (ml_grid.model_classes.nni_sklearn_wrapper.NeuralNetworkClassifier method)
C
calculate_combinations() (in module ml_grid.util.bayes_utils)
CatBoost_class (class in ml_grid.model_classes.catboost_classifier_class)
CatBoostSKLearnWrapper (class in ml_grid.model_classes.catboostClassifier)
Catch22Classifer_module
module
Catch22Classifier_class (class in Catch22Classifer_module)
categorical_params (plot_pipeline_parameters.PipelineParameterPlotter attribute)
categories (ml_grid.model_classes.tabtransformerClassifier.TabTransformerClassifier attribute)
classes_ (ml_grid.model_classes.H2OAutoMLClassifier.H2OAutoMLClassifier attribute)
(ml_grid.model_classes.lightgbm_class.LightGBMClassifier attribute)
(ml_grid.model_classes.nni_sklearn_wrapper.NeuralNetworkClassifier attribute)
clean_data (plot_algorithms.AlgorithmComparisonPlotter attribute)
(plot_best_model.BestModelAnalyzerPlotter attribute)
(plot_distributions.DistributionPlotter attribute)
(plot_feature_categories.FeatureCategoryPlotter attribute)
(plot_features.FeatureAnalysisPlotter attribute)
(plot_global_importance.GlobalImportancePlotter attribute)
(plot_hyperparameters.HyperparameterAnalysisPlotter attribute)
(plot_interactions.InteractionPlotter attribute)
(plot_pipeline_parameters.PipelineParameterPlotter attribute)
(plot_timeline.TimelineAnalysisPlotter attribute)
(summarize_results.ResultsSummarizer attribute)
clean_up_class (class in ml_grid.pipeline.data_clean_up)
CNNClassifier_class (class in CNNClassifier_module)
CNNClassifier_module
module
colors (plot_distributions.DistributionPlotter attribute)
column_list (ml_grid.util.project_score_save.project_score_save_class attribute)
columns (in module ml_grid.util.synthetic_data_generator)
compare_algorithms_across_outcomes() (filters.ResultsFilter method)
continuous_mean_std (ml_grid.model_classes.tabtransformerClassifier.TabTransformerClassifier attribute)
continuous_params (plot_pipeline_parameters.PipelineParameterPlotter attribute)
ContractableBOSS_class (class in ContractableBOSSClassifier_module)
ContractableBOSSClassifier_module
module
convert_Xy_to_time_series() (in module ml_grid.util.time_series_helper)
core
module
correlation_coefficient() (in module ml_grid.pipeline.data_correlation_matrix)
create_bar_chart() (in module ml_grid.pipeline.data_plot_split)
create_model() (ml_grid.model_classes.keras_classifier_class.kerasClassifier_class method)
custom_roc_auc_score() (in module ml_grid.util.global_params)
cv (ml_grid.pipeline.grid_search_cross_validate.grid_search_crossvalidate attribute)
D
data (filters.OutcomeComparator attribute)
(filters.ResultsFilter attribute)
(plot_algorithms.AlgorithmComparisonPlotter attribute)
(plot_best_model.BestModelAnalyzerPlotter attribute)
(plot_distributions.DistributionPlotter attribute)
(plot_feature_categories.FeatureCategoryPlotter attribute)
(plot_features.FeatureAnalysisPlotter attribute)
(plot_global_importance.GlobalImportancePlotter attribute)
(plot_hyperparameters.HyperparameterAnalysisPlotter attribute)
(plot_interactions.InteractionPlotter attribute)
(plot_master.MasterPlotter attribute)
(plot_pipeline_parameters.PipelineParameterPlotter attribute)
(plot_timeline.TimelineAnalysisPlotter attribute)
(summarize_results.ResultsSummarizer attribute)
data_scale_methods (class in ml_grid.pipeline.data_scale)
DataValidator (class in core)
debug_level (ml_grid.util.global_params.GlobalParameters attribute)
debug_print_scores() (ml_grid.util.debug_print_statements.debug_print_statements_class method)
debug_print_statements_class (class in ml_grid.util.debug_print_statements)
depth (ml_grid.model_classes.tabtransformerClassifier.TabTransformerClassifier attribute)
device (ml_grid.model_classes.knn_wrapper_class.KNNWrapper attribute)
df (ml_grid.pipeline.data.pipe attribute)
dim (ml_grid.model_classes.tabtransformerClassifier.TabTransformerClassifier attribute)
dim_out (ml_grid.model_classes.tabtransformerClassifier.TabTransformerClassifier attribute)
dist_plotter (plot_master.MasterPlotter attribute)
DistributionPlotter (class in plot_distributions)
drop_list (ml_grid.pipeline.data.pipe attribute)
dropout_rate (ml_grid.model_classes.nni_sklearn_wrapper.NeuralNetworkClassifier attribute)
dummy_auc() (in module ml_grid.pipeline.grid_search_cross_validate)
E
early_stopping_rounds (ml_grid.model_classes.lightgbm_class.LightGBMClassifier attribute)
ElasticEnsemble_class (class in elasticEnsembleClassifier_module)
elasticEnsembleClassifier_module
module
EncoderClassifier_class (class in EncoderClassifier_module)
EncoderClassifier_module
module
epochs (ml_grid.model_classes.nni_sklearn_wrapper.NeuralNetworkClassifier attribute)
error_raise (ml_grid.pipeline.grid_search_cross_validate.grid_search_crossvalidate attribute)
(ml_grid.pipeline.main.run attribute)
(ml_grid.util.global_params.GlobalParameters attribute)
(ml_grid.util.project_score_save.project_score_save_class attribute)
execute() (ml_grid.pipeline.main.run method)
F
FCNClassifier_class (class in FCNClassifier_module)
FCNClassifier_module
module
feature_categories (plot_best_model.BestModelAnalyzerPlotter attribute)
(plot_feature_categories.FeatureCategoryPlotter attribute)
(plot_global_importance.GlobalImportancePlotter attribute)
feature_df (plot_features.FeatureAnalysisPlotter attribute)
feature_fraction (ml_grid.model_classes.lightgbm_class.LightGBMClassifier attribute)
feature_importance_methods (class in ml_grid.pipeline.data_feature_importance_methods)
feature_list (ml_grid.util.manually_removed_list.ListHolder attribute)
feature_methods (class in ml_grid.pipeline.data_feature_methods)
feature_names (core.ResultsAggregator attribute)
FeatureAnalysisPlotter (class in plot_features)
FeatureCategoryPlotter (class in plot_feature_categories)
ff_dropout (ml_grid.model_classes.tabtransformerClassifier.TabTransformerClassifier attribute)
filename (ml_grid.pipeline.read_in.read_sample attribute)
filter_by_algorithm() (filters.ResultsFilter method)
filter_by_cross_outcome_performance() (filters.ResultsFilter method)
filter_by_feature_count() (filters.ResultsFilter method)
filter_by_metric_threshold() (filters.ResultsFilter method)
filter_by_outcome() (filters.ResultsFilter method)
filter_by_run_timestamp() (filters.ResultsFilter method)
filter_by_sample_size() (filters.ResultsFilter method)
filter_substring_list() (in module ml_grid.pipeline.column_names)
filter_successful_runs() (filters.ResultsFilter method)
filters
module
final_column_list (ml_grid.pipeline.data.pipe attribute)
find_feature_usage_patterns() (filters.ResultsFilter method)
find_similar_outcomes() (filters.OutcomeComparator method)
fit() (ml_grid.model_classes.catboostClassifier.CatBoostSKLearnWrapper method)
(ml_grid.model_classes.H2OAutoMLClassifier.H2OAutoMLClassifier method)
(ml_grid.model_classes.knn_wrapper_class.KNNWrapper method)
(ml_grid.model_classes.lightgbm_class.LightGBMClassifier method)
(ml_grid.model_classes.nni_sklearn_wrapper.NeuralNetworkClassifier method)
(ml_grid.model_classes.tabtransformerClassifier.TabTransformerClassifier method)
FreshPRINCEClassifier_class (class in FreshPRINCEClassifier_module)
FreshPRINCEClassifier_module
module
G
GaussianNB_class (class in ml_grid.model_classes.gaussiannb_class)
GaussianNBWrapper (class in ml_grid.model_classes.gaussiannb_class)
generate_time_series() (in module ml_grid.util.synthetic_data_generator)
get_algorithm_performance_summary() (filters.ResultsFilter method)
get_available_algorithms() (plot_hyperparameters.HyperparameterAnalysisPlotter method)
get_available_runs() (core.ResultsAggregator method)
get_best_model_per_outcome() (summarize_results.ResultsSummarizer method)
get_clean_data() (in module core)
get_data_by_outcome() (core.ResultsAggregator method)
get_data_split() (in module ml_grid.pipeline.data_train_test_split)
get_leader_params() (ml_grid.model_classes.H2OAutoMLClassifier.H2OAutoMLClassifier method)
get_model_class_list() (in module ml_grid.pipeline.model_class_list)
get_model_class_list_ts() (in module ml_grid.pipeline.model_class_list_ts)
get_outcome_characteristics() (filters.OutcomeComparator method)
get_outcome_difficulty_ranking() (filters.ResultsFilter method)
get_outcome_summary() (core.ResultsAggregator method)
get_outcome_variables() (core.ResultsAggregator method)
get_params() (ml_grid.model_classes.H2OAutoMLClassifier.H2OAutoMLClassifier method)
(ml_grid.model_classes.knn_wrapper_class.KNNWrapper method)
get_pertubation_columns() (in module ml_grid.pipeline.column_names)
get_summary_stats() (core.ResultsAggregator method)
get_top_performers() (filters.ResultsFilter method)
getNfeaturesANOVAF() (ml_grid.pipeline.data_feature_methods.feature_methods method)
getNFeaturesMarkovBlanket() (ml_grid.pipeline.data_feature_methods.feature_methods method)
global_parameters (in module ml_grid.util.global_params)
(ml_grid.pipeline.grid_search_cross_validate.grid_search_crossvalidate attribute)
global_params (ml_grid.pipeline.data.pipe attribute)
(ml_grid.pipeline.data_clean_up.clean_up_class attribute)
(ml_grid.pipeline.grid_search_cross_validate.grid_search_crossvalidate attribute)
(ml_grid.pipeline.hyperparameter_search.HyperparameterSearch attribute)
(ml_grid.pipeline.main.run attribute)
(ml_grid.util.grid_param_space.Grid attribute)
(ml_grid.util.grid_param_space_ga.Grid attribute)
(ml_grid.util.project_score_save.project_score_save_class attribute)
GlobalImportancePlotter (class in plot_global_importance)
GlobalParameters (class in ml_grid.util.global_params)
GradientBoostingClassifier_class (class in ml_grid.model_classes.gradientboosting_classifier_class)
Grid (class in ml_grid.util.grid_param_space)
(class in ml_grid.util.grid_param_space_ga)
grid (ml_grid.util.grid_param_space.Grid attribute)
(ml_grid.util.grid_param_space_ga.Grid attribute)
grid_n_jobs (ml_grid.util.global_params.GlobalParameters attribute)
grid_search_cross_validate_score_result (ml_grid.pipeline.grid_search_cross_validate.grid_search_crossvalidate attribute)
grid_search_crossvalidate (class in ml_grid.pipeline.grid_search_cross_validate)
H
h2o_classifier_class (class in ml_grid.model_classes.h2o_classifier_class)
H2OAutoMLClassifier (class in ml_grid.model_classes.H2OAutoMLClassifier)
handle_column_names() (ml_grid.pipeline.data_clean_up.clean_up_class method)
handle_correlation_matrix() (in module ml_grid.pipeline.data_correlation_matrix)
handle_duplicated_columns() (ml_grid.pipeline.data_clean_up.clean_up_class method)
handle_feature_importance_methods() (ml_grid.pipeline.data_feature_importance_methods.feature_importance_methods method)
handle_outcome_list() (in module ml_grid.pipeline.data_outcome_list)
handle_percent_missing() (in module ml_grid.pipeline.data_percent_missing)
heads (ml_grid.model_classes.tabtransformerClassifier.TabTransformerClassifier attribute)
hidden_units_1 (ml_grid.model_classes.nni_sklearn_wrapper.NeuralNetworkClassifier attribute)
hidden_units_2 (ml_grid.model_classes.nni_sklearn_wrapper.NeuralNetworkClassifier attribute)
highest_score (ml_grid.pipeline.main.run attribute)
HIVECOTEV1_class (class in HIVECOTEV1Classifier_module)
HIVECOTEV1Classifier_module
module
HIVECOTEV2_class (class in HIVECOTEV2Classifier_module)
HIVECOTEV2Classifier_module
module
HyperparameterAnalysisPlotter (class in plot_hyperparameters)
HyperparameterSearch (class in ml_grid.pipeline.hyperparameter_search)
I
InceptionTimeClassifer_module
module
InceptionTimeClassifier_class (class in InceptionTimeClassifer_module)
IndividualInceptionClassifier_class (class in IndividualInceptionClassifier_module)
IndividualInceptionClassifier_module
module
IndividualTDE_class (class in InidividualTDEClassifier_module)
InidividualTDEClassifier_module
module
interaction_plotter (plot_master.MasterPlotter attribute)
InteractionPlotter (class in plot_interactions)
is_data_scaled() (ml_grid.model_classes.svc_class.SVC_class method)
is_valid_shape() (in module ml_grid.pipeline.data_train_test_split)
K
kerasClassifier_class (class in ml_grid.model_classes.keras_classifier_class)
KNeighborsTimeSeriesClassifier_class (class in KNeighborsTimeSeriesClassifier_module)
KNeighborsTimeSeriesClassifier_module
module
knn__gpu_wrapper_class (class in ml_grid.model_classes.knn_gpu_classifier_class)
knn_classifiers_class (class in ml_grid.model_classes.knn_classifier_class)
knn_n_jobs (ml_grid.util.global_params.GlobalParameters attribute)
KNNWrapper (class in ml_grid.model_classes.knn_wrapper_class)
L
leaf_size (ml_grid.model_classes.knn_wrapper_class.KNNWrapper attribute)
learning_rate (ml_grid.model_classes.lightgbm_class.LightGBMClassifier attribute)
(ml_grid.model_classes.nni_sklearn_wrapper.NeuralNetworkClassifier attribute)
LightGBMClassifier (class in ml_grid.model_classes.lightgbm_class)
LightGBMClassifierWrapper (class in ml_grid.model_classes.light_gbm_class)
ListHolder (class in ml_grid.util.manually_removed_list)
load_feature_names() (core.ResultsAggregator method)
load_single_run() (core.ResultsAggregator method)
local_param_dict (ml_grid.pipeline.data.pipe attribute)
(ml_grid.pipeline.main.run attribute)
log_folder (class in ml_grid.pipeline.logs_project_folder)
logging_paths_obj (ml_grid.pipeline.data.pipe attribute)
LogisticRegression_class (class in ml_grid.model_classes.logistic_regression_class)
M
MasterPlotter (class in plot_master)
max_client_idcode_sequence_length() (in module ml_grid.util.time_series_helper)
MAX_FEATURES_FOR_ANALYSIS (in module plot_features)
MAX_FEATURES_FOR_UPSET (in module plot_features)
max_iter (ml_grid.pipeline.hyperparameter_search.HyperparameterSearch attribute)
MAX_OUTCOMES_FOR_HEATMAP (in module plot_distributions)
MAX_OUTCOMES_FOR_STRATIFIED_PLOT (in module plot_algorithms)
(in module plot_distributions)
(in module plot_features)
(in module plot_timeline)
MAX_OUTCOMES_TO_PLOT (in module plot_best_model)
max_param_space_iter_value (ml_grid.util.global_params.GlobalParameters attribute)
max_runtime_secs (ml_grid.model_classes.H2OAutoMLClassifier.H2OAutoMLClassifier attribute)
mean_impute_dataframe() (in module ml_grid.util.impute_data_for_pipe)
mean_parameter_space_val (ml_grid.pipeline.main.run attribute)
method_name (ArsenalClassifier_module.Arsenal_class attribute)
(Catch22Classifer_module.Catch22Classifier_class attribute)
(CNNClassifier_module.CNNClassifier_class attribute)
(ContractableBOSSClassifier_module.ContractableBOSS_class attribute)
(elasticEnsembleClassifier_module.ElasticEnsemble_class attribute)
(EncoderClassifier_module.EncoderClassifier_class attribute)
(FCNClassifier_module.FCNClassifier_class attribute)
(FreshPRINCEClassifier_module.FreshPRINCEClassifier_class attribute)
(HIVECOTEV1Classifier_module.HIVECOTEV1_class attribute)
(HIVECOTEV2Classifier_module.HIVECOTEV2_class attribute)
(InceptionTimeClassifer_module.InceptionTimeClassifier_class attribute)
(IndividualInceptionClassifier_module.IndividualInceptionClassifier_class attribute)
(InidividualTDEClassifier_module.IndividualTDE_class attribute)
(KNeighborsTimeSeriesClassifier_module.KNeighborsTimeSeriesClassifier_class attribute)
(ml_grid.model_classes.adaboost_classifier_class.adaboost_class attribute)
(ml_grid.model_classes.catboost_classifier_class.CatBoost_class attribute)
(ml_grid.model_classes.gaussiannb_class.GaussianNB_class attribute)
(ml_grid.model_classes.gradientboosting_classifier_class.GradientBoostingClassifier_class attribute)
(ml_grid.model_classes.h2o_classifier_class.h2o_classifier_class attribute)
(ml_grid.model_classes.keras_classifier_class.kerasClassifier_class attribute)
(ml_grid.model_classes.knn_classifier_class.knn_classifiers_class attribute)
(ml_grid.model_classes.knn_gpu_classifier_class.knn__gpu_wrapper_class attribute)
(ml_grid.model_classes.light_gbm_class.LightGBMClassifierWrapper attribute)
(ml_grid.model_classes.logistic_regression_class.LogisticRegression_class attribute)
(ml_grid.model_classes.mlp_classifier_class.mlp_classifier_class attribute)
(ml_grid.model_classes.NeuralNetworkClassifier_class.NeuralNetworkClassifier_class attribute)
(ml_grid.model_classes.quadratic_discriminant_class.quadratic_discriminant_analysis_class attribute)
(ml_grid.model_classes.randomforest_classifier_class.RandomForestClassifier_class attribute)
(ml_grid.model_classes.svc_class.SVC_class attribute)
(ml_grid.model_classes.tabtransformer_classifier_class.TabTransformer_class attribute)
(ml_grid.model_classes.xgb_classifier_class.XGB_class_class attribute)
(ml_grid.pipeline.hyperparameter_search.HyperparameterSearch attribute)
(MLPClassifier_module.MLPClassifier_class attribute)
(MUSEClassifier_module.MUSE_class attribute)
(OrdinalTDEClassifier_module.OrdinalTDE_class attribute)
(ResNetClassifier_module.ResNetClassifier_class attribute)
(rocketClassifier_module.RocketClassifier_class attribute)
(shapeDTWClassifier_module.ShapeDTW_class attribute)
(SignatureClassifier_module.SignatureClassifier_class attribute)
(SummaryClassifier_module.SummaryClassifier_class attribute)
(TapNetClassifier_module.TapNetClassifier_class attribute)
(TemporalDictionaryEnsembleClassifier_module.TemporalDictionaryEnsemble_class attribute)
(TSFreshClassifier_module.TSFreshClassifier_class attribute)
metric (ml_grid.model_classes.knn_wrapper_class.KNNWrapper attribute)
(ml_grid.model_classes.lightgbm_class.LightGBMClassifier attribute)
metric_list (ml_grid.pipeline.grid_search_cross_validate.grid_search_crossvalidate attribute)
(ml_grid.util.global_params.GlobalParameters attribute)
(ml_grid.util.project_score_save.project_score_save_class attribute)
metric_params (ml_grid.model_classes.knn_wrapper_class.KNNWrapper attribute)
ml_grid
module
ml_grid.model_classes
module
ml_grid.model_classes.adaboost_classifier_class
module
ml_grid.model_classes.catboost_classifier_class
module
ml_grid.model_classes.catboostClassifier
module
ml_grid.model_classes.gaussiannb_class
module
ml_grid.model_classes.gradientboosting_classifier_class
module
ml_grid.model_classes.h2o_classifier_class
module
ml_grid.model_classes.H2OAutoMLClassifier
module
ml_grid.model_classes.keras_classifier_class
module
ml_grid.model_classes.knn_classifier_class
module
ml_grid.model_classes.knn_gpu_classifier_class
module
ml_grid.model_classes.knn_wrapper_class
module
ml_grid.model_classes.light_gbm_class
module
ml_grid.model_classes.lightgbm_class
module
ml_grid.model_classes.logistic_regression_class
module
ml_grid.model_classes.mlp_classifier_class
module
ml_grid.model_classes.NeuralNetworkClassifier_class
module
ml_grid.model_classes.nni_sklearn_wrapper
module
ml_grid.model_classes.quadratic_discriminant_class
module
ml_grid.model_classes.randomforest_classifier_class
module
ml_grid.model_classes.svc_class
module
ml_grid.model_classes.tabtransformer_classifier_class
module
ml_grid.model_classes.tabtransformerClassifier
module
ml_grid.model_classes.xgb_classifier_class
module
ml_grid.pipeline
module
ml_grid.pipeline.column_names
module
ml_grid.pipeline.data
module
ml_grid.pipeline.data_clean_up
module
ml_grid.pipeline.data_constant_columns
module
ml_grid.pipeline.data_correlation_matrix
module
ml_grid.pipeline.data_feature_importance_methods
module
ml_grid.pipeline.data_feature_methods
module
ml_grid.pipeline.data_outcome_list
module
ml_grid.pipeline.data_percent_missing
module
ml_grid.pipeline.data_plot_split
module
ml_grid.pipeline.data_scale
module
ml_grid.pipeline.data_train_test_split
module
ml_grid.pipeline.grid_search_cross_validate
module
ml_grid.pipeline.hyperparameter_search
module
ml_grid.pipeline.logs_project_folder
module
ml_grid.pipeline.main
module
ml_grid.pipeline.model_class_list
module
ml_grid.pipeline.model_class_list_ts
module
ml_grid.pipeline.read_in
module
ml_grid.util
module
ml_grid.util.bayes_utils
module
ml_grid.util.debug_print_statements
module
ml_grid.util.global_params
module
ml_grid.util.grid_param_space
module
ml_grid.util.grid_param_space_ga
module
ml_grid.util.impute_data_for_pipe
module
ml_grid.util.logger_setup
module
ml_grid.util.logger_setup_notebook
module
ml_grid.util.manually_removed_list
module
ml_grid.util.outcome_list
module
ml_grid.util.param_space
module
ml_grid.util.project_score_save
module
ml_grid.util.synthetic_data_generator
module
ml_grid.util.time_series_helper
module
ml_grid.util.validate_parameters
module
ml_grid_object (ml_grid.pipeline.hyperparameter_search.HyperparameterSearch attribute)
(ml_grid.pipeline.main.run attribute)
ml_grid_object_iter (ml_grid.pipeline.grid_search_cross_validate.grid_search_crossvalidate attribute)
mlp_act (ml_grid.model_classes.tabtransformerClassifier.TabTransformerClassifier attribute)
mlp_classifier_class (class in ml_grid.model_classes.mlp_classifier_class)
mlp_hidden_mults (ml_grid.model_classes.tabtransformerClassifier.TabTransformerClassifier attribute)
MLPClassifier_class (class in MLPClassifier_module)
MLPClassifier_module
module
model (ml_grid.model_classes.catboostClassifier.CatBoostSKLearnWrapper attribute)
(ml_grid.model_classes.knn_wrapper_class.KNNWrapper attribute)
(ml_grid.model_classes.lightgbm_class.LightGBMClassifier attribute)
(ml_grid.model_classes.nni_sklearn_wrapper.NeuralNetworkClassifier attribute)
(ml_grid.model_classes.tabtransformerClassifier.TabTransformerClassifier attribute)
model_class_dict (ml_grid.pipeline.data.pipe attribute)
model_class_list (ml_grid.pipeline.data.pipe attribute)
(ml_grid.pipeline.main.run attribute)
model_error_list (ml_grid.pipeline.main.run attribute)
module
ArsenalClassifier_module
Catch22Classifer_module
CNNClassifier_module
ContractableBOSSClassifier_module
core
elasticEnsembleClassifier_module
EncoderClassifier_module
FCNClassifier_module
filters
FreshPRINCEClassifier_module
HIVECOTEV1Classifier_module
HIVECOTEV2Classifier_module
InceptionTimeClassifer_module
IndividualInceptionClassifier_module
InidividualTDEClassifier_module
KNeighborsTimeSeriesClassifier_module
ml_grid
ml_grid.model_classes
ml_grid.model_classes.adaboost_classifier_class
ml_grid.model_classes.catboost_classifier_class
ml_grid.model_classes.catboostClassifier
ml_grid.model_classes.gaussiannb_class
ml_grid.model_classes.gradientboosting_classifier_class
ml_grid.model_classes.h2o_classifier_class
ml_grid.model_classes.H2OAutoMLClassifier
ml_grid.model_classes.keras_classifier_class
ml_grid.model_classes.knn_classifier_class
ml_grid.model_classes.knn_gpu_classifier_class
ml_grid.model_classes.knn_wrapper_class
ml_grid.model_classes.light_gbm_class
ml_grid.model_classes.lightgbm_class
ml_grid.model_classes.logistic_regression_class
ml_grid.model_classes.mlp_classifier_class
ml_grid.model_classes.NeuralNetworkClassifier_class
ml_grid.model_classes.nni_sklearn_wrapper
ml_grid.model_classes.quadratic_discriminant_class
ml_grid.model_classes.randomforest_classifier_class
ml_grid.model_classes.svc_class
ml_grid.model_classes.tabtransformer_classifier_class
ml_grid.model_classes.tabtransformerClassifier
ml_grid.model_classes.xgb_classifier_class
ml_grid.pipeline
ml_grid.pipeline.column_names
ml_grid.pipeline.data
ml_grid.pipeline.data_clean_up
ml_grid.pipeline.data_constant_columns
ml_grid.pipeline.data_correlation_matrix
ml_grid.pipeline.data_feature_importance_methods
ml_grid.pipeline.data_feature_methods
ml_grid.pipeline.data_outcome_list
ml_grid.pipeline.data_percent_missing
ml_grid.pipeline.data_plot_split
ml_grid.pipeline.data_scale
ml_grid.pipeline.data_train_test_split
ml_grid.pipeline.grid_search_cross_validate
ml_grid.pipeline.hyperparameter_search
ml_grid.pipeline.logs_project_folder
ml_grid.pipeline.main
ml_grid.pipeline.model_class_list
ml_grid.pipeline.model_class_list_ts
ml_grid.pipeline.read_in
ml_grid.util
ml_grid.util.bayes_utils
ml_grid.util.debug_print_statements
ml_grid.util.global_params
ml_grid.util.grid_param_space
ml_grid.util.grid_param_space_ga
ml_grid.util.impute_data_for_pipe
ml_grid.util.logger_setup
ml_grid.util.logger_setup_notebook
ml_grid.util.manually_removed_list
ml_grid.util.outcome_list
ml_grid.util.param_space
ml_grid.util.project_score_save
ml_grid.util.synthetic_data_generator
ml_grid.util.time_series_helper
ml_grid.util.validate_parameters
MLPClassifier_module
MUSEClassifier_module
OrdinalTDEClassifier_module
plot_algorithms
plot_best_model
plot_distributions
plot_feature_categories
plot_features
plot_global_importance
plot_hyperparameters
plot_interactions
plot_master
plot_pipeline_parameters
plot_timeline
ResNetClassifier_module
rocketClassifier_module
shapeDTWClassifier_module
SignatureClassifier_module
summarize_results
SummaryClassifier_module
TapNetClassifier_module
TemporalDictionaryEnsembleClassifier_module
TSFreshClassifier_module
multiprocess (ml_grid.pipeline.main.run attribute)
MUSE_class (class in MUSEClassifier_module)
MUSEClassifier_module
module
N
n_estimators (ml_grid.model_classes.lightgbm_class.LightGBMClassifier attribute)
n_jobs_model_val (ml_grid.util.global_params.GlobalParameters attribute)
n_neighbors (ml_grid.model_classes.knn_wrapper_class.KNNWrapper attribute)
NeuralNetworkClassifier (class in ml_grid.model_classes.nni_sklearn_wrapper)
NeuralNetworkClassifier_class (class in ml_grid.model_classes.NeuralNetworkClassifier_class)
nfolds (ml_grid.model_classes.H2OAutoMLClassifier.H2OAutoMLClassifier attribute)
num_class (ml_grid.model_classes.lightgbm_class.LightGBMClassifier attribute)
num_continuous (ml_grid.model_classes.tabtransformerClassifier.TabTransformerClassifier attribute)
num_leaves (ml_grid.model_classes.lightgbm_class.LightGBMClassifier attribute)
O
objective (ml_grid.model_classes.lightgbm_class.LightGBMClassifier attribute)
OrdinalTDE_class (class in OrdinalTDEClassifier_module)
OrdinalTDEClassifier_module
module
original_data (filters.ResultsFilter attribute)
orignal_feature_names (ml_grid.pipeline.data.pipe attribute)
outcome_variable (ml_grid.pipeline.data.pipe attribute)
OutcomeComparator (class in filters)
OutcomeList (class in ml_grid.util.outcome_list)
output_dir (plot_master.MasterPlotter attribute)
P
p (ml_grid.model_classes.knn_wrapper_class.KNNWrapper attribute)
param_dict (ml_grid.util.param_space.ParamSpace attribute)
param_space_index (ml_grid.pipeline.data.pipe attribute)
parameter_space (ArsenalClassifier_module.Arsenal_class attribute)
(Catch22Classifer_module.Catch22Classifier_class attribute)
(CNNClassifier_module.CNNClassifier_class attribute)
(ContractableBOSSClassifier_module.ContractableBOSS_class attribute)
(elasticEnsembleClassifier_module.ElasticEnsemble_class attribute)
(EncoderClassifier_module.EncoderClassifier_class attribute)
(FCNClassifier_module.FCNClassifier_class attribute)
(FreshPRINCEClassifier_module.FreshPRINCEClassifier_class attribute)
(HIVECOTEV1Classifier_module.HIVECOTEV1_class attribute)
(HIVECOTEV2Classifier_module.HIVECOTEV2_class attribute)
(InceptionTimeClassifer_module.InceptionTimeClassifier_class attribute)
(IndividualInceptionClassifier_module.IndividualInceptionClassifier_class attribute)
(InidividualTDEClassifier_module.IndividualTDE_class attribute)
(KNeighborsTimeSeriesClassifier_module.KNeighborsTimeSeriesClassifier_class attribute)
(ml_grid.model_classes.keras_classifier_class.kerasClassifier_class attribute)
(ml_grid.model_classes.NeuralNetworkClassifier_class.NeuralNetworkClassifier_class attribute)
(ml_grid.pipeline.hyperparameter_search.HyperparameterSearch attribute)
(MLPClassifier_module.MLPClassifier_class attribute)
(MUSEClassifier_module.MUSE_class attribute)
(OrdinalTDEClassifier_module.OrdinalTDE_class attribute)
(ResNetClassifier_module.ResNetClassifier_class attribute)
(rocketClassifier_module.RocketClassifier_class attribute)
(shapeDTWClassifier_module.ShapeDTW_class attribute)
(SignatureClassifier_module.SignatureClassifier_class attribute)
(SummaryClassifier_module.SummaryClassifier_class attribute)
(TapNetClassifier_module.TapNetClassifier_class attribute)
(TemporalDictionaryEnsembleClassifier_module.TemporalDictionaryEnsemble_class attribute)
(TSFreshClassifier_module.TSFreshClassifier_class attribute)
parameter_space_size (ml_grid.pipeline.main.run attribute)
parameter_vector_space (ml_grid.model_classes.adaboost_classifier_class.adaboost_class attribute)
(ml_grid.model_classes.catboost_classifier_class.CatBoost_class attribute)
(ml_grid.model_classes.gaussiannb_class.GaussianNB_class attribute)
(ml_grid.model_classes.gradientboosting_classifier_class.GradientBoostingClassifier_class attribute)
(ml_grid.model_classes.h2o_classifier_class.h2o_classifier_class attribute)
(ml_grid.model_classes.knn_classifier_class.knn_classifiers_class attribute)
(ml_grid.model_classes.knn_gpu_classifier_class.knn__gpu_wrapper_class attribute)
(ml_grid.model_classes.light_gbm_class.LightGBMClassifierWrapper attribute)
(ml_grid.model_classes.logistic_regression_class.LogisticRegression_class attribute)
(ml_grid.model_classes.mlp_classifier_class.mlp_classifier_class attribute)
(ml_grid.model_classes.NeuralNetworkClassifier_class.NeuralNetworkClassifier_class attribute)
(ml_grid.model_classes.quadratic_discriminant_class.quadratic_discriminant_analysis_class attribute)
(ml_grid.model_classes.randomforest_classifier_class.RandomForestClassifier_class attribute)
(ml_grid.model_classes.svc_class.SVC_class attribute)
(ml_grid.model_classes.tabtransformer_classifier_class.TabTransformer_class attribute)
(ml_grid.model_classes.xgb_classifier_class.XGB_class_class attribute)
ParamSpace (class in ml_grid.util.param_space)
pertubation_columns (ml_grid.pipeline.data.pipe attribute)
pg_list (ml_grid.pipeline.main.run attribute)
pipe (class in ml_grid.pipeline.data)
pipeline_categorical_params (plot_global_importance.GlobalImportancePlotter attribute)
pipeline_continuous_params (plot_global_importance.GlobalImportancePlotter attribute)
pipeline_params (plot_best_model.BestModelAnalyzerPlotter attribute)
PipelineParameterPlotter (class in plot_pipeline_parameters)
plot_algorithm_boxplots() (plot_algorithms.AlgorithmComparisonPlotter method)
plot_algorithm_performance_heatmap() (plot_algorithms.AlgorithmComparisonPlotter method)
plot_algorithm_ranking() (plot_algorithms.AlgorithmComparisonPlotter method)
plot_algorithm_stability() (plot_algorithms.AlgorithmComparisonPlotter method)
plot_algorithms
module
plot_all() (plot_master.MasterPlotter method)
plot_best_model
module
plot_best_model_summary() (plot_best_model.BestModelAnalyzerPlotter method)
plot_candidate_feature_category_lists() (in module ml_grid.pipeline.data_plot_split)
plot_categorical_interaction() (plot_interactions.InteractionPlotter method)
plot_categorical_parameters() (plot_pipeline_parameters.PipelineParameterPlotter method)
plot_category_impact_on_metric() (plot_feature_categories.FeatureCategoryPlotter method)
plot_category_performance_boxplots() (plot_feature_categories.FeatureCategoryPlotter method)
plot_comparative_distributions() (plot_distributions.DistributionPlotter method)
plot_computational_cost_timeline() (plot_timeline.TimelineAnalysisPlotter method)
plot_continuous_interaction() (plot_interactions.InteractionPlotter method)
plot_continuous_parameters() (plot_pipeline_parameters.PipelineParameterPlotter method)
plot_dict_values() (in module ml_grid.pipeline.data_plot_split)
plot_distribution_heatmap() (plot_distributions.DistributionPlotter method)
plot_distribution_summary_table() (plot_distributions.DistributionPlotter method)
plot_distributions
module
plot_feature_categories
module
plot_feature_metric_correlation() (plot_features.FeatureAnalysisPlotter method)
plot_feature_performance_impact() (plot_features.FeatureAnalysisPlotter method)
plot_feature_set_intersections() (plot_features.FeatureAnalysisPlotter method)
plot_feature_usage_frequency() (plot_features.FeatureAnalysisPlotter method)
plot_features
module
plot_global_importance
module
plot_global_importance() (plot_global_importance.GlobalImportancePlotter method)
plot_hyperparameter_correlations() (plot_hyperparameters.HyperparameterAnalysisPlotter method)
plot_hyperparameter_importance() (plot_hyperparameters.HyperparameterAnalysisPlotter method)
plot_hyperparameters
module
plot_improvement_trends() (plot_timeline.TimelineAnalysisPlotter method)
plot_interactions
module
plot_master
module
plot_metric_correlation_by_outcome() (in module plot_distributions)
plot_metric_distributions() (plot_distributions.DistributionPlotter method)
plot_pareto_front() (plot_algorithms.AlgorithmComparisonPlotter method)
plot_performance_by_hyperparameter() (plot_hyperparameters.HyperparameterAnalysisPlotter method)
plot_performance_timeline() (plot_timeline.TimelineAnalysisPlotter method)
plot_performance_tradeoff() (plot_algorithms.AlgorithmComparisonPlotter method)
plot_pie_chart_with_counts() (in module ml_grid.pipeline.data_plot_split)
plot_pipeline_parameters
module
plot_statistical_significance_heatmap() (plot_algorithms.AlgorithmComparisonPlotter method)
plot_timeline
module
plot_top_correlations() (plot_hyperparameters.HyperparameterAnalysisPlotter method)
predict() (ml_grid.model_classes.catboostClassifier.CatBoostSKLearnWrapper method)
(ml_grid.model_classes.H2OAutoMLClassifier.H2OAutoMLClassifier method)
(ml_grid.model_classes.knn_wrapper_class.KNNWrapper method)
(ml_grid.model_classes.lightgbm_class.LightGBMClassifier method)
(ml_grid.model_classes.nni_sklearn_wrapper.NeuralNetworkClassifier method)
(ml_grid.model_classes.tabtransformerClassifier.TabTransformerClassifier method)
predict_proba() (ml_grid.model_classes.catboostClassifier.CatBoostSKLearnWrapper method)
(ml_grid.model_classes.H2OAutoMLClassifier.H2OAutoMLClassifier method)
(ml_grid.model_classes.knn_wrapper_class.KNNWrapper method)
(ml_grid.model_classes.nni_sklearn_wrapper.NeuralNetworkClassifier method)
(ml_grid.model_classes.tabtransformerClassifier.TabTransformerClassifier method)
print_validation_report() (core.DataValidator static method)
project_score_save_class (class in ml_grid.util.project_score_save)
Q
quadratic_discriminant_analysis_class (class in ml_grid.model_classes.quadratic_discriminant_class)
R
random_grid_search (ml_grid.util.global_params.GlobalParameters attribute)
random_state (ml_grid.model_classes.nni_sklearn_wrapper.NeuralNetworkClassifier attribute)
random_state_val (ml_grid.util.global_params.GlobalParameters attribute)
RandomForestClassifier_class (class in ml_grid.model_classes.randomforest_classifier_class)
read (class in ml_grid.pipeline.read_in)
read_sample (class in ml_grid.pipeline.read_in)
remove_constant_columns() (in module ml_grid.pipeline.data_constant_columns)
remove_constant_columns_with_debug() (in module ml_grid.pipeline.data_constant_columns)
rename_cols (ml_grid.pipeline.data_clean_up.clean_up_class attribute)
(ml_grid.util.global_params.GlobalParameters attribute)
reset_data() (filters.ResultsFilter method)
ResNetClassifier_class (class in ResNetClassifier_module)
ResNetClassifier_module
module
ResultsAggregator (class in core)
ResultsFilter (class in filters)
ResultsSummarizer (class in summarize_results)
RocketClassifier_class (class in rocketClassifier_module)
rocketClassifier_module
module
root_folder (core.ResultsAggregator attribute)
run (class in ml_grid.pipeline.main)
run_search() (ml_grid.pipeline.hyperparameter_search.HyperparameterSearch method)
S
sample_n (ml_grid.util.grid_param_space_ga.Grid attribute)
save_missing_percentage() (in module ml_grid.util.impute_data_for_pipe)
scale_data() (in module ml_grid.pipeline.grid_search_cross_validate)
(ml_grid.model_classes.svc_class.SVC_class method)
score() (ml_grid.model_classes.knn_wrapper_class.KNNWrapper method)
(ml_grid.model_classes.lightgbm_class.LightGBMClassifier method)
(ml_grid.model_classes.nni_sklearn_wrapper.NeuralNetworkClassifier method)
scores (ml_grid.util.debug_print_statements.debug_print_statements_class attribute)
screen_non_float_types() (ml_grid.pipeline.data_clean_up.clean_up_class method)
seed (ml_grid.model_classes.H2OAutoMLClassifier.H2OAutoMLClassifier attribute)
set_params() (ml_grid.model_classes.gaussiannb_class.GaussianNBWrapper method)
(ml_grid.model_classes.H2OAutoMLClassifier.H2OAutoMLClassifier method)
(ml_grid.model_classes.knn_wrapper_class.KNNWrapper method)
(ml_grid.model_classes.tabtransformer_classifier_class.TabTransformerWrapper method)
settings_list (ml_grid.util.grid_param_space.Grid attribute)
(ml_grid.util.grid_param_space_ga.Grid attribute)
settings_list_iterator (ml_grid.util.grid_param_space.Grid attribute)
(ml_grid.util.grid_param_space_ga.Grid attribute)
setup_logger() (in module ml_grid.util.logger_setup)
(in module ml_grid.util.logger_setup_notebook)
ShapeDTW_class (class in shapeDTWClassifier_module)
shapeDTWClassifier_module
module
SignatureClassifier_class (class in SignatureClassifier_module)
SignatureClassifier_module
module
standard_scale_method() (ml_grid.pipeline.data_scale.data_scale_methods method)
store_models (ml_grid.util.global_params.GlobalParameters attribute)
stratify_by_outcome() (in module core)
sub_sample_param_space_pct (ml_grid.pipeline.grid_search_cross_validate.grid_search_crossvalidate attribute)
(ml_grid.pipeline.main.run attribute)
(ml_grid.util.global_params.GlobalParameters attribute)
sub_sample_parameter_val (ml_grid.pipeline.grid_search_cross_validate.grid_search_crossvalidate attribute)
(ml_grid.pipeline.main.run attribute)
sub_sample_pct (ml_grid.pipeline.hyperparameter_search.HyperparameterSearch attribute)
summarize_results
module
SummaryClassifier_class (class in SummaryClassifier_module)
SummaryClassifier_module
module
SVC_class (class in ml_grid.model_classes.svc_class)
T
TabTransformer_class (class in ml_grid.model_classes.tabtransformer_classifier_class)
TabTransformerClassifier (class in ml_grid.model_classes.tabtransformerClassifier)
TabTransformerWrapper (class in ml_grid.model_classes.tabtransformer_classifier_class)
TapNetClassifier_class (class in TapNetClassifier_module)
TapNetClassifier_module
module
TemporalDictionaryEnsemble_class (class in TemporalDictionaryEnsembleClassifier_module)
TemporalDictionaryEnsembleClassifier_module
module
time_limit_param (ml_grid.util.global_params.GlobalParameters attribute)
time_series_mode (ml_grid.pipeline.data.pipe attribute)
timeline_plotter (plot_master.MasterPlotter attribute)
TimelineAnalysisPlotter (class in plot_timeline)
TSFreshClassifier_class (class in TSFreshClassifier_module)
TSFreshClassifier_module
module
U
update_parameters() (ml_grid.util.global_params.GlobalParameters method)
update_score_log() (ml_grid.util.project_score_save.project_score_save_class static method)
UpSet (in module plot_features)
V
validate_data_structure() (core.DataValidator static method)
validate_knn_parameters() (in module ml_grid.util.validate_parameters)
validate_parameters_helper() (in module ml_grid.util.validate_parameters)
validate_XGB_parameters() (in module ml_grid.util.validate_parameters)
verbose (ml_grid.pipeline.data.pipe attribute)
(ml_grid.pipeline.data_clean_up.clean_up_class attribute)
(ml_grid.pipeline.grid_search_cross_validate.grid_search_crossvalidate attribute)
(ml_grid.pipeline.main.run attribute)
(ml_grid.util.global_params.GlobalParameters attribute)
(ml_grid.util.grid_param_space.Grid attribute)
(ml_grid.util.grid_param_space_ga.Grid attribute)
verbosity (ml_grid.model_classes.lightgbm_class.LightGBMClassifier attribute)
W
weights (ml_grid.model_classes.knn_wrapper_class.KNNWrapper attribute)
X
X (ml_grid.model_classes.adaboost_classifier_class.adaboost_class attribute)
(ml_grid.model_classes.catboost_classifier_class.CatBoost_class attribute)
(ml_grid.model_classes.gaussiannb_class.GaussianNB_class attribute)
(ml_grid.model_classes.gradientboosting_classifier_class.GradientBoostingClassifier_class attribute)
(ml_grid.model_classes.h2o_classifier_class.h2o_classifier_class attribute)
(ml_grid.model_classes.keras_classifier_class.kerasClassifier_class attribute)
(ml_grid.model_classes.knn_classifier_class.knn_classifiers_class attribute)
(ml_grid.model_classes.knn_gpu_classifier_class.knn__gpu_wrapper_class attribute)
(ml_grid.model_classes.light_gbm_class.LightGBMClassifierWrapper attribute)
(ml_grid.model_classes.logistic_regression_class.LogisticRegression_class attribute)
(ml_grid.model_classes.mlp_classifier_class.mlp_classifier_class attribute)
(ml_grid.model_classes.NeuralNetworkClassifier_class.NeuralNetworkClassifier_class attribute)
(ml_grid.model_classes.quadratic_discriminant_class.quadratic_discriminant_analysis_class attribute)
(ml_grid.model_classes.randomforest_classifier_class.RandomForestClassifier_class attribute)
(ml_grid.model_classes.svc_class.SVC_class attribute)
(ml_grid.model_classes.tabtransformer_classifier_class.TabTransformer_class attribute)
(ml_grid.model_classes.xgb_classifier_class.XGB_class_class attribute)
(ml_grid.pipeline.data.pipe attribute)
X_test (ml_grid.pipeline.data.pipe attribute)
(ml_grid.pipeline.grid_search_cross_validate.grid_search_crossvalidate attribute)
X_test_orig (ml_grid.pipeline.data.pipe attribute)
(ml_grid.pipeline.grid_search_cross_validate.grid_search_crossvalidate attribute)
X_train (ml_grid.pipeline.data.pipe attribute)
(ml_grid.pipeline.grid_search_cross_validate.grid_search_crossvalidate attribute)
x_train_col_val (ml_grid.model_classes.keras_classifier_class.kerasClassifier_class attribute)
XGB_class_class (class in ml_grid.model_classes.xgb_classifier_class)
Y
y (ml_grid.model_classes.adaboost_classifier_class.adaboost_class attribute)
(ml_grid.model_classes.catboost_classifier_class.CatBoost_class attribute)
(ml_grid.model_classes.gaussiannb_class.GaussianNB_class attribute)
(ml_grid.model_classes.gradientboosting_classifier_class.GradientBoostingClassifier_class attribute)
(ml_grid.model_classes.h2o_classifier_class.h2o_classifier_class attribute)
(ml_grid.model_classes.keras_classifier_class.kerasClassifier_class attribute)
(ml_grid.model_classes.knn_classifier_class.knn_classifiers_class attribute)
(ml_grid.model_classes.knn_gpu_classifier_class.knn__gpu_wrapper_class attribute)
(ml_grid.model_classes.light_gbm_class.LightGBMClassifierWrapper attribute)
(ml_grid.model_classes.logistic_regression_class.LogisticRegression_class attribute)
(ml_grid.model_classes.mlp_classifier_class.mlp_classifier_class attribute)
(ml_grid.model_classes.NeuralNetworkClassifier_class.NeuralNetworkClassifier_class attribute)
(ml_grid.model_classes.quadratic_discriminant_class.quadratic_discriminant_analysis_class attribute)
(ml_grid.model_classes.randomforest_classifier_class.RandomForestClassifier_class attribute)
(ml_grid.model_classes.svc_class.SVC_class attribute)
(ml_grid.model_classes.tabtransformer_classifier_class.TabTransformer_class attribute)
(ml_grid.model_classes.xgb_classifier_class.XGB_class_class attribute)
(ml_grid.pipeline.data.pipe attribute)
y_test (ml_grid.pipeline.data.pipe attribute)
(ml_grid.pipeline.grid_search_cross_validate.grid_search_crossvalidate attribute)
y_test_orig (ml_grid.pipeline.data.pipe attribute)
(ml_grid.pipeline.grid_search_cross_validate.grid_search_crossvalidate attribute)
y_train (ml_grid.pipeline.data.pipe attribute)
(ml_grid.pipeline.grid_search_cross_validate.grid_search_crossvalidate attribute)