Gaussian Naive bayes (GNB)
Gaussian Naive Bayes implements the Naive Bayes algorithm for classification. The likelihood of the features is assumed to be Gaussian.
Corresponding estimators are:
- GaussianNB for classification tasks.
Read more in sklearn's documentation.
Tip
The features in the dataset can be transformed to follow a Gaussian distribution using the gauss method.
Hyperparameters
- By default, the estimator adopts the default parameters provided by its package. See the user guide on how to customize them.
- GNB has no parameters to tune with the BO.
Attributes
Data attributes
| Attributes: | 
dataset: pd.DataFrame 
train: pd.DataFrame 
test: pd.DataFrame 
X: pd.DataFrame 
y: pd.Series 
X_train: pd.DataFrame 
y_train: pd.Series 
X_test: pd.DataFrame 
y_test: pd.Series 
shape: tuple 
columns: list 
n_columns: int 
features: list 
n_features: int 
target: str | 
Utility attributes
| Attributes: | 
estimator: class 
time_fit: str 
metric_train: float or list 
metric_test: float or list 
metric_bootstrap: list 
mean_bootstrap: float or list 
std_bootstrap: float or list Training results. Columns include: 
 | 
Prediction attributes
The prediction attributes are not calculated until the attribute is called for the first time. This mechanism avoids having to calculate attributes that are never used, saving time and memory.
| Prediction attributes: | 
predict_train: np.ndarray 
 predict_test: np.ndarray 
predict_proba_train: np.ndarray 
predict_proba_test: np.ndarray 
predict_log_proba_train: np.ndarray 
predict_log_proba_test: np.ndarray 
score_train: np.float64 
score_test: np.float64 | 
Methods
The majority of the plots and prediction methods
can be called directly from the model, e.g. atom.gnb.plot_permutation_importance() or atom.gnb.predict(X).
The remaining utility methods can be found hereunder.
| calibrate | Calibrate the model. | 
| cross_validate | Evaluate the model using cross-validation. | 
| delete | Delete the model from the trainer. | 
| export_pipeline | Export the model's pipeline to a sklearn-like Pipeline object. | 
| full_train | Get the estimator trained on the complete dataset. | 
| rename | Change the model's tag. | 
| reset_predictions | Clear all the prediction attributes. | 
| scoring | Get the score for a specific metric. | 
| save_estimator | Save the estimator to a pickle file. | 
Applies probability calibration on the estimator. 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 and is
logged to any active mlflow experiment. Since the estimator
changed, all the model's prediction attributes are reset.
| Parameters: | **kwargs Additional keyword arguments for sklearn's CalibratedClassifierCV. Using cv="prefit" will use the trained model and fit the calibrator on the test set. Use this only if you have another, independent set for testing. | 
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 solution's performance.
| Parameters: | **kwargs Additional keyword arguments for sklearn's cross_validate function. If the scoring method is not specified, it uses the trainer's metric. | 
| Returns: | scores: dict Return of sklearn's cross_validate function. | 
Delete the model from the trainer. If it's the winning model, the next
best model (through metric_test or mean_bootstrap) is selected as
winner. If it's the last model in the trainer, the metric and training
approach are reset. Use this method to drop unwanted models from
the pipeline or to free some memory before saving. The model is not
removed from any active mlflow experiment.
Export the model's pipeline to a sklearn-like object. If the model used feature scaling, the Scaler is added before the model. The returned pipeline is already fitted on the training set.
Note
ATOM's Pipeline class behaves exactly the same as a sklearn Pipeline, and additionally, it's compatible with transformers that drop samples and transformers that change the target column.
Warning
Due to incompatibilities with sklearn's API, the exported pipeline always fits/transforms on the entire dataset provided. Beware that this can cause errors if the transformers were fitted on a subset of the data.
| Parameters: | pipeline: bool, sequence or None, optional (default=None) Transformers to use on the data before predicting. 
 
verbose: int or None, optional (default=None) | 
| Returns: | pipeline: Pipeline Current branch as a sklearn-like Pipeline object. | 
Get the estimator trained on the complete dataset. In some cases it might be desirable to use all the available data to train a final model after the right hyperparameters are found. Note that this means that the model can not be evaluated.
| Returns: | est: estimator Model estimator trained on the full dataset. | 
Change the model's tag. 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 is also changed.
| Parameters: | name: str or None, optional (default=None) New tag for the model. If None, the tag is removed. | 
Clear the prediction attributes from all models.
Use this method to free some memory before saving the trainer.
Get the scoring for a specific metric.
| Parameters: | metric: str or None, optional (default=None) Name of the metric to calculate. If None, returns the models' final results (ignoring the datasetparameter). Choose from any
of sklearn's classification SCORERS
or one of the following custom metrics:
 
dataset: str, optional (default="test") | 
| Returns: | score: float or np.ndarray Model's score for the selected metric. | 
Save the estimator to a pickle file.
| Parameters: | filename: str, optional (default="auto") Name of the file. Use "auto" for automatic naming. | 
Example
from atom import ATOMClassifier
atom = ATOMClassifier(X, y)
atom.run(models="GNB")