Note
Go to the end to download the full example code
Multiclass Classification#
This example uses the iris dataset and performs multiclass
classification using a Support Vector Machine classifier and plots
heatmaps for cross-validation accuracies and plots confusion matrix
for the test data.
# Authors: Shammi More <s.more@fz-juelich.de>
#          Federico Raimondo <f.raimondo@fz-juelich.de>
# License: AGPL
import pandas as pd
import seaborn as sns
import numpy as np
import matplotlib.pyplot as plt
from seaborn import load_dataset
from sklearn.model_selection import train_test_split, RepeatedKFold
from sklearn.metrics import confusion_matrix
from julearn import run_cross_validation
from julearn.utils import configure_logging
Set the logging level to info to see extra information
configure_logging(level="INFO")
2024-05-16 08:52:23,411 - julearn - INFO - ===== Lib Versions =====
2024-05-16 08:52:23,411 - julearn - INFO - numpy: 1.26.4
2024-05-16 08:52:23,411 - julearn - INFO - scipy: 1.13.0
2024-05-16 08:52:23,411 - julearn - INFO - sklearn: 1.4.2
2024-05-16 08:52:23,411 - julearn - INFO - pandas: 2.1.4
2024-05-16 08:52:23,411 - julearn - INFO - julearn: 0.3.3
2024-05-16 08:52:23,411 - julearn - INFO - ========================
load the iris data from seaborn
Split the dataset into train and test
train_iris, test_iris = train_test_split(
    df_iris, test_size=0.2, stratify=df_iris[y], random_state=200
)
We want to perform multiclass classification as iris dataset contains 3 kinds of species. We will first zscore all the features and then train a support vector machine classifier.
cv = RepeatedKFold(n_splits=5, n_repeats=5, random_state=200)
scores, model_iris = run_cross_validation(
    X=X,
    y=y,
    data=train_iris,
    model="svm",
    preprocess="zscore",
    problem_type="classification",
    cv=cv,
    scoring=["accuracy"],
    return_estimator="final",
)
2024-05-16 08:52:23,415 - julearn - INFO - ==== Input Data ====
2024-05-16 08:52:23,415 - julearn - INFO - Using dataframe as input
2024-05-16 08:52:23,415 - julearn - INFO -      Features: ['sepal_length', 'sepal_width', 'petal_length']
2024-05-16 08:52:23,415 - julearn - INFO -      Target: species
2024-05-16 08:52:23,415 - julearn - INFO -      Expanded features: ['sepal_length', 'sepal_width', 'petal_length']
2024-05-16 08:52:23,415 - julearn - INFO -      X_types:{}
2024-05-16 08:52:23,416 - julearn - WARNING - The following columns are not defined in X_types: ['sepal_length', 'sepal_width', 'petal_length']. They will be treated as continuous.
/home/runner/work/julearn/julearn/julearn/prepare.py:505: RuntimeWarning: The following columns are not defined in X_types: ['sepal_length', 'sepal_width', 'petal_length']. They will be treated as continuous.
  warn_with_log(
2024-05-16 08:52:23,416 - julearn - INFO - ====================
2024-05-16 08:52:23,416 - julearn - INFO -
2024-05-16 08:52:23,416 - julearn - INFO - Adding step zscore that applies to ColumnTypes<types={'continuous'}; pattern=(?:__:type:__continuous)>
2024-05-16 08:52:23,417 - julearn - INFO - Step added
2024-05-16 08:52:23,417 - julearn - INFO - Adding step svm that applies to ColumnTypes<types={'continuous'}; pattern=(?:__:type:__continuous)>
2024-05-16 08:52:23,417 - julearn - INFO - Step added
2024-05-16 08:52:23,417 - julearn - INFO - = Model Parameters =
2024-05-16 08:52:23,417 - julearn - INFO - ====================
2024-05-16 08:52:23,417 - julearn - INFO -
2024-05-16 08:52:23,417 - julearn - INFO - = Data Information =
2024-05-16 08:52:23,417 - julearn - INFO -      Problem type: classification
2024-05-16 08:52:23,418 - julearn - INFO -      Number of samples: 120
2024-05-16 08:52:23,418 - julearn - INFO -      Number of features: 3
2024-05-16 08:52:23,418 - julearn - INFO - ====================
2024-05-16 08:52:23,418 - julearn - INFO -
2024-05-16 08:52:23,418 - julearn - INFO -      Number of classes: 3
2024-05-16 08:52:23,418 - julearn - INFO -      Target type: object
2024-05-16 08:52:23,418 - julearn - INFO -      Class distributions: species
versicolor    40
virginica     40
setosa        40
Name: count, dtype: int64
2024-05-16 08:52:23,419 - julearn - INFO - Using outer CV scheme RepeatedKFold(n_repeats=5, n_splits=5, random_state=200)
2024-05-16 08:52:23,419 - julearn - INFO - Multi-class classification problem detected #classes = 3.
2024-05-16 08:52:23,616 - julearn - INFO - Fitting final model
The scores dataframe has all the values for each CV split.
Now we can get the accuracy per fold and repetition:
df_accuracy = scores.set_index(["repeat", "fold"])["test_accuracy"].unstack()
df_accuracy.index.name = "Repeats"
df_accuracy.columns.name = "K-fold splits"
df_accuracy
Plot heatmap of accuracy over all repeats and CV splits
sns.set(font_scale=1.2)
fig, ax = plt.subplots(1, 1, figsize=(10, 7))
sns.heatmap(df_accuracy, cmap="YlGnBu")
plt.title("Cross-validation Accuracy")

Text(0.5, 1.0, 'Cross-validation Accuracy')
We can also test our final model’s accuracy and plot the confusion matrix for the test data as an annotated heatmap
[[9 1 0]
 [0 9 1]
 [0 2 8]]
Now that we have our confusion matrix, let’s build another matrix with annotations.
cm_sum = np.sum(cm, axis=1, keepdims=True)
cm_perc = cm / cm_sum.astype(float) * 100
annot = np.empty_like(cm).astype(str)
nrows, ncols = cm.shape
for i in range(nrows):
    for j in range(ncols):
        c = cm[i, j]
        p = cm_perc[i, j]
        if c == 0:
            annot[i, j] = ""
        else:
            s = cm_sum[i]
            annot[i, j] = "%.1f%%\n%d/%d" % (p, c, s)
/tmp/tmp5vivx6bw/c93ef00447432a9ea1a06b883926362b07eed47e/examples/00_starting/plot_cm_acc_multiclass.py:104: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
  annot[i, j] = "%.1f%%\n%d/%d" % (p, c, s)
Finally we create another dataframe with the confusion matrix and plot the heatmap with annotations.
cm = pd.DataFrame(cm, index=np.unique(y_true), columns=np.unique(y_true))
cm.index.name = "Actual"
cm.columns.name = "Predicted"
fig, ax = plt.subplots(1, 1, figsize=(10, 7))
sns.heatmap(cm, cmap="YlGnBu", annot=annot, fmt="", ax=ax)
plt.title("Confusion matrix")

Text(0.5, 1.0, 'Confusion matrix')
Total running time of the script: (0 minutes 0.499 seconds)