.. DO NOT EDIT. .. THIS FILE WAS AUTOMATICALLY GENERATED BY SPHINX-GALLERY. .. TO MAKE CHANGES, EDIT THE SOURCE PYTHON FILE: .. "examples/40_advanced/example_get_pipeline_components.py" .. LINE NUMBERS ARE GIVEN BELOW. .. only:: html .. note:: :class: sphx-glr-download-link-note Click :ref:`here ` to download the full example code or to run this example in your browser via Binder .. rst-class:: sphx-glr-example-title .. _sphx_glr_examples_40_advanced_example_get_pipeline_components.py: ====================== Obtain run information ====================== The following example shows how to obtain information from a finished Auto-sklearn run. In particular, it shows: * how to query which models were evaluated by Auto-sklearn * how to query the models in the final ensemble * how to get general statistics on the what Auto-sklearn evaluated Auto-sklearn is a wrapper on top of the sklearn models. This example illustrates how to interact with the sklearn components directly, in this case a PCA preprocessor. .. GENERATED FROM PYTHON SOURCE LINES 17-25 .. code-block:: default from pprint import pprint import sklearn.datasets import sklearn.metrics import autosklearn.classification .. GENERATED FROM PYTHON SOURCE LINES 26-28 Data Loading ============ .. GENERATED FROM PYTHON SOURCE LINES 28-34 .. code-block:: default X, y = sklearn.datasets.load_breast_cancer(return_X_y=True) X_train, X_test, y_train, y_test = sklearn.model_selection.train_test_split( X, y, random_state=1 ) .. GENERATED FROM PYTHON SOURCE LINES 35-37 Build and fit the classifier ============================ .. GENERATED FROM PYTHON SOURCE LINES 37-48 .. code-block:: default automl = autosklearn.classification.AutoSklearnClassifier( time_left_for_this_task=30, per_run_time_limit=10, disable_evaluator_output=False, # To simplify querying the models in the final ensemble, we # restrict auto-sklearn to use only pca as a preprocessor include={"feature_preprocessor": ["pca"]}, ) automl.fit(X_train, y_train, dataset_name="breast_cancer") .. rst-class:: sphx-glr-script-out .. code-block:: none AutoSklearnClassifier(ensemble_class=, include={'feature_preprocessor': ['pca']}, per_run_time_limit=10, time_left_for_this_task=30) .. GENERATED FROM PYTHON SOURCE LINES 49-51 Predict using the model ======================= .. GENERATED FROM PYTHON SOURCE LINES 51-56 .. code-block:: default predictions = automl.predict(X_test) print("Accuracy score:{}".format(sklearn.metrics.accuracy_score(y_test, predictions))) .. rst-class:: sphx-glr-script-out .. code-block:: none Accuracy score:0.958041958041958 .. GENERATED FROM PYTHON SOURCE LINES 57-73 Report the models found by Auto-Sklearn ======================================= Auto-sklearn uses `Ensemble Selection `_ to construct ensembles in a post-hoc fashion. The ensemble is a linear weighting of all models constructed during the hyperparameter optimization. This prints the final ensemble. It is a dictionary where ``model_id`` of each model is a key, and value is a dictionary containing information of that model. A model's dict contains its ``'model_id'``, ``'rank'``, ``'cost'``, ``'ensemble_weight'``, and the model itself. The model is given by the ``'data_preprocessor'``, ``'feature_preprocessor'``, ``'regressor'/'classifier'`` and ``'sklearn_regressor'/'sklearn_classifier'`` entries. But for the ``'cv'`` resampling strategy, the same for each cv model is stored in the ``'estimators'`` list in the dict, along with the ``'voting_model'``. .. GENERATED FROM PYTHON SOURCE LINES 73-76 .. code-block:: default pprint(automl.show_models(), indent=4) .. rst-class:: sphx-glr-script-out .. code-block:: none { 2: { 'balancing': Balancing(random_state=1), 'classifier': , 'cost': 0.07801418439716312, 'data_preprocessor': , 'ensemble_weight': 0.12, 'feature_preprocessor': , 'model_id': 2, 'rank': 1, 'sklearn_classifier': RandomForestClassifier(max_features=5, n_estimators=512, n_jobs=1, random_state=1, warm_start=True)}, 3: { 'balancing': Balancing(random_state=1), 'classifier': , 'cost': 0.07092198581560283, 'data_preprocessor': , 'ensemble_weight': 0.16, 'feature_preprocessor': , 'model_id': 3, 'rank': 2, 'sklearn_classifier': RandomForestClassifier(max_features=1, min_samples_leaf=2, min_samples_split=20, n_estimators=512, n_jobs=1, random_state=1, warm_start=True)}, 4: { 'balancing': Balancing(random_state=1, strategy='weighting'), 'classifier': , 'cost': 0.028368794326241176, 'data_preprocessor': , 'ensemble_weight': 0.06, 'feature_preprocessor': , 'model_id': 4, 'rank': 3, 'sklearn_classifier': MLPClassifier(activation='tanh', alpha=1.103855734598575e-05, beta_1=0.999, beta_2=0.9, early_stopping=True, hidden_layer_sizes=(229, 229, 229), learning_rate_init=0.00014375616988222174, max_iter=32, n_iter_no_change=32, random_state=1, verbose=0, warm_start=True)}, 5: { 'balancing': Balancing(random_state=1, strategy='weighting'), 'classifier': , 'cost': 0.1063829787234043, 'data_preprocessor': , 'ensemble_weight': 0.12, 'feature_preprocessor': , 'model_id': 5, 'rank': 4, 'sklearn_classifier': KNeighborsClassifier(n_neighbors=4, weights='distance')}, 6: { 'balancing': Balancing(random_state=1), 'classifier': , 'cost': 0.11347517730496459, 'data_preprocessor': , 'ensemble_weight': 0.12, 'feature_preprocessor': , 'model_id': 6, 'rank': 5, 'sklearn_classifier': SVC(C=100.5905006626969, cache_size=1803.7291666666667, coef0=0.08087614244138486, gamma=0.011333066835975528, kernel='poly', max_iter=-1.0, random_state=1, tol=0.012391313886912093)}, 7: { 'balancing': Balancing(random_state=1, strategy='weighting'), 'classifier': , 'cost': 0.1063829787234043, 'data_preprocessor': , 'ensemble_weight': 0.08, 'feature_preprocessor': , 'model_id': 7, 'rank': 6, 'sklearn_classifier': LinearSVC(C=10.369811497206404, class_weight='balanced', dual=False, intercept_scaling=1.0, random_state=1, tol=0.0015130257264171173)}, 8: { 'balancing': Balancing(random_state=1), 'classifier': , 'cost': 0.028368794326241176, 'data_preprocessor': , 'ensemble_weight': 0.28, 'feature_preprocessor': , 'model_id': 8, 'rank': 7, 'sklearn_classifier': KNeighborsClassifier(n_neighbors=10, p=1)}, 9: { 'balancing': Balancing(random_state=1, strategy='weighting'), 'classifier': , 'cost': 0.08510638297872342, 'data_preprocessor': , 'ensemble_weight': 0.06, 'feature_preprocessor': , 'model_id': 9, 'rank': 8, 'sklearn_classifier': DecisionTreeClassifier(class_weight='balanced', criterion='entropy', max_depth=1, min_samples_leaf=12, min_samples_split=13, random_state=1)}} .. GENERATED FROM PYTHON SOURCE LINES 77-82 Report statistics about the search ================================== Print statistics about the auto-sklearn run such as number of iterations, number of models failed with a time out etc. .. GENERATED FROM PYTHON SOURCE LINES 82-84 .. code-block:: default print(automl.sprint_statistics()) .. rst-class:: sphx-glr-script-out .. code-block:: none auto-sklearn results: Dataset name: breast_cancer Metric: accuracy Best validation score: 0.971631 Number of target algorithm runs: 8 Number of successful target algorithm runs: 8 Number of crashed target algorithm runs: 0 Number of target algorithms that exceeded the time limit: 0 Number of target algorithms that exceeded the memory limit: 0 .. GENERATED FROM PYTHON SOURCE LINES 85-91 Detailed statistics about the search - part 1 ============================================= Auto-sklearn also keeps detailed statistics of the hyperparameter optimization procedurce, which are stored in a so-called `run history `_. .. GENERATED FROM PYTHON SOURCE LINES 91-94 .. code-block:: default print(automl.automl_.runhistory_) .. rst-class:: sphx-glr-script-out .. code-block:: none .. GENERATED FROM PYTHON SOURCE LINES 95-96 Runs are stored inside an ``OrderedDict`` called ``data``: .. GENERATED FROM PYTHON SOURCE LINES 96-99 .. code-block:: default print(len(automl.automl_.runhistory_.data)) .. rst-class:: sphx-glr-script-out .. code-block:: none 9 .. GENERATED FROM PYTHON SOURCE LINES 100-101 Let's iterative over all entries .. GENERATED FROM PYTHON SOURCE LINES 101-107 .. code-block:: default for run_key in automl.automl_.runhistory_.data: print("#########") print(run_key) print(automl.automl_.runhistory_.data[run_key]) .. rst-class:: sphx-glr-script-out .. code-block:: none ######### RunKey(config_id=1, instance_id='{"task_id": "breast_cancer"}', seed=0, budget=0.0) RunValue(cost=0.07801418439716312, time=2.1041107177734375, status=, starttime=1663664549.9379454, endtime=1663664552.0665298, additional_info={'duration': 1.9913103580474854, 'num_run': 2, 'train_loss': 0.0, 'configuration_origin': 'Initial design'}) ######### RunKey(config_id=2, instance_id='{"task_id": "breast_cancer"}', seed=0, budget=0.0) RunValue(cost=0.07092198581560283, time=1.8503355979919434, status=, starttime=1663664552.1301312, endtime=1663664554.0074, additional_info={'duration': 1.7435200214385986, 'num_run': 3, 'train_loss': 0.06315789473684208, 'configuration_origin': 'Initial design'}) ######### RunKey(config_id=3, instance_id='{"task_id": "breast_cancer"}', seed=0, budget=0.0) RunValue(cost=0.028368794326241176, time=1.7300455570220947, status=, starttime=1663664554.1323466, endtime=1663664555.8862646, additional_info={'duration': 1.6518871784210205, 'num_run': 4, 'train_loss': 0.04210526315789476, 'configuration_origin': 'Initial design'}) ######### RunKey(config_id=4, instance_id='{"task_id": "breast_cancer"}', seed=0, budget=0.0) RunValue(cost=0.1063829787234043, time=0.8748972415924072, status=, starttime=1663664556.0387397, endtime=1663664556.939485, additional_info={'duration': 0.7916548252105713, 'num_run': 5, 'train_loss': 0.0, 'configuration_origin': 'Initial design'}) ######### RunKey(config_id=5, instance_id='{"task_id": "breast_cancer"}', seed=0, budget=0.0) RunValue(cost=0.11347517730496459, time=0.7713007926940918, status=, starttime=1663664557.1346703, endtime=1663664557.9320207, additional_info={'duration': 0.6807596683502197, 'num_run': 6, 'train_loss': 0.09122807017543855, 'configuration_origin': 'Initial design'}) ######### RunKey(config_id=6, instance_id='{"task_id": "breast_cancer"}', seed=0, budget=0.0) RunValue(cost=0.1063829787234043, time=0.841759204864502, status=, starttime=1663664560.5457196, endtime=1663664561.4123611, additional_info={'duration': 0.759972095489502, 'num_run': 7, 'train_loss': 0.1473684210526316, 'configuration_origin': 'Random Search (sorted)'}) ######### RunKey(config_id=7, instance_id='{"task_id": "breast_cancer"}', seed=0, budget=0.0) RunValue(cost=0.028368794326241176, time=0.9095327854156494, status=, starttime=1663664563.943324, endtime=1663664564.8796868, additional_info={'duration': 0.8181486129760742, 'num_run': 8, 'train_loss': 0.03157894736842104, 'configuration_origin': 'Random Search (sorted)'}) ######### RunKey(config_id=8, instance_id='{"task_id": "breast_cancer"}', seed=0, budget=0.0) RunValue(cost=0.08510638297872342, time=0.9056379795074463, status=, starttime=1663664565.138814, endtime=1663664566.0731976, additional_info={'duration': 0.815222978591919, 'num_run': 9, 'train_loss': 0.07017543859649122, 'configuration_origin': 'Random Search'}) ######### RunKey(config_id=9, instance_id='{"task_id": "breast_cancer"}', seed=0, budget=0.0) RunValue(cost=1.0, time=0.0, status=, starttime=1663664569.1054664, endtime=1663664569.1054668, additional_info={}) .. GENERATED FROM PYTHON SOURCE LINES 108-109 and have a detailed look at one entry: .. GENERATED FROM PYTHON SOURCE LINES 109-113 .. code-block:: default run_key = list(automl.automl_.runhistory_.data.keys())[0] run_value = automl.automl_.runhistory_.data[run_key] .. GENERATED FROM PYTHON SOURCE LINES 114-115 The ``run_key`` contains all information describing a run: .. GENERATED FROM PYTHON SOURCE LINES 115-121 .. code-block:: default print("Configuration ID:", run_key.config_id) print("Instance:", run_key.instance_id) print("Seed:", run_key.seed) print("Budget:", run_key.budget) .. rst-class:: sphx-glr-script-out .. code-block:: none Configuration ID: 1 Instance: {"task_id": "breast_cancer"} Seed: 0 Budget: 0.0 .. GENERATED FROM PYTHON SOURCE LINES 122-123 and the configuration can be looked up in the run history as well: .. GENERATED FROM PYTHON SOURCE LINES 123-126 .. code-block:: default print(automl.automl_.runhistory_.ids_config[run_key.config_id]) .. rst-class:: sphx-glr-script-out .. code-block:: none Configuration(values={ 'balancing:strategy': 'none', 'classifier:__choice__': 'random_forest', 'classifier:random_forest:bootstrap': 'True', 'classifier:random_forest:criterion': 'gini', 'classifier:random_forest:max_depth': 'None', 'classifier:random_forest:max_features': 0.5, 'classifier:random_forest:max_leaf_nodes': 'None', 'classifier:random_forest:min_impurity_decrease': 0.0, 'classifier:random_forest:min_samples_leaf': 1, 'classifier:random_forest:min_samples_split': 2, 'classifier:random_forest:min_weight_fraction_leaf': 0.0, 'data_preprocessor:__choice__': 'feature_type', 'data_preprocessor:feature_type:numerical_transformer:imputation:strategy': 'mean', 'data_preprocessor:feature_type:numerical_transformer:rescaling:__choice__': 'standardize', 'feature_preprocessor:__choice__': 'pca', 'feature_preprocessor:pca:keep_variance': 0.9999, 'feature_preprocessor:pca:whiten': 'False', }) .. GENERATED FROM PYTHON SOURCE LINES 127-133 The only other important entry is the budget in case you are using auto-sklearn with :ref:`sphx_glr_examples_60_search_example_successive_halving.py`. The remaining parts of the key can be ignored for auto-sklearn and are only there because the underlying optimizer, SMAC, can handle more general problems, too. .. GENERATED FROM PYTHON SOURCE LINES 135-136 The ``run_value`` contains all output from running the configuration: .. GENERATED FROM PYTHON SOURCE LINES 136-144 .. code-block:: default print("Cost:", run_value.cost) print("Time:", run_value.time) print("Status:", run_value.status) print("Additional information:", run_value.additional_info) print("Start time:", run_value.starttime) print("End time", run_value.endtime) .. rst-class:: sphx-glr-script-out .. code-block:: none Cost: 0.07801418439716312 Time: 2.1041107177734375 Status: StatusType.SUCCESS Additional information: {'duration': 1.9913103580474854, 'num_run': 2, 'train_loss': 0.0, 'configuration_origin': 'Initial design'} Start time: 1663664549.9379454 End time 1663664552.0665298 .. GENERATED FROM PYTHON SOURCE LINES 145-151 Cost is basically the same as a loss. In case the metric to optimize for should be maximized, it is internally transformed into a minimization metric. Additionally, the status type gives information on whether the run was successful, while the additional information's most interesting entry is the internal training loss. Furthermore, there is detailed information on the runtime available. .. GENERATED FROM PYTHON SOURCE LINES 153-156 As an example, let's find the best configuration evaluated. As Auto-sklearn solves a minimization problem internally, we need to look for the entry with the lowest loss: .. GENERATED FROM PYTHON SOURCE LINES 156-168 .. code-block:: default losses_and_configurations = [ (run_value.cost, run_key.config_id) for run_key, run_value in automl.automl_.runhistory_.data.items() ] losses_and_configurations.sort() print("Lowest loss:", losses_and_configurations[0][0]) print( "Best configuration:", automl.automl_.runhistory_.ids_config[losses_and_configurations[0][1]], ) .. rst-class:: sphx-glr-script-out .. code-block:: none Lowest loss: 0.028368794326241176 Best configuration: Configuration(values={ 'balancing:strategy': 'weighting', 'classifier:__choice__': 'mlp', 'classifier:mlp:activation': 'tanh', 'classifier:mlp:alpha': 1.103855734598575e-05, 'classifier:mlp:batch_size': 'auto', 'classifier:mlp:beta_1': 0.9, 'classifier:mlp:beta_2': 0.999, 'classifier:mlp:early_stopping': 'valid', 'classifier:mlp:epsilon': 1e-08, 'classifier:mlp:hidden_layer_depth': 3, 'classifier:mlp:learning_rate_init': 0.00014375616988222174, 'classifier:mlp:n_iter_no_change': 32, 'classifier:mlp:num_nodes_per_layer': 229, 'classifier:mlp:shuffle': 'True', 'classifier:mlp:solver': 'adam', 'classifier:mlp:tol': 0.0001, 'classifier:mlp:validation_fraction': 0.1, 'data_preprocessor:__choice__': 'feature_type', 'data_preprocessor:feature_type:numerical_transformer:imputation:strategy': 'most_frequent', 'data_preprocessor:feature_type:numerical_transformer:rescaling:__choice__': 'quantile_transformer', 'data_preprocessor:feature_type:numerical_transformer:rescaling:quantile_transformer:n_quantiles': 180, 'data_preprocessor:feature_type:numerical_transformer:rescaling:quantile_transformer:output_distribution': 'uniform', 'feature_preprocessor:__choice__': 'pca', 'feature_preprocessor:pca:keep_variance': 0.7895711479212801, 'feature_preprocessor:pca:whiten': 'True', }) .. GENERATED FROM PYTHON SOURCE LINES 169-176 Detailed statistics about the search - part 2 ============================================= To maintain compatibility with scikit-learn, Auto-sklearn gives the same data as `cv_results_ `_. .. GENERATED FROM PYTHON SOURCE LINES 176-179 .. code-block:: default print(automl.cv_results_) .. rst-class:: sphx-glr-script-out .. code-block:: none {'mean_test_score': array([0.92198582, 0.92907801, 0.97163121, 0.89361702, 0.88652482, 0.89361702, 0.97163121, 0.91489362]), 'rank_test_scores': array([4, 3, 1, 6, 8, 6, 1, 5]), 'mean_fit_time': array([2.10411072, 1.8503356 , 1.73004556, 0.87489724, 0.77130079, 0.8417592 , 0.90953279, 0.90563798]), 'params': [{'balancing:strategy': 'none', 'classifier:__choice__': 'random_forest', 'data_preprocessor:__choice__': 'feature_type', 'feature_preprocessor:__choice__': 'pca', 'classifier:random_forest:bootstrap': 'True', 'classifier:random_forest:criterion': 'gini', 'classifier:random_forest:max_depth': 'None', 'classifier:random_forest:max_features': 0.5, 'classifier:random_forest:max_leaf_nodes': 'None', 'classifier:random_forest:min_impurity_decrease': 0.0, 'classifier:random_forest:min_samples_leaf': 1, 'classifier:random_forest:min_samples_split': 2, 'classifier:random_forest:min_weight_fraction_leaf': 0.0, 'data_preprocessor:feature_type:numerical_transformer:imputation:strategy': 'mean', 'data_preprocessor:feature_type:numerical_transformer:rescaling:__choice__': 'standardize', 'feature_preprocessor:pca:keep_variance': 0.9999, 'feature_preprocessor:pca:whiten': 'False'}, {'balancing:strategy': 'none', 'classifier:__choice__': 'random_forest', 'data_preprocessor:__choice__': 'feature_type', 'feature_preprocessor:__choice__': 'pca', 'classifier:random_forest:bootstrap': 'True', 'classifier:random_forest:criterion': 'gini', 'classifier:random_forest:max_depth': 'None', 'classifier:random_forest:max_features': 0.9331254454871041, 'classifier:random_forest:max_leaf_nodes': 'None', 'classifier:random_forest:min_impurity_decrease': 0.0, 'classifier:random_forest:min_samples_leaf': 2, 'classifier:random_forest:min_samples_split': 20, 'classifier:random_forest:min_weight_fraction_leaf': 0.0, 'data_preprocessor:feature_type:numerical_transformer:imputation:strategy': 'mean', 'data_preprocessor:feature_type:numerical_transformer:rescaling:__choice__': 'none', 'feature_preprocessor:pca:keep_variance': 0.9967857433838874, 'feature_preprocessor:pca:whiten': 'False'}, {'balancing:strategy': 'weighting', 'classifier:__choice__': 'mlp', 'data_preprocessor:__choice__': 'feature_type', 'feature_preprocessor:__choice__': 'pca', 'classifier:mlp:activation': 'tanh', 'classifier:mlp:alpha': 1.103855734598575e-05, 'classifier:mlp:batch_size': 'auto', 'classifier:mlp:beta_1': 0.9, 'classifier:mlp:beta_2': 0.999, 'classifier:mlp:early_stopping': 'valid', 'classifier:mlp:epsilon': 1e-08, 'classifier:mlp:hidden_layer_depth': 3, 'classifier:mlp:learning_rate_init': 0.00014375616988222174, 'classifier:mlp:n_iter_no_change': 32, 'classifier:mlp:num_nodes_per_layer': 229, 'classifier:mlp:shuffle': 'True', 'classifier:mlp:solver': 'adam', 'classifier:mlp:tol': 0.0001, 'data_preprocessor:feature_type:numerical_transformer:imputation:strategy': 'most_frequent', 'data_preprocessor:feature_type:numerical_transformer:rescaling:__choice__': 'quantile_transformer', 'feature_preprocessor:pca:keep_variance': 0.7895711479212801, 'feature_preprocessor:pca:whiten': 'True', 'classifier:mlp:validation_fraction': 0.1, 'data_preprocessor:feature_type:numerical_transformer:rescaling:quantile_transformer:n_quantiles': 180, 'data_preprocessor:feature_type:numerical_transformer:rescaling:quantile_transformer:output_distribution': 'uniform'}, {'balancing:strategy': 'weighting', 'classifier:__choice__': 'k_nearest_neighbors', 'data_preprocessor:__choice__': 'feature_type', 'feature_preprocessor:__choice__': 'pca', 'classifier:k_nearest_neighbors:n_neighbors': 4, 'classifier:k_nearest_neighbors:p': 2, 'classifier:k_nearest_neighbors:weights': 'distance', 'data_preprocessor:feature_type:numerical_transformer:imputation:strategy': 'mean', 'data_preprocessor:feature_type:numerical_transformer:rescaling:__choice__': 'normalize', 'feature_preprocessor:pca:keep_variance': 0.8047274080856589, 'feature_preprocessor:pca:whiten': 'False'}, {'balancing:strategy': 'none', 'classifier:__choice__': 'libsvm_svc', 'data_preprocessor:__choice__': 'feature_type', 'feature_preprocessor:__choice__': 'pca', 'classifier:libsvm_svc:C': 100.5905006626969, 'classifier:libsvm_svc:gamma': 0.011333066835975528, 'classifier:libsvm_svc:kernel': 'poly', 'classifier:libsvm_svc:max_iter': -1, 'classifier:libsvm_svc:shrinking': 'True', 'classifier:libsvm_svc:tol': 0.012391313886912093, 'data_preprocessor:feature_type:numerical_transformer:imputation:strategy': 'mean', 'data_preprocessor:feature_type:numerical_transformer:rescaling:__choice__': 'minmax', 'feature_preprocessor:pca:keep_variance': 0.9290439925152777, 'feature_preprocessor:pca:whiten': 'False', 'classifier:libsvm_svc:coef0': 0.08087614244138486, 'classifier:libsvm_svc:degree': 3}, {'balancing:strategy': 'weighting', 'classifier:__choice__': 'liblinear_svc', 'data_preprocessor:__choice__': 'feature_type', 'feature_preprocessor:__choice__': 'pca', 'classifier:liblinear_svc:C': 10.369811497206404, 'classifier:liblinear_svc:dual': 'False', 'classifier:liblinear_svc:fit_intercept': 'True', 'classifier:liblinear_svc:intercept_scaling': 1, 'classifier:liblinear_svc:loss': 'squared_hinge', 'classifier:liblinear_svc:multi_class': 'ovr', 'classifier:liblinear_svc:penalty': 'l2', 'classifier:liblinear_svc:tol': 0.0015130257264171173, 'data_preprocessor:feature_type:numerical_transformer:imputation:strategy': 'median', 'data_preprocessor:feature_type:numerical_transformer:rescaling:__choice__': 'robust_scaler', 'feature_preprocessor:pca:keep_variance': 0.5306607720040878, 'feature_preprocessor:pca:whiten': 'False', 'data_preprocessor:feature_type:numerical_transformer:rescaling:robust_scaler:q_max': 0.9866104280704078, 'data_preprocessor:feature_type:numerical_transformer:rescaling:robust_scaler:q_min': 0.20576464288464985}, {'balancing:strategy': 'none', 'classifier:__choice__': 'k_nearest_neighbors', 'data_preprocessor:__choice__': 'feature_type', 'feature_preprocessor:__choice__': 'pca', 'classifier:k_nearest_neighbors:n_neighbors': 10, 'classifier:k_nearest_neighbors:p': 1, 'classifier:k_nearest_neighbors:weights': 'uniform', 'data_preprocessor:feature_type:numerical_transformer:imputation:strategy': 'median', 'data_preprocessor:feature_type:numerical_transformer:rescaling:__choice__': 'quantile_transformer', 'feature_preprocessor:pca:keep_variance': 0.9923006586696794, 'feature_preprocessor:pca:whiten': 'False', 'data_preprocessor:feature_type:numerical_transformer:rescaling:quantile_transformer:n_quantiles': 1866, 'data_preprocessor:feature_type:numerical_transformer:rescaling:quantile_transformer:output_distribution': 'normal'}, {'balancing:strategy': 'weighting', 'classifier:__choice__': 'decision_tree', 'data_preprocessor:__choice__': 'feature_type', 'feature_preprocessor:__choice__': 'pca', 'classifier:decision_tree:criterion': 'entropy', 'classifier:decision_tree:max_depth_factor': 0.07400222370559417, 'classifier:decision_tree:max_features': 1.0, 'classifier:decision_tree:max_leaf_nodes': 'None', 'classifier:decision_tree:min_impurity_decrease': 0.0, 'classifier:decision_tree:min_samples_leaf': 12, 'classifier:decision_tree:min_samples_split': 13, 'classifier:decision_tree:min_weight_fraction_leaf': 0.0, 'data_preprocessor:feature_type:numerical_transformer:imputation:strategy': 'most_frequent', 'data_preprocessor:feature_type:numerical_transformer:rescaling:__choice__': 'standardize', 'feature_preprocessor:pca:keep_variance': 0.9710934401815425, 'feature_preprocessor:pca:whiten': 'True'}], 'status': ['Success', 'Success', 'Success', 'Success', 'Success', 'Success', 'Success', 'Success'], 'budgets': [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], 'param_balancing:strategy': masked_array(data=['none', 'none', 'weighting', 'weighting', 'none', 'weighting', 'none', 'weighting'], mask=[False, False, False, False, False, False, False, False], fill_value='N/A', dtype='` .. container:: sphx-glr-download sphx-glr-download-jupyter :download:`Download Jupyter notebook: example_get_pipeline_components.ipynb ` .. only:: html .. rst-class:: sphx-glr-signature `Gallery generated by Sphinx-Gallery `_