Tabular classification with Amazon SageMaker LightGBM and CatBoost algorithm
This notebook’s CI test result for us-west-2 is as follows. CI test results in other regions can be found at the end of the notebook.
1. Set Up
[ ]:
!pip install sagemaker ipywidgets --upgrade --quiet
[ ]:
import sagemaker, boto3, json
from sagemaker import get_execution_role
aws_role = get_execution_role()
aws_region = boto3.Session().region_name
sess = sagemaker.Session()
2. Train a Tabular Model on MNIST Dataset
In this demonstration, we will train a tabular algorithm on the MNIST dataset. The dataset contains examples of individual pixel values from each 28 x 28 grayscale image to predict the digit label of 10 classes {0, 1, 2, 3, …, 9}. The MNIST dataset is downloaded from THE MNIST DATABASE.
Below is the table of the first 5 examples in the MNIST dataset.
Target |
Feature_0 |
Feature_1 |
Feature_2 |
… |
Feature_291 |
Feature_293 |
Feature_294 |
… |
Feature_783 |
Feature_784 |
---|---|---|---|---|---|---|---|---|---|---|
7 |
0.0 |
0.0 |
0.0 |
… |
0.00000 |
0.25781 |
0.05469 |
… |
0.0 |
0.0 |
2 |
0.0 |
0.0 |
0.0 |
… |
0.00000 |
0.29687 |
0.96484 |
… |
0.0 |
0.0 |
1 |
0.0 |
0.0 |
0.0 |
… |
0.00000 |
0.00000 |
0.00000 |
… |
0.0 |
0.0 |
0 |
0.0 |
0.0 |
0.0 |
… |
0.98828 |
0.98046 |
0.98046 |
… |
0.0 |
0.0 |
4 |
0.0 |
0.0 |
0.0 |
… |
0.20703 |
0.00000 |
0.00000 |
… |
0.0 |
0.0 |
If you want to bring your own dataset, below are the instructions on how the training data should be formatted as input to the model.
A S3 path should contain two sub-directories ‘train/’, ‘validation/’ (optional), and a json-format file named ‘categorical_index.json’ (optional). Each sub-directory contains a ‘data.csv’ file (The MNIST dataset used in this example has been prepared and saved in training_dataset_s3_path
shown below). * The ‘data.csv’ files under sub-directory ‘train/’ and ‘validation/’ are for training and validation, respectively. The validation data is used to compute a validation score at the end of
each boosting iteration. An early stopping is applied when the validation score stops improving. If the validation data is not provided, a 20% of training data is randomly sampled to serve as the validation data.
The first column of the ‘data.csv’ should have the corresponding target variable. The rest of other columns should have the corresponding predictor variables (features).
If the predictors include categorical feature(s), a json-format file named ‘categorical_index.json’ should be included in the input directory to indicate the column index(es) of the categorical features. Within the json-format file, it should have a python directory where the key is a string of ‘cat_index_list’ and the value is a list of unique integer(s). Each integer in the list indicates the column index of categorical features in the ‘data.csv’. The range of each integer should be more than 0 (index 0 indicates the target) and less than the total number of columns.
All the categorical features and the target must be encoded as non-negative integers (
int
) less thanInt32.MaxValue
(2147483647). It is best to use a contiguous range of integers started from zero.Note. The number of json-format files should be no more than 1 in the input directory.
Citations:
[LeCun et al., 1998a] Y. LeCun, L. Bottou, Y. Bengio, and P. Haffner. ‘Gradient-based learning applied to document recognition.’ Proceedings of the IEEE, 86(11):2278-2324, November 1998
2.1. Retrieve Training Artifacts
Here, we retrieve the training docker container, the training algorithm source, and the tabular algorithm. Note that model_version=”*” fetches the latest model.
For the training algorithm, we have two choices in this demonstration. * LightGBM: To use this algorithm, specify train_model_id
as lightgbm-classification-model
in the cell below. * CatBoost: To use this algorithm, specify train_model_id
as catboost-classification-model
in the cell below.
Note. XGBoost (train_model_id: xgboost-classification-model
) and Linear Learner (train_model_id: sklearn-classification-linear
), TabTransformer (train_model_id: pytorch-tabtransformerclassification-model
), and AutoGluon
Tabular (train_model_id: autogluon-classification-ensemble
) are the other choices in the tabular classification category. Since they have different input-format requirements, please check separate notebooks xgboost_linear_learner_tabular/Amazon_Tabular_Classification_XGBoost_LinearLearner.ipynb
, tabtransformer_tabular/Amazon_Tabular_Classification_TabTransformer.ipynb
, and
autogluon_tabular/Amazon_Tabular_Classification_AutoGluon.ipynb
for details.
[ ]:
from sagemaker import image_uris, model_uris, script_uris
# Currently, not all the object detection models in jumpstart support finetuning. Thus, we manually select a model
# which supports finetuning.
train_model_id, train_model_version, train_scope = "lightgbm-classification-model", "*", "training"
training_instance_type = "ml.m5.xlarge"
# Retrieve the docker image
train_image_uri = image_uris.retrieve(
region=None,
framework=None,
model_id=train_model_id,
model_version=train_model_version,
image_scope=train_scope,
instance_type=training_instance_type,
)
# Retrieve the training script
train_source_uri = script_uris.retrieve(
model_id=train_model_id, model_version=train_model_version, script_scope=train_scope
)
# Retrieve the pre-trained model tarball to further fine-tune
train_model_uri = model_uris.retrieve(
model_id=train_model_id, model_version=train_model_version, model_scope=train_scope
)
2.2. Set Training Parameters
Now that we are done with all the setup that is needed, we are ready to train our tabular algorithm. To begin, let us create a `sageMaker.estimator.Estimator
<https://sagemaker.readthedocs.io/en/stable/api/training/estimators.html>`__ object. This estimator will launch the training job.
There are two kinds of parameters that need to be set for training. The first one are the parameters for the training job. These include: (i) Training data path. This is S3 folder in which the input data is stored, (ii) Output path: This the s3 folder in which the training output is stored. (iii) Training instance type: This indicates the type of machine on which to run the training.
The second set of parameters are algorithm specific training hyper-parameters.
[ ]:
# Sample training data is available in this bucket
training_data_bucket = f"jumpstart-cache-prod-{aws_region}"
training_data_prefix = "training-datasets/tabular_multiclass/"
training_dataset_s3_path = f"s3://{training_data_bucket}/{training_data_prefix}"
output_bucket = sess.default_bucket()
output_prefix = "jumpstart-example-tabular-training"
s3_output_location = f"s3://{output_bucket}/{output_prefix}/output"
[ ]:
from sagemaker import hyperparameters
# Retrieve the default hyper-parameters for fine-tuning the model
hyperparameters = hyperparameters.retrieve_default(
model_id=train_model_id, model_version=train_model_version
)
# [Optional] Override default hyperparameters with custom values
hyperparameters[
"num_boost_round"
] = "500" # The same hyperparameter is named as "iterations" for CatBoost
print(hyperparameters)
2.3. Train with Automatic Model Tuning
Amazon SageMaker automatic model tuning, also known as hyperparameter tuning, finds the best version of a model by running many training jobs on your dataset using the algorithm and ranges of hyperparameters that you specify. It then chooses the hyperparameter values that result in a model that performs the best, as measured by a metric that you choose. We will use a HyperparameterTuner object to interact with Amazon SageMaker hyperparameter tuning APIs.
[ ]:
from sagemaker.tuner import ContinuousParameter, IntegerParameter, HyperparameterTuner
use_amt = True
if train_model_id == "lightgbm-classification-model":
hyperparameter_ranges = {
"learning_rate": ContinuousParameter(1e-4, 1, scaling_type="Logarithmic"),
"num_boost_round": IntegerParameter(2, 30),
"early_stopping_rounds": IntegerParameter(2, 30),
"num_leaves": IntegerParameter(10, 50),
"feature_fraction": ContinuousParameter(0, 1),
"bagging_fraction": ContinuousParameter(0, 1),
"bagging_freq": IntegerParameter(1, 10),
"max_depth": IntegerParameter(5, 30),
"min_data_in_leaf": IntegerParameter(5, 50),
}
if train_model_id == "catboost-classification-model":
hyperparameter_ranges = {
"learning_rate": ContinuousParameter(0.00001, 0.1, scaling_type="Logarithmic"),
"iterations": IntegerParameter(50, 1000),
"early_stopping_rounds": IntegerParameter(1, 10),
"depth": IntegerParameter(1, 10),
"l2_leaf_reg": IntegerParameter(1, 10),
"random_strength": ContinuousParameter(0.01, 10, scaling_type="Logarithmic"),
}
2.4. Start Training
[ ]:
from sagemaker.estimator import Estimator
from sagemaker.utils import name_from_base
training_job_name = name_from_base(f"jumpstart-{train_model_id}-training")
# Create SageMaker Estimator instance
tabular_estimator = Estimator(
role=aws_role,
image_uri=train_image_uri,
source_dir=train_source_uri,
model_uri=train_model_uri,
entry_point="transfer_learning.py",
instance_count=1,
instance_type=training_instance_type,
max_run=360000,
hyperparameters=hyperparameters,
output_path=s3_output_location,
)
if use_amt:
tuner = HyperparameterTuner(
tabular_estimator,
"multi_logloss",
hyperparameter_ranges,
[{"Name": "multi_logloss", "Regex": "multi_logloss: ([0-9\\.]+)"}],
max_jobs=10,
max_parallel_jobs=2,
objective_type="Minimize",
base_tuning_job_name=training_job_name,
)
tuner.fit({"training": training_dataset_s3_path}, logs=True)
else:
# Launch a SageMaker Training job by passing s3 path of the training data
tabular_estimator.fit(
{"training": training_dataset_s3_path}, logs=True, job_name=training_job_name
)
3. Deploy and Run Inference on the Trained Tabular Model
In this section, you learn how to query an existing endpoint and make predictions of the examples you input. For each example, the model will output the probability of the sample for each class in the model. Next, the predicted class label is obtained by taking the class label with the maximum probability over others. Throughout the notebook, the examples are taken from the MNIST test set. The dataset contains examples of individual pixel values from each 28 x 28 grayscale image to predict the digit label of 10 classes {0, 1, 2, 3, …, 9}.
We start by retrieving the artifacts and deploy the tabular_estimator
that we trained.
[ ]:
inference_instance_type = "ml.m5.large"
# Retrieve the inference docker container uri
deploy_image_uri = image_uris.retrieve(
region=None,
framework=None,
image_scope="inference",
model_id=train_model_id,
model_version=train_model_version,
instance_type=inference_instance_type,
)
# Retrieve the inference script uri
deploy_source_uri = script_uris.retrieve(
model_id=train_model_id, model_version=train_model_version, script_scope="inference"
)
endpoint_name = name_from_base(f"jumpstart-example-{train_model_id}-")
# Use the estimator from the previous step to deploy to a SageMaker endpoint
predictor = (tuner if use_amt else tabular_estimator).deploy(
initial_instance_count=1,
instance_type=inference_instance_type,
entry_point="inference.py",
image_uri=deploy_image_uri,
source_dir=deploy_source_uri,
endpoint_name=endpoint_name,
)
[ ]:
jumpstart_assets_bucket = f"jumpstart-cache-prod-{aws_region}"
test_data_prefix = "training-datasets/tabular_multiclass/test"
test_data_file_name = "data.csv"
boto3.client("s3").download_file(
jumpstart_assets_bucket, f"{test_data_prefix}/{test_data_file_name}", test_data_file_name
)
[ ]:
newline, bold, unbold = "\n", "\033[1m", "\033[0m"
import numpy as np
import pandas as pd
from sklearn.metrics import accuracy_score
from sklearn.metrics import f1_score
from sklearn.metrics import confusion_matrix
import matplotlib.pyplot as plt
# read the data
test_data = pd.read_csv(test_data_file_name, header=None)
test_data.columns = ["Target"] + [f"Feature_{i}" for i in range(1, test_data.shape[1])]
num_examples, num_columns = test_data.shape
print(
f"{bold}The test dataset contains {num_examples} examples and {num_columns} columns.{unbold}\n"
)
# prepare the ground truth target and predicting features to send into the endpoint.
ground_truth_label, features = test_data.iloc[:, :1], test_data.iloc[:, 1:]
print(f"{bold}The first 5 observations of the data: {unbold} \n")
test_data.head(5)
[ ]:
content_type = "text/csv"
def query_endpoint(encoded_tabular_data):
# endpoint_name = endpoint_name
client = boto3.client("runtime.sagemaker")
response = client.invoke_endpoint(
EndpointName=endpoint_name, ContentType=content_type, Body=encoded_tabular_data
)
return response
def parse_response(query_response):
model_predictions = json.loads(query_response["Body"].read())
predicted_probabilities = model_predictions["probabilities"]
return np.array(predicted_probabilities)
# split the test data into smaller size of batches to query the endpoint due to the large size of test data.
batch_size = 1500
predict_prob = []
for i in np.arange(0, num_examples, step=batch_size):
query_response_batch = query_endpoint(
features.iloc[i : (i + batch_size), :].to_csv(header=False, index=False).encode("utf-8")
)
predict_prob_batch = parse_response(query_response_batch) # prediction probability per batch
predict_prob.append(predict_prob_batch)
predict_prob = np.concatenate(predict_prob, axis=0)
predict_label = np.argmax(
predict_prob, axis=1
) # Note. For binary classification, the model returns a array-like of shape (num_examples, 1),
# where each row is the probability of the positive label 1, assuming there are positive label (encoded as 1) and negative label (encoded as 0) in the target.
# To get the probability for both label 0 and 1, execute following code:
# predict_prob = np.vstack((1.0 - predict_prob, predict_prob)).transpose()
4. Evaluate the Prediction Results Returned from the Endpoint
[ ]:
# Visualize the predictions results by plotting the confusion matrix.
conf_matrix = confusion_matrix(y_true=ground_truth_label.values, y_pred=predict_label)
fig, ax = plt.subplots(figsize=(7.5, 7.5))
ax.matshow(conf_matrix, cmap=plt.cm.Blues, alpha=0.3)
for i in range(conf_matrix.shape[0]):
for j in range(conf_matrix.shape[1]):
ax.text(x=j, y=i, s=conf_matrix[i, j], va="center", ha="center", size="xx-large")
plt.xlabel("Predictions", fontsize=18)
plt.ylabel("Actuals", fontsize=18)
plt.title("Confusion Matrix", fontsize=18)
plt.show()
[ ]:
# Measure the prediction results quantitatively.
eval_accuracy = accuracy_score(ground_truth_label.values, predict_label)
eval_f1_macro = f1_score(ground_truth_label.values, predict_label, average="macro")
eval_f1_micro = f1_score(ground_truth_label.values, predict_label, average="micro")
print(
f"{bold}Evaluation result on test data{unbold}:{newline}"
f"{bold}{accuracy_score.__name__}{unbold}: {eval_accuracy}{newline}"
f"{bold}F1 Macro{unbold}: {eval_f1_macro}{newline}"
f"{bold}F1 Micro{unbold}: {eval_f1_micro}{newline}"
)
[ ]:
# Delete the SageMaker endpoint and the attached resources
predictor.delete_model()
predictor.delete_endpoint()
Notebook CI Test Results
This notebook was tested in multiple regions. The test results are as follows, except for us-west-2 which is shown at the top of the notebook.