Skip to content

Dummy


Dummy

When doing supervised learning, a simple sanity check consists of comparing one's estimator against simple rules of thumb. The prediction methods completely ignore the input data. Do not use this model for real problems. Use it only as a simple baseline to compare with other models.

Corresponding estimators are:

Read more in sklearn's documentation.


See Also

DecisionTree

Single Decision Tree.

ExtraTree

Extremely Randomized Tree.

NaiveForecaster

Naive Forecaster.


Example

>>> from atom import ATOMClassifier
>>> from sklearn.datasets import load_breast_cancer

>>> X, y = load_breast_cancer(return_X_y=True, as_frame=True)

>>> atom = ATOMClassifier(X, y, random_state=1)
>>> atom.run(models="Dummy", metric="f1", verbose=2)


Training ========================= >>
Models: Dummy
Metric: f1


Results for Dummy:
Fit ---------------------------------------------
Train evaluation --> f1: 0.7709
Test evaluation --> f1: 0.7717
Time elapsed: 0.030s
-------------------------------------------------
Time: 0.030s


Final results ==================== >>
Total time: 0.033s
-------------------------------------
Dummy --> f1: 0.7717



Hyperparameters

Parametersstrategy
CategoricalDistribution(choices=('most_frequent', 'prior', 'stratified', 'uniform'))

Parametersstrategy
CategoricalDistribution(choices=('mean', 'median', 'quantile'))
quantile
FloatDistribution(high=1.0, log=False, low=0.0, step=0.1)





Attributes

Data attributes

Attributespipeline: Pipeline
Pipeline of transformers.

Models that used automated feature scaling have the scaler added.

Tip

Use the plot_pipeline method to visualize the pipeline.

mapping: dict[str, dict[str, int | float]]
Encoded values and their respective mapped values.

The column name is the key to its mapping dictionary. Only for columns mapped to a single column (e.g., Ordinal, Leave-one-out, etc...).

dataset: pd.DataFrame
Complete data set.
train: pd.DataFrame
Training set.
test: pd.DataFrame
Test set.
X: pd.DataFrame
Feature set.
y: pd.Series | pd.DataFrame
Target column(s).
X_train: pd.DataFrame
Features of the training set.
y_train: pd.Series | pd.DataFrame
Target column of the training set.
X_test: pd.DataFrame
Features of the test set.
y_test: pd.Series | pd.DataFrame
Target column(s) of the test set.
X_holdout: pd.DataFrame | None
Features of the holdout set.
y_holdout: pd.Series | pd.DataFrame | None
Target column of the holdout set.
shape: tuple[Int, Int]
Shape of the dataset (n_rows, n_columns).
columns: pd.Index
Name of all the columns.
n_columns: int
Number of columns.
features: pd.Index
Name of the features.
n_features: int
Number of features.
target: str | list[str]
Name of the target column(s).


Utility attributes

Attributesname: str
Name of the model.

Use the property's @setter to change the model's name. The acronym always stays at the beginning of the model's name. If the model is being tracked by mlflow, the name of the corresponding run also changes.

run: Run
Mlflow run corresponding to this model.

This property is only available for models that with mlflow tracking enabled.

study: Study
Optuna study used for hyperparameter tuning.

This property is only available for models that ran hyperparameter tuning.

trials: pd.DataFrame
Overview of the trials' results.

This property is only available for models that ran hyperparameter tuning. All durations are in seconds. Columns include:

  • [param_name]: Parameter value used in this trial.
  • estimator: Estimator used in this trial.
  • [metric_name]: Metric score of the trial.
  • [best_metric_name]: Best score so far in this study.
  • time_trial: Duration of the trial.
  • time_ht: Duration of the hyperparameter tuning.
  • state: Trial's state (COMPLETE, PRUNED, FAIL).
best_trial: FrozenTrial
Trial that returned the highest score.

For multi-metric runs, the best trial is the trial that performed best on the main metric. Use the property's @setter to change the best trial. See here an example. This property is only available for models that ran hyperparameter tuning.

best_params: dict[str, Any]
Estimator's parameters in the best trial.

This property is only available for models that ran hyperparameter tuning.

estimator: Predictor
Estimator fitted on the training set.
bootstrap: pd.DataFrame
Overview of the bootstrapping scores.

The dataframe has shape=(n_bootstrap, metric) and shows the score obtained by every bootstrapped sample for every metric. Using atom.bootstrap.mean() yields the same values as [metric]_bootstrap. This property is only available for models that ran bootstrapping.

results: pd.Series
Overview of the model results.

