Amazon SageMaker Clarify Model Bias Monitor - JSON Lines Format


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.

This us-west-2 badge failed to load. Check your device’s internet connectivity, otherwise the service is currently unavailable


Runtime

This notebook takes approximately 60 minutes to run.

Contents

Introduction

Amazon SageMaker Model Monitor continuously monitors the quality of Amazon SageMaker machine learning models in production. It enables developers to set alerts for when there are deviations in the model quality. Early and pro-active detection of these deviations enables corrective actions, such as retraining models, auditing upstream systems, or fixing data quality issues without having to monitor models manually or build additional tooling.

Amazon SageMaker Clarify Model Bias Monitor is a model monitor that helps data scientists and ML engineers monitor predictions for bias on a regular basis. Bias can be introduced or exacerbated in deployed ML models when the training data differs from the data that the model sees during deployment (that is, the live data). These kinds of changes in the live data distribution might be temporary (for example, due to some short-lived, real-world events) or permanent. In either case, it might be important to detect these changes. For example, the outputs of a model for predicting home prices can become biased if the mortgage rates used to train the model differ from current, real-world mortgage rates. With bias drift detection capabilities in model monitor, when SageMaker detects bias beyond a certain threshold, it automatically generates metrics that you can view in SageMaker Studio and through Amazon CloudWatch alerts.

This notebook demonstrates the process for setting up a model monitor for continuous monitoring of bias drift of the data and model of a SageMaker real-time inference endpoint. The model input and output are in SageMaker JSON Lines dense format. SageMaker Clarify model monitor also supports analyzing CSV data, which is illustrated in another notebook.

In general, you can use the model bias monitor for real-time inference endpoint in this way,

  1. Enable the endpoint for data capture. Then, when the customer invokes the endpoint, the endpoint saves the invocations to a data capture S3 location.

  2. Schedule a model bias monitor to monitor the endpoint (to be more specific, the data capture S3 location) and a ground truth S3 location.

  3. You need to regularly fetch the captured data, label it, and then upload the ground truth labels to the ground truth S3 URI.

The monitor executes processing jobs regularly to merge the captured data and ground truth data, do bias analysis for the merged data, and then generate analysis reports and publish metrics to CloudWatch.

General Setup

The notebook uses the SageMaker Python SDK. The following cell upgrades the SDK and its dependencies. Then you may need to restart the kernel and rerun the notebook to pick up the up-to-date APIs, if the notebook is executed in the SageMaker Studio.

[ ]:
!pip install -U sagemaker
!pip install -U boto3
!pip install -U botocore

Imports

The following cell imports the APIs to be used by the notebook.

[ ]:
import sagemaker
import pandas as pd
import datetime
import json
import random
import threading
import time
import pprint

Handful of configuration

To begin, ensure that these prerequisites have been completed.

  • Specify an AWS Region to host the model.

  • Specify an IAM role to execute jobs.

  • Define the S3 URIs that stores the model file, input data and output data. For demonstration purposes, this notebook uses the same bucket for them. In reality, they could be separated with different security policies.

[ ]:
sagemaker_session = sagemaker.Session()

region = sagemaker_session.boto_region_name
print(f"AWS region: {region}")

role = sagemaker.get_execution_role()
print(f"RoleArn: {role}")

# A different bucket can be used, but make sure the role for this notebook has
# the s3:PutObject permissions. This is the bucket into which the data is captured
bucket = sagemaker_session.default_bucket()
print(f"Demo Bucket: {bucket}")
prefix = sagemaker.utils.unique_name_from_base("sagemaker/DEMO-ClarifyModelMonitor")
print(f"Demo Prefix: {prefix}")
s3_key = f"s3://{bucket}/{prefix}"
print(f"Demo S3 key: {s3_key}")

data_capture_s3_uri = f"{s3_key}/data-capture"
ground_truth_s3_uri = f"{s3_key}/ground-truth"
baselining_output_s3_uri = f"{s3_key}/baselining-output"
monitor_output_s3_uri = f"{s3_key}/monitor-output"

print(f"The endpoint will save the captured data to: {data_capture_s3_uri}")
print(f"You should upload the ground truth data to: {ground_truth_s3_uri}")
print(f"The baselining job will save the analysis results to: {baselining_output_s3_uri}")
print(f"The monitor will save the analysis results to: {monitor_output_s3_uri}")

Model file and data files

This example includes a prebuilt SageMaker Linear Learner model trained by a SageMaker Clarify offline processing example notebook. The model supports SageMaker JSON Lines dense format (MIME type "application/jsonlines").

  • The model input can one or more lines, each line is a JSON object that has a “features” key pointing to a list of feature values concerning demographic characteristics of individuals. For example,

{"features":[28,2,133937,9,13,2,0,0,4,1,15024,0,55,37]}
{"features":[43,2,72338,12,14,2,12,0,1,1,0,0,40,37]}
  • The model output has the predictions of whether a person has a yearly income that is more than $50,000. Each prediction is a JSON object that has a “predicted_label” key pointing to the predicted label, and the “score” key pointing to the confidence score. For example,

{"predicted_label":1,"score":0.989977359771728}
{"predicted_label":1,"score":0.504138827323913}
[ ]:
model_file = "model/ll-adult-prediction-model.tar.gz"

This example includes two dataset files, both in the JSON Lines format. The data also originates from the SageMaker Clarify offline processing example notebook.

[ ]:
train_dataset_path = "test_data/validation-dataset.jsonl"
test_dataset_path = "test_data/test-dataset.jsonl"
dataset_type = "application/jsonlines"

The train dataset has the features and the ground truth label (pointed to by the key “label”),

[ ]:
!head -n 5 $train_dataset_path

The test dataset only has features.

[ ]:
!head -n 5 $test_dataset_path

Here are the headers of the train dataset. “Target” is the header of the ground truth label, and the others are the feature headers. They will be used to beautify the analysis report.

[ ]:
all_headers = [
    "Age",
    "Workclass",
    "fnlwgt",
    "Education",
    "Education-Num",
    "Marital Status",
    "Occupation",
    "Relationship",
    "Ethnic group",
    "Sex",
    "Capital Gain",
    "Capital Loss",
    "Hours per week",
    "Country",
    "Target",
]

To verify that the execution role for this notebook has the necessary permissions to proceed, put a simple test object into the S3 bucket specified above. If this command fails, update the role to have s3:PutObject permission on the bucket and try again.

[ ]:
sagemaker.s3.S3Uploader.upload_string_as_file_body(
    body="hello",
    desired_s3_uri=f"{s3_key}/upload-test-file.txt",
    sagemaker_session=sagemaker_session,
)
print("Success! We are all set to proceed with uploading to S3.")

Then upload the files to S3 so that they can be used by SageMaker.

[ ]:
model_url = sagemaker.s3.S3Uploader.upload(
    local_path=model_file,
    desired_s3_uri=s3_key,
    sagemaker_session=sagemaker_session,
)
print(f"Model file has been uploaded to {model_url}")

train_data_s3_uri = sagemaker.s3.S3Uploader.upload(
    local_path=train_dataset_path,
    desired_s3_uri=s3_key,
    sagemaker_session=sagemaker_session,
)
print(f"Train data is uploaded to: {train_data_s3_uri}")
test_data_s3_uri = sagemaker.s3.S3Uploader.upload(
    local_path=test_dataset_path,
    desired_s3_uri=s3_key,
    sagemaker_session=sagemaker_session,
)
print(f"Test data is uploaded to: {test_data_s3_uri}")

Real-time Inference Endpoint

This section creates a SageMaker real-time inference endpoint to showcase the data capture capability in action. The model monitor will be scheduled for the endpoint and process the captured data.

Deploy the model to an endpoint

Start with deploying the pre-trained model. Here, create a SageMaker Model object with the inference image and model file. Then deploy the model with the data capture configuration and wait until the endpoint is ready to serve traffic.