All durations are in seconds. Possible values include:

  • [metric]_ht: Score obtained by the hyperparameter tuning.
  • time_ht: Duration of the hyperparameter tuning.
  • [metric]_train: Metric score on the train set.
  • [metric]_test: Metric score on the test set.
  • time_fit: Duration of the model fitting on the train set.
  • [metric]_bootstrap: Mean score on the bootstrapped samples.
  • time_bootstrap: Duration of the bootstrapping.
  • time: Total duration of the run.
feature_importance: pd.Series
Normalized feature importance scores.

The sum of importances for all features is 1. The scores are extracted from the estimator's scores_, coef_ or feature_importances_ attribute, checked in that order. This property is only available for estimators with at least one of those attributes.



Methods

The plots can be called directly from the model. The remaining utility methods can be found hereunder.

bootstrappingApply a bootstrap algorithm.
calibrateCalibrate the model.
canvasCreate a figure with multiple plots.
clearReset attributes and clear cache from the model.
create_appCreate an interactive app to test model predictions.
create_dashboardCreate an interactive dashboard to analyze the model.
cross_validateEvaluate the model using cross-validation.
decision_functionGet confidence scores on new data or existing rows.
evaluateGet the model's scores for the provided metrics.
export_pipelineExport the transformer pipeline with final estimator.
fitFit and validate the model.
full_trainTrain the estimator on the complete dataset.
get_best_thresholdGet the threshold that maximizes the ROC curve.
get_tagsGet the model's tags.
hyperparameter_tuningRun the hyperparameter tuning algorithm.
inverse_transformInversely transform new data through the pipeline.
predictGet predictions on new data or existing rows.
predict_log_probaGet class log-probabilities on new data or existing rows.
predict_probaGet class probabilities on new data or existing rows.
registerRegister the model in mlflow's model registry.
reset_aestheticsReset the plot aesthetics to their default values.
save_estimatorSave the estimator to a pickle file.
scoreGet a metric score on new data.
serveServe the model as rest API endpoint for inference.
transformTransform new data through the pipeline.
update_layoutUpdate the properties of the plot's layout.
update_tracesUpdate the properties of the plot's traces.


method bootstrapping(n_bootstrap, reset=False)[source]
Apply a bootstrap algorithm.

Take bootstrapped samples from the training set and test them on the test set to get a distribution of the model's results.

Parametersn_bootstrap: int
umber of bootstrapped samples to fit on.

reset: bool, default=False
Whether to start a new run or continue the existing one.



method calibrate(**kwargs)[source]
Calibrate the model.

Applies probability calibration on the model. The estimator is trained via cross-validation on a subset of the training data, using the rest to fit the calibrator. The new classifier will replace the estimator attribute. If there is an active mlflow experiment, a new run is started using the name [model_name]_calibrate. Since the estimator changed, the model is cleared. Only for classifiers.

Parameters**kwargs
Additional keyword arguments for sklearn's CCV. Using cv="prefit" will use the trained model and use the test set for calibration. Use this only if you have another, independent set for testing (holdout set).



method canvas(rows=1, cols=2, sharex=False, sharey=False, hspace=0.05, vspace=0.07, title=None, legend="out", figsize=None, filename=None, display=True)[source]
Create a figure with multiple plots.

This @contextmanager allows you to draw many plots in one figure. The default option is to add two plots side by side. See the user guide for an example.

Parametersrows: int, default=1
Number of plots in length.

cols: int, default=2
Number of plots in width.

sharex: bool, default=False
If True, hide the label and ticks from non-border subplots on the x-axis.

sharey: bool, default=False
If True, hide the label and ticks from non-border subplots on the y-axis.

hspace: float, default=0.05
Space between subplot rows in normalized plot coordinates. The spacing is relative to the figure's size.

vspace: float, default=0.07
Space between subplot cols in normalized plot coordinates. The spacing is relative to the figure's size.

title: str, dict or None, default=None
Title for the plot.

legend: bool, str or dict, default="out"
Legend for the plot. See the user guide for an extended description of the choices.

  • If None: No legend is shown.
  • If str: Position to display the legend.
  • If dict: Legend configuration.

figsize: tuple or None, default=None
Figure's size in pixels, format as (x, y). If None, it adapts the size to the number of plots in the canvas.

filename: str, Path or None, default=None
Save the plot using this name. Use "auto" for automatic naming. The type of the file depends on the provided name (.html, .png, .pdf, etc...). If filename has no file type, the plot is saved as html. If None, the plot is not saved.

display: bool, default=True
Whether to render the plot.