DataCaptureConfig enables capturing the request payload and the response payload of the endpoint. Payloads are typically treated as binary data and encoded in BASE64 by default, allowing them to be stored in capture data files. However, by specifying the data format in the json_content_types parameter as shown below, the payloads can be captured as plain text instead.

[ ]:
model_name = sagemaker.utils.unique_name_from_base("DEMO-ll-adult-pred-model-monitor")
endpoint_name = model_name
print(f"SageMaker model name: {model_name}")
print(f"SageMaker endpoint name: {endpoint_name}")

image_uri = sagemaker.image_uris.retrieve("linear-learner", region, "1")
print(f"SageMaker Linear Learner image: {image_uri}")

model = sagemaker.model.Model(
    role=role,
    name=model_name,
    image_uri=image_uri,
    model_data=model_url,
    sagemaker_session=sagemaker_session,
)

data_capture_config = sagemaker.model_monitor.DataCaptureConfig(
    enable_capture=True,
    sampling_percentage=100,  # Capture 100% of the traffic
    destination_s3_uri=data_capture_s3_uri,
    json_content_types=[dataset_type],
)

NOTE: The following cell takes about 10 minutes to deploy the model.

[ ]:
print(f"Deploying model {model_name} to endpoint {endpoint_name}")
model.deploy(
    initial_instance_count=1,
    instance_type="ml.m5.xlarge",
    endpoint_name=endpoint_name,
    data_capture_config=data_capture_config,
)

Invoke the endpoint

Now send data to this endpoint to get inferences in real time. The model supports mini-batch predictions, so you can put one or more records to a single request.

[ ]:
with open(test_dataset_path, "r") as f:
    test_data = f.read().splitlines()

Example: Single record

Request payload:

[ ]:
request_payload = test_data[0]
print(request_payload)

Response payload:

[ ]:
response = sagemaker_session.sagemaker_runtime_client.invoke_endpoint(
    EndpointName=endpoint_name,
    ContentType=dataset_type,
    Accept=dataset_type,
    Body=request_payload,
)
response_payload = response["Body"].read().decode("utf-8")
response_payload

Example: Two records

Request payload:

[ ]:
request_payload = "\n".join(test_data[:2])
request_payload

Response payload:

[ ]:
response = sagemaker_session.sagemaker_runtime_client.invoke_endpoint(
    EndpointName=endpoint_name,
    ContentType=dataset_type,
    Accept=dataset_type,
    Body=request_payload,
)
response_payload = response["Body"].read().decode("utf-8")
response_payload

View captured data

Because data capture is enabled in the previous steps, the request and response payload, along with some additional metadata, are saved in the Amazon S3 location specified in the DataCaptureConfig.

Now list the captured data files stored in Amazon S3. There should be different files from different time periods organized based on the hour in which the invocation occurred. The format of the Amazon S3 path is:

s3://{destination-bucket-prefix}/{endpoint-name}/{variant-name}/yyyy/mm/dd/hh/filename.jsonl

[ ]:
print("Waiting for captured data to show up", end="")
for _ in range(120):
    captured_data_files = sorted(
        sagemaker.s3.S3Downloader.list(
            s3_uri=f"{data_capture_s3_uri}/{endpoint_name}",
            sagemaker_session=sagemaker_session,
        )
    )
    if captured_data_files:
        break
    print(".", end="", flush=True)
    time.sleep(1)
print()
print("Found capture data files:")
print("\n ".join(captured_data_files[-5:]))

Next, view the content of a single capture file.

[ ]:
captured_data = sagemaker.s3.S3Downloader.read_file(
    s3_uri=captured_data_files[-1],
    sagemaker_session=sagemaker_session,
)
print(captured_data)

Finally, the contents of a single line is present below in formatted JSON to observe a little better.

  • captureData has two fields, endpointInput has the captured invocation request, and endpointOutput has the response.

  • eventMetadata has the inference ID and event ID.

[ ]:
print(json.dumps(json.loads(captured_data.splitlines()[-1]), indent=4))

Start generating some artificial traffic

The cell below starts a thread to send some traffic to the endpoint. If there is no traffic, the monitoring jobs are marked as Failed since there is no data to process.

Notice the InferenceId attribute used to invoke, in this example, it will be used to join the captured data with the ground truth data. If it is not available, then the eventId will be used for the join operation.

[ ]:
class WorkerThread(threading.Thread):
    def __init__(self, do_run, *args, **kwargs):
        super(WorkerThread, self).__init__(*args, **kwargs)
        self.__do_run = do_run
        self.__terminate_event = threading.Event()

    def terminate(self):
        self.__terminate_event.set()

    def run(self):
        while not self.__terminate_event.is_set():
            self.__do_run(self.__terminate_event)
[ ]:
def invoke_endpoint(terminate_event):
    for index, record in enumerate(test_data):
        response = sagemaker_session.sagemaker_runtime_client.invoke_endpoint(
            EndpointName=endpoint_name,
            ContentType=dataset_type,
            Accept=dataset_type,
            Body=record,
            InferenceId=str(index),  # unique ID per row
        )
        response["Body"].read()
        time.sleep(1)
        if terminate_event.is_set():
            break


# Keep invoking the endpoint with test data
invoke_endpoint_thread = WorkerThread(do_run=invoke_endpoint)
invoke_endpoint_thread.start()

Ground Truth Data

Besides captured data, bias drift monitoring execution also requires ground truth data. In real use cases, you should regularly label the captured data, then upload the ground truth data (labels) to designated S3 location. For demonstration purpose, this example notebook generates fake ground truth data following this schema, and then uploads it to ground_truth_s3_uri which is another key input to the monitor. The bias drift monitoring execution will first merge the captured data and the ground truth data, and then do bias analysis for the merged data.

Notice the value of the data field in groundTruthData must be in the same format as how the ground truth labels are stored in the input dataset.

[ ]:
def ground_truth_with_id(inference_id):
    random.seed(inference_id)  # to get consistent results
    label = 1 if random.random() < 0.7 else 0  # randomly generate positive labels 70% of the time
    # format required by the merge job and bias monitoring job
    return {
        "groundTruthData": {
            "data": json.dumps(
                {"label": label}  # Also use the "label" key, the same as in the input dataset.
            ),
            "encoding": "JSON",
        },
        "eventMetadata": {
            "eventId": str(inference_id),
        },
        "eventVersion": "0",
    }


def upload_ground_truth(upload_time):
    records = [ground_truth_with_id(i) for i in range(len(test_data))]
    fake_records = [json.dumps(r) for r in records]
    data_to_upload = "\n".join(fake_records)
    target_s3_uri = f"{ground_truth_s3_uri}/{upload_time:%Y/%m/%d/%H/%M%S}.jsonl"
    print(f"Uploading {len(fake_records)} records to", target_s3_uri)
    sagemaker.s3.S3Uploader.upload_string_as_file_body(
        body=data_to_upload,
        desired_s3_uri=target_s3_uri,
        sagemaker_session=sagemaker_session,
    )
[ ]:
# Generate data for the last hour, in case the first monitoring execution is in this hour
upload_ground_truth(datetime.datetime.utcnow() - datetime.timedelta(hours=1))
[ ]:
# Generate data once an hour
def generate_fake_ground_truth(terminate_event):
    upload_ground_truth(datetime.datetime.utcnow())
    for _ in range(0, 60):
        time.sleep(60)
        if terminate_event.is_set():
            break


ground_truth_thread = WorkerThread(do_run=generate_fake_ground_truth)
ground_truth_thread.start()

Model Bias Monitor

Similar to the other monitoring types, the standard procedure of creating a bias drift monitor is first run a baselining job, and then schedule the monitor.

A bias drift monitoring execution starts a merge job that joins the captured data and ground truth data together using the inference ID. Then a SageMaker Clarify bias analysis job is started to compute all the pre-training bias metrics and post-training bias metrics. on the merged data. The max execution time is divided equally between two jobs, the notebook is scheduling an hourly model bias monitor, so the max_runtime_in_seconds parameter should not exceed 1800 seconds.

[ ]:
model_bias_monitor = sagemaker.model_monitor.ModelBiasMonitor(
    role=role,
    sagemaker_session=sagemaker_session,
    max_runtime_in_seconds=1800,
)