Yieldsgo.Figure
Plot object.



method clear()[source]
Reset attributes and clear cache from the model.

Reset certain model attributes to their initial state, deleting potentially large data arrays. Use this method to free some memory before saving the instance. The affected attributes are:



method create_app(**kwargs)[source]
Create an interactive app to test model predictions.

Demo your machine learning model with a friendly web interface. This app launches directly in the notebook or on an external browser page. The created Interface instance can be accessed through the app attribute.

Parameters**kwargs
Additional keyword arguments for the Interface instance or the Interface.launch method.



method create_dashboard(rows="test", filename=None, **kwargs)[source]
Create an interactive dashboard to analyze the model.

ATOM uses the explainerdashboard package to provide a quick and easy way to analyze and explain the predictions and workings of the model. The dashboard allows you to investigate SHAP values, permutation importances, interaction effects, partial dependence plots, all kinds of performance plots, and even individual decision trees.

By default, the dashboard renders in a new tab in your default browser, but if preferable, you can render it inside the notebook using the mode="inline" parameter. The created ExplainerDashboard instance can be accessed through the dashboard attribute. This method is not available for multioutput tasks.

Note

Plots displayed by the dashboard are not created by ATOM and can differ from those retrieved through this package.

Parametersrows: hashable, segment, sequence or dataframe, default="test"
Selection of rows to get the report from.

filename: str, Path or None, default=None
Filename or pathlib.Path of the file to save. None to not save anything.

**kwargs
Additional keyword arguments for the ExplainerDashboard instance.



method cross_validate(**kwargs)[source]
Evaluate the model using cross-validation.

This method cross-validates the whole pipeline on the complete dataset. Use it to assess the robustness of the model's performance. If the scoring method is not specified in kwargs, it uses atom's metric.

Parameters**kwargs
Additional keyword arguments for one of these functions.

Returnspd.DataFrame
Overview of the results.



method decision_function(X, verbose=None)[source]
Get confidence scores on new data or existing rows.

New data is first transformed through the model's pipeline. Transformers that are only applied on the training set are skipped. The estimator must have a decision_function method.

Read more in the user guide.

ParametersX: hashable, segment, sequence or dataframe-like
Selection of rows or feature set with shape=(n_samples, n_features) to make predictions on.

verbose: int or None, default=None
Verbosity level for the transformers in the pipeline. If None, it uses the pipeline's verbosity.

Returnsseries or dataframe
Predicted confidence scores with shape=(n_samples,) for binary classification tasks (log likelihood ratio of the positive class) or shape=(n_samples, n_classes) for multiclass classification tasks.



method evaluate(metric=None, rows="test", threshold=0.5)[source]
Get the model's scores for the provided metrics.

Tip

Use the self-get_best_threshold or plot_threshold method to determine a suitable value for the threshold parameter.

Parametersmetric: str, func, scorer, sequence or None, default=None
Metrics to calculate. If None, a selection of the most common metrics per task are used.

rows: hashable, segment, sequence or dataframe, default="test"
Selection of rows to calculate metric on.

threshold: float or sequence, default=0.5
Threshold between 0 and 1 to convert predicted probabilities to class labels. Only used when:

  • The task is binary or multilabel classification.
  • The model has a predict_proba method.
  • The metric evaluates predicted probabilities.

For multilabel classification tasks, it's possible to provide a sequence of thresholds (one per target column, as returned by the get_best_threshold method). If float, the same threshold is applied to all target columns.

Returnspd.Series
Scores of the model.



method export_pipeline()[source]
Export the transformer pipeline with final estimator.

The returned pipeline is already fitted on the training set. Note that if the model used automated feature scaling, the Scaler is added to the pipeline.

ReturnsPipeline
Current branch as a sklearn-like Pipeline object.



method fit(X=None, y=None)[source]
Fit and validate the model.

The estimator is fitted using the best hyperparameters found during hyperparameter tuning. Afterwards, the estimator is evaluated on the test set. Only use this method to re-fit the model after having continued the study.

ParametersX: pd.DataFrame or None
Feature set with shape=(n_samples, n_features). If None, self.X_train is used.

y: pd.Series, pd.DataFrame or None
Target column(s) corresponding to X. If None, self.y_train is used.



method full_train(include_holdout=False)[source]
Train the estimator on the complete dataset.

In some cases, it might be desirable to use all available data to train a final model. Note that doing this means that the estimator can no longer be evaluated on the test set. The newly retrained estimator will replace the estimator attribute. If there is an active mlflow experiment, a new run is started with the name [model_name]_full_train. Since the estimator changed, the model is cleared.

Warning

Although the model is trained on the complete dataset, the pipeline is not. To get a fully trained pipeline, use: pipeline = atom.export_pipeline().fit(atom.X, atom.y).

Parametersinclude_holdout: bool, default=False
Whether to include the holdout set (if available) in the training of the estimator. It's discouraged to use this option since it means the model can no longer be evaluated on any set.



method get_best_threshold(rows="train")[source]
Get the threshold that maximizes the ROC curve.

Only available for models with a predict_proba method in a binary or multilabel classification task.

Parametersrows: hashable, segment, sequence or dataframe
Selection of rows on which to calculate the threshold.

Returnsfloat or list
The best threshold or list of thresholds for multilabel tasks.



method get_tags()[source]
Get the model's tags.

Return class parameters that provide general information about the model's characteristics.

Returnsdict
Model's tags.



method hyperparameter_tuning(n_trials, reset=False)[source]
Run the hyperparameter tuning algorithm.

Search for the best combination of hyperparameters. The function to optimize is evaluated either with a K-fold cross-validation on the training set or using a random train and validation split every trial. Use this method to continue the optimization.

Parametersn_trials: int
Number of trials for the hyperparameter tuning.

reset: bool, default=False
Whether to start a new study or continue the existing one.



method inverse_transform(X=None, y=None, verbose=None)[source]
Inversely transform new data through the pipeline.

Transformers that are only applied on the training set are skipped. The rest should all implement an inverse_transform method. If only X or only y is provided, it ignores transformers that require the other parameter. This can be of use to, for example, inversely transform only the target column. If called from a model that used automated feature scaling, the scaling is inverted as well.

ParametersX: dataframe-like or None, default=None
Transformed feature set with shape=(n_samples, n_features). If None, X is ignored in the transformers.

y: int, str, sequence, dataframe-like or None, default=None
Target column(s) corresponding to X.

  • If None: y is ignored.
  • If int: Position of the target column in X.
  • If str: Name of the target column in X.
  • If sequence: Target column with shape=(n_samples,) or sequence of column names or positions for multioutput tasks.
  • If dataframe-like: Target columns for multioutput tasks.

verbose: int or None, default=None
Verbosity level for the transformers in the pipeline. If None, it uses the pipeline's verbosity.

Returnsdataframe
Original feature set. Only returned if provided.

series or dataframe
Original target column. Only returned if provided.



method predict(X, inverse=True, verbose=None)[source]
Get predictions on new data or existing rows.

New data is first transformed through the model's pipeline. Transformers that are only applied on the training set are skipped. The estimator must have a predict method.

Read more in the user guide.

ParametersX: hashable, segment, sequence or dataframe-like
Selection of rows or feature set with shape=(n_samples, n_features) to make predictions on.

inverse: bool, default=True
Whether to inversely transform the output through the pipeline. This doesn't affect the predictions if there are no transformers in the pipeline or if the transformers have no inverse_transform method or don't apply to y.

verbose: int or None, default=None
Verbosity level for the transformers in the pipeline. If None, it uses the pipeline's verbosity.

Returnsseries or dataframe
Predictions with shape=(n_samples,) or shape=(n_samples, n_targets) for multioutput tasks.



method predict_log_proba(X, verbose=None)[source]
Get class log-probabilities on new data or existing rows.

New data is first transformed through the model's pipeline. Transformers that are only applied on the training set are skipped. The estimator must have a predict_log_proba method.

Read more in the user guide.

ParametersX: hashable, segment, sequence or dataframe-like
Selection of rows or feature set with shape=(n_samples, n_features) to make predictions on.

verbose: int or None, default=None
Verbosity level for the transformers in the pipeline. If None, it uses the pipeline's verbosity.

Returnsdataframe
Predicted class log-probabilities with shape=(n_samples, n_classes) or shape=(n_samples * n_classes, n_targets) with a multiindex format for multioutput tasks.



method predict_proba(X, verbose=None)[source]
Get class probabilities on new data or existing rows.

New data is first transformed through the model's pipeline. Transformers that are only applied on the training set are skipped. The estimator must have a predict_proba method.

Read more in the user guide.

ParametersX: hashable, segment, sequence or dataframe-like
Selection of rows or feature set with shape=(n_samples, n_features) to make predictions on.

verbose: int or None, default=None
Verbosity level for the transformers in the pipeline. If None, it uses the pipeline's verbosity.

Returnsdataframe
Predicted class probabilities with shape=(n_samples, n_classes) or shape=(n_samples * n_classes, n_targets) with a multiindex format for multioutput tasks.