Baselining job

A baselining job runs predictions on training dataset and suggests constraints. The suggest_baseline() method of ModelBiasMonitor starts a SageMaker Clarify processing job to generate the constraints.

The step is not mandatory, but providing constraints file to the monitor can enable violations file generation.

Configurations

Information about the input data need to be provided to the processor.

DataConfig stores information about the dataset to be analyzed. For example, the dataset file and its format (like JSON Lines), where to store the analysis results. Some special things to note about this configuration for the JSON Lines dataset,

  • The parameter value "features" or "label" is NOT a header string. Instead, it is a JMESPath expression (refer to its specification) that is used to locate the features list or the ground truth label in the dataset. In this example notebook they happen to be the same as the keys in the dataset. But for example, if the dataset has records like below, then the features parameter should use value "data.features.values", and the label parameter should use value "data.label".

    {"data": {"features": {"values": [25, 2, 226802, 1, 7, 4, 6, 3, 2, 1, 0, 0, 40, 37]}, "label": 0}}
    
  • SageMaker Clarify processing job will load the JSON Lines dataset into tabular representation for further analysis, and the parameter headers is the list of column names. The label header shall be the last one in the headers list, and the order of feature headers shall be the same as the order of features in a record.

[ ]:
features_jmespath = "features"
ground_truth_label_jmespath = "label"
data_config = sagemaker.clarify.DataConfig(
    s3_data_input_path=train_data_s3_uri,
    s3_output_path=baselining_output_s3_uri,
    features=features_jmespath,
    label=ground_truth_label_jmespath,
    headers=all_headers,
    dataset_type=dataset_type,
)

ModelConfig is configuration related to model to be used for inferencing. In order to compute post-training bias metrics, the computation needs to get inferences for the SageMaker model. To accomplish this, the processing job will use the model to create an ephemeral endpoint (also known as “shadow endpoint”). The processing job will delete the shadow endpoint after the computations are completed. One special thing to note about this configuration for the JSON Lines model input and output,

  • content_template is used by SageMaker Clarify processing job to convert the tabular data to the request payload acceptable to the shadow endpoint. To be more specific, the placeholder $features will be replaced by the features list from records. The request payload of a record from the testing dataset happens to be similar to the record itself, like {"features":[28,2,133937,9,13,2,0,0,4,1,15024,0,55,37]}, because both the dataset and the model input conform to the same format.

[ ]:
content_template = '{"features":$features}'
model_config = sagemaker.clarify.ModelConfig(
    model_name=model_name,  # The name of the SageMaker model
    instance_type="ml.m5.xlarge",  # The instance type of the shadow endpoint
    instance_count=1,  # The instance count of the shadow endpoint
    content_type=dataset_type,  # The data format of the model input
    accept_type=dataset_type,  # The data format of the model output
    content_template=content_template,
)

ModelPredictedLabelConfig specifies how to extract predicted label from the model output. The example model returns the predicted label as well as the confidence score, so there are two ways to define this configuration,

  • Set the label parameter to “predicted_label” which is the JMESPath expression to locate the predicted label in the model output. This is the way used in this example.

  • Alternatively, you can set the probability parameter to “score” which is the JMESPath expression to locate the confidence score in the model output. And set the probability_threshold parameter to a floating number in between 0 and 1. The post-training analysis will use it to convert a score to binary predicted label (0 or 1). The default value is 0.5, which means a probability value > 0.5 indicates predicted label 1.

[ ]:
predicted_label_jmespath = "predicted_label"
model_predicted_label_config = sagemaker.clarify.ModelPredictedLabelConfig(
    label=predicted_label_jmespath,
)

BiasConfig is the configuration of the sensitive groups in the dataset. Typically, bias is measured by computing a metric and comparing it across groups.

  • The group of interest is specified using the facet parameters. With the following configuration, the baselining job will check for bias in the model’s predictions with respect to gender and income. Specifically, it is checking if the model is more likely to predict that males have an annual income of over $50,000 compared to females. Although not demonstrated in this example, a bias monitor can measure bias against multiple sensitive attributes, if you provide a list of facets.

  • The group_name parameter is used to form subgroups for the measurement of Conditional Demographic Disparity in Labels (CDDL) and Conditional Demographic Disparity in Predicted Labels (CDDPL) with regard to Simpson’s paradox.

[ ]:
bias_config = sagemaker.clarify.BiasConfig(
    label_values_or_threshold=[1],  # the positive outcome is earning >$50,000
    facet_name="Sex",  # the sensitive attribute is the gender
    facet_values_or_threshold=[0],  # the disadvantaged group is female
    group_name="Age",
)

Kick off baselining job

Call the suggest_baseline() method to start the baselining job. The job computes all the pre-training bias metrics and post-training bias metrics.

[ ]:
model_bias_monitor.suggest_baseline(
    bias_config=bias_config,
    data_config=data_config,
    model_config=model_config,
    model_predicted_label_config=model_predicted_label_config,
)

NOTE: The following cell waits until the baselining job is completed (in about 10 minutes). It then inspects the suggested constraints. This step can be skipped, because the monitor to be scheduled will automatically pick up baselining job name and wait for it before monitoring execution.

[ ]:
model_bias_monitor.latest_baselining_job.wait(logs=False)
print()
model_bias_constraints = model_bias_monitor.suggested_constraints()
print(f"Suggested constraints: {model_bias_constraints.file_s3_uri}")
print(
    sagemaker.s3.S3Downloader.read_file(
        s3_uri=model_bias_constraints.file_s3_uri,
        sagemaker_session=sagemaker_session,
    )
)

Monitoring Schedule

With above constraints collected, now call create_monitoring_schedule() method to schedule an hourly model bias monitor.

If a baselining job has been submitted, then the monitor object will automatically pick up the analysis configuration from the baselining job. But if the baselining step is skipped, or if the capture dataset has different nature than the training dataset, then analysis configuration has to be provided.

BiasAnalysisConfig is a subset of the configuration of the baselining job, many options are not needed because,

  • Model bias monitor will merge the captured data and the ground truth data, and then use the merged data as the dataset.

  • Capture data already includes predictions, so there is no need to create shadow endpoint.

  • Attributes like predicted label are provided as part of EndpointInput.

Highlights,

  • From endpoint_name the monitor can figure out the location of data captured by the endpoint.

  • ground_truth_s3_uri is the location of ground truth data

  • features_attribute is the JMESPath expression to locate the features in model input, similar to the features parameter of DataConfig.

  • inference_attribute is the JMESPath expression to locate the predicted label in model output, similar to the label parameter of ModelPredictedLabelConfig.

[ ]:
schedule_expression = sagemaker.model_monitor.CronExpressionGenerator.hourly()
[ ]:
model_bias_analysis_config = None
if not model_bias_monitor.latest_baselining_job:
    model_bias_analysis_config = sagemaker.model_monitor.BiasAnalysisConfig(
        bias_config,
        headers=all_headers,
        label=ground_truth_label_jmespath,
    )
model_bias_monitor.create_monitoring_schedule(
    analysis_config=model_bias_analysis_config,
    endpoint_input=sagemaker.model_monitor.EndpointInput(
        endpoint_name=endpoint_name,
        destination="/opt/ml/processing/input/endpoint",
        features_attribute=features_jmespath,  # mandatory if no baselining job
        inference_attribute=predicted_label_jmespath,  # mandatory if no baselining job
        # look back 6 hour for captured data
        start_time_offset="-PT6H",
        end_time_offset="-PT0H",
    ),
    ground_truth_input=ground_truth_s3_uri,
    output_s3_uri=monitor_output_s3_uri,
    schedule_cron_expression=schedule_expression,
)
print(f"Model bias monitoring schedule: {model_bias_monitor.monitoring_schedule_name}")

Wait for the first execution

The schedule starts jobs at the previously specified intervals. Code below waits until time crosses the hour boundary (in UTC) to see executions kick off.