method register(name=None, stage="None", archive_existing_versions=False)[source]
Register the model in mlflow's model registry.

This method is only available when model tracking is enabled using one of the following URI schemes: databricks, http, https, postgresql, mysql, sqlite, mssql.

Parametersname: str or None, default=None
Name for the registered model. If None, the model's full name is used. If the name of the model already exists, a new model version is created.

stage: str, default="None"
New desired stage for the model.

archive_existing_versions: bool, default=False
Whether all existing model versions in the stage will be moved to the "Archived" stage. Only valid when stage is "Staging" or "Production", otherwise an error will be raised.



function atom.plots.baseplot.reset_aesthetics()[source]
Reset the plot aesthetics to their default values.



method save_estimator(filename="auto")[source]
Save the estimator to a pickle file.

Parametersfilename: str or Path, default="auto"
Filename or pathlib.Path of the file to save. Use "auto" for automatic naming.



method score(X, y=None, metric=None, sample_weight=None, verbose=None)[source]
Get a metric score on new data.

New data is first transformed through the model's pipeline. Transformers that are only applied on the training set are skipped.

Read more in the user guide.

Info

If the metric parameter is left to its default value, the method returns atom's metric score, not the metric returned by sklearn's score method for estimators.

ParametersX: hashable, segment, sequence or dataframe-like
Selection of rows or feature set with shape=(n_samples, n_features) to make predictions on.

y: int, str, sequence, dataframe-like or None, default=None
Target column(s) corresponding to X.

  • If None: X must be a selection of rows in the dataset.
  • If int: Position of the target column in X.
  • If str: Name of the target column in X.
  • If sequence: Target column with shape=(n_samples,) or sequence of column names or positions for multioutput tasks.
  • If dataframe: Target columns for multioutput tasks.

metric: str, func, scorer or None, default=None
Metric to calculate. Choose from any of sklearn's scorers, a function with signature metric(y_true, y_pred) -> score or a scorer object. If None, it uses atom's metric (the main metric for multi-metric runs).

sample_weight: sequence or None, default=None
Sample weights corresponding to y.

verbose: int or None, default=None
Verbosity level for the transformers in the pipeline. If None, it uses the pipeline's verbosity.

Returnsfloat
Metric score of X with respect to y.



method serve(method="predict", host="127.0.0.1", port=8000)[source]
Serve the model as rest API endpoint for inference.

The complete pipeline is served with the model. The inference data must be supplied as json to the HTTP request, e.g. requests.get("http://127.0.0.1:8000/", json=X.to_json()). The deployment is done on a ray cluster. The default host and port parameters deploy to localhost.

Tip

Use import ray; ray.serve.shutdown() to close the endpoint after finishing.

Parametersmethod: str, default="predict"
Estimator's method to do inference on.

host: str, default="127.0.0.1"
Host for HTTP servers to listen on. To expose serve publicly, you probably want to set this to "0.0.0.0".

port: int, default=8000
Port for HTTP server.



method transform(X=None, y=None, verbose=None)[source]
Transform new data through the pipeline.

Transformers that are only applied on the training set are skipped. If only X or only y is provided, it ignores transformers that require the other parameter. This can be of use to, for example, transform only the target column. If called from a model that used automated feature scaling, the data is scaled as well.

ParametersX: dataframe-like or None, default=None
Feature set with shape=(n_samples, n_features). If None, X is ignored. If None, X is ignored in the transformers.

y: int, str, sequence, dataframe-like or None, default=None
Target column(s) corresponding to X.

  • If None: y is ignored.
  • If int: Position of the target column in X.
  • If str: Name of the target column in X.
  • If sequence: Target column with shape=(n_samples,) or sequence of column names or positions for multioutput tasks.
  • If dataframe-like: Target columns for multioutput tasks.

verbose: int or None, default=None
Verbosity level for the transformers in the pipeline. If None, it uses the pipeline's verbosity.

Returnsdataframe
Transformed feature set. Only returned if provided.

series or dataframe
Transformed target column. Only returned if provided.



function atom.plots.baseplot.update_layout(**kwargs)[source]
Update the properties of the plot's layout.

Recursively update the structure of the original layout with the values in the arguments.

Parameters**kwargs
Keyword arguments for the figure's update_layout method.



function atom.plots.baseplot.update_traces(**kwargs)[source]
Update the properties of the plot's traces.

Recursively update the structure of the original traces with the values in the arguments.

Parameters**kwargs
Keyword arguments for the figure's update_traces method.