Note: Even for an hourly schedule, Amazon SageMaker has a buffer period of 20 minutes to schedule executions. The execution might start in anywhere from zero to ~20 minutes from the hour boundary. This is expected and done for load balancing in the backend.

[ ]:
def wait_for_execution_to_start(model_monitor):
    print(
        "An hourly schedule was created above and it will kick off executions ON the hour (plus 0 - 20 min buffer)."
    )

    print("Waiting for the first execution to happen", end="")
    schedule_desc = model_monitor.describe_schedule()
    while "LastMonitoringExecutionSummary" not in schedule_desc:
        schedule_desc = model_monitor.describe_schedule()
        print(".", end="", flush=True)
        time.sleep(60)
    print()
    print("Done! Execution has been created")

    print("Now waiting for execution to start", end="")
    while schedule_desc["LastMonitoringExecutionSummary"]["MonitoringExecutionStatus"] in "Pending":
        schedule_desc = model_monitor.describe_schedule()
        print(".", end="", flush=True)
        time.sleep(10)

    print()
    print("Done! Execution has started")

NOTE: The following cell waits until the first monitoring execution is started. As explained above, the wait could take more than 60 minutes.

[ ]:
wait_for_execution_to_start(model_bias_monitor)

In real world, a monitoring schedule is supposed to be active all the time. But in this example, it can be stopped to avoid incurring extra charges. A stopped schedule will not trigger further executions, but the ongoing execution will continue. And if needed, the schedule can be restarted by start_monitoring_schedule().

[ ]:
model_bias_monitor.stop_monitoring_schedule()

Wait for the execution to finish

In the previous cell, the first execution has started. This section waits for the execution to finish so that its analysis results are available. Here are the possible terminal states and what each of them mean:

  • Completed - This means the monitoring execution completed, and no issues were found in the violations report.

  • CompletedWithViolations - This means the execution completed, but constraint violations were detected.

  • Failed - The monitoring execution failed, maybe due to client error (perhaps incorrect role permissions) or infrastructure issues. Further examination of FailureReason and ExitMessage is necessary to identify what exactly happened.

  • Stopped - job exceeded max runtime or was manually stopped.

[ ]:
# Waits for the schedule to have last execution in a terminal status.
def wait_for_execution_to_finish(model_monitor):
    schedule_desc = model_monitor.describe_schedule()
    execution_summary = schedule_desc.get("LastMonitoringExecutionSummary")
    if execution_summary is not None:
        print("Waiting for execution to finish", end="")
        while execution_summary["MonitoringExecutionStatus"] not in [
            "Completed",
            "CompletedWithViolations",
            "Failed",
            "Stopped",
        ]:
            print(".", end="", flush=True)
            time.sleep(60)
            schedule_desc = model_monitor.describe_schedule()
            execution_summary = schedule_desc["LastMonitoringExecutionSummary"]
        print()
        print(f"Done! Execution Status: {execution_summary['MonitoringExecutionStatus']}")
    else:
        print("Last execution not found")

NOTE: The following cell takes about 10 minutes.

[ ]:
wait_for_execution_to_finish(model_bias_monitor)

Merged data

Merged data is the intermediate results of bias drift monitoring execution. It is saved to JSON Lines files under the “merge” folder of monitor_output_s3_uri. Each line is a valid JSON object which combines the captured data and the ground truth data.

[ ]:
merged_data_s3_uri = f"{monitor_output_s3_uri}/merge"
merged_data_files = sagemaker.s3.S3Downloader.list(
    s3_uri=merged_data_s3_uri,
    sagemaker_session=sagemaker_session,
)
print("Found merged files:")
print("\n ".join(merged_data_files[-5:]))

The following cell prints a single line of a merged data file.

  • eventId is the inference ID from the captured data and the ground truth data

  • groundTruthData is from the ground truth data

  • captureData is from the captured data.

[ ]:
merged_data_file = sagemaker.s3.S3Downloader.read_file(
    s3_uri=merged_data_files[-1],
    sagemaker_session=sagemaker_session,
)
merged_record = merged_data_file.splitlines()[-1]
print(json.dumps(json.loads(merged_record), indent=4))

Inspect execution results

List the generated reports,

  • analysis.json includes all the bias metrics.

  • report.* files are static report files to visualize the bias metrics

[ ]:
schedule_desc = model_bias_monitor.describe_schedule()
execution_summary = schedule_desc.get("LastMonitoringExecutionSummary")
if execution_summary and execution_summary["MonitoringExecutionStatus"] in [
    "Completed",
    "CompletedWithViolations",
]:
    last_model_bias_monitor_execution = model_bias_monitor.list_executions()[-1]
    last_model_bias_monitor_execution_report_uri = (
        last_model_bias_monitor_execution.output.destination
    )
    print(f"Report URI: {last_model_bias_monitor_execution_report_uri}")
    last_model_bias_monitor_execution_report_files = sorted(
        sagemaker.s3.S3Downloader.list(
            s3_uri=last_model_bias_monitor_execution_report_uri,
            sagemaker_session=sagemaker_session,
        )
    )
    print("Found Report Files:")
    print("\n ".join(last_model_bias_monitor_execution_report_files))
else:
    last_model_bias_monitor_execution = None
    print(
        "====STOP==== \n No completed executions to inspect further. Please wait till an execution completes or investigate previously reported failures."
    )

If there are any violations compared to the baseline, they are listed here. See Bias Drift Violations for the schema of the file, and how violations are detected.

[ ]:
violations = model_bias_monitor.latest_monitoring_constraint_violations()
if violations is not None:
    pprint.PrettyPrinter(indent=4).pprint(violations.body_dict)

By default, the analysis results are also published to CloudWatch, see CloudWatch Metrics for Bias Drift Analysis.

Cleanup

The endpoint can keep running and capturing data, but if there is no plan to collect more data or use this endpoint further, it should be deleted to avoid incurring additional charges. Note that deleting endpoint does not delete the data that was captured during the model invocations.

First stop the worker threads,

[ ]:
invoke_endpoint_thread.terminate()
ground_truth_thread.terminate()

Then stop all monitors scheduled for the endpoint

[ ]:
model_bias_monitor.stop_monitoring_schedule()
wait_for_execution_to_finish(model_bias_monitor)
model_bias_monitor.delete_monitoring_schedule()

Finally, delete the endpoint

[ ]:
sagemaker_session.delete_endpoint(endpoint_name=endpoint_name)
sagemaker_session.delete_model(model_name=model_name)

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.

This us-east-1 badge failed to load. Check your device’s internet connectivity, otherwise the service is currently unavailable

This us-east-2 badge failed to load. Check your device’s internet connectivity, otherwise the service is currently unavailable

This us-west-1 badge failed to load. Check your device’s internet connectivity, otherwise the service is currently unavailable

This ca-central-1 badge failed to load. Check your device’s internet connectivity, otherwise the service is currently unavailable

This sa-east-1 badge failed to load. Check your device’s internet connectivity, otherwise the service is currently unavailable

This eu-west-1 badge failed to load. Check your device’s internet connectivity, otherwise the service is currently unavailable

This eu-west-2 badge failed to load. Check your device’s internet connectivity, otherwise the service is currently unavailable

This eu-west-3 badge failed to load. Check your device’s internet connectivity, otherwise the service is currently unavailable

This eu-central-1 badge failed to load. Check your device’s internet connectivity, otherwise the service is currently unavailable

This eu-north-1 badge failed to load. Check your device’s internet connectivity, otherwise the service is currently unavailable

This ap-southeast-1 badge failed to load. Check your device’s internet connectivity, otherwise the service is currently unavailable

This ap-southeast-2 badge failed to load. Check your device’s internet connectivity, otherwise the service is currently unavailable

This ap-northeast-1 badge failed to load. Check your device’s internet connectivity, otherwise the service is currently unavailable

This ap-northeast-2 badge failed to load. Check your device’s internet connectivity, otherwise the service is currently unavailable

This ap-south-1 badge failed to load. Check your device’s internet connectivity, otherwise the service is currently unavailable