%pip install -q validmind
Document an Credit Risk Model
Build and document an application scorecard model with the ValidMind Library by using Kaggle’s Lending Club sample dataset to build a simple application scorecard.
An application scorecard model is a type of statistical model used in credit scoring to evaluate the creditworthiness of potential borrowers by generating a score based on various characteristics of an applicant — such as credit history, income, employment status, and other relevant financial data.
- This score helps lenders make decisions about whether to approve or reject loan applications, as well as determine the terms of the loan, including interest rates and credit limits.
- Application scorecard models enable lenders to manage risk efficiently while making the loan application process faster and more transparent for applicants.
This interactive notebook provides a step-by-step guide for loading a demo dataset, preprocessing the raw data, training a model for testing, setting up test inputs, initializing the required ValidMind objects, running the test, and then logging the results to ValidMind.
Contents
About ValidMind
ValidMind is a platform for managing model risk, including risk associated with AI and statistical models.
You use the ValidMind Library to automate documentation and validation tests, and then use the ValidMind AI Risk Platform UI to collaborate on model documentation. Together, these products simplify model risk management, facilitate compliance with regulations and institutional standards, and enhance collaboration between yourself and model validators.
Before you begin
This notebook assumes you have basic familiarity with Python, including an understanding of how functions work. If you are new to Python, you can still run the notebook but we recommend further familiarizing yourself with the language.
If you encounter errors due to missing modules in your Python environment, install the modules with pip install
, and then re-run the notebook. For more help, refer to Installing Python Modules.
New to ValidMind?
If you haven’t already seen our Get started with the ValidMind Library, we recommend you begin by exploring the available resources in this section. There, you can learn more about documenting models, find code samples, or read our developer reference.
Key concepts
Model documentation: A structured and detailed record pertaining to a model, encompassing key components such as its underlying assumptions, methodologies, data sources, inputs, performance metrics, evaluations, limitations, and intended uses. It serves to ensure transparency, adherence to regulatory requirements, and a clear understanding of potential risks associated with the model’s application.
Documentation template: Functions as a test suite and lays out the structure of model documentation, segmented into various sections and sub-sections. Documentation templates define the structure of your model documentation, specifying the tests that should be run, and how the results should be displayed.
Tests: A function contained in the ValidMind Library, designed to run a specific quantitative test on the dataset or model. Tests are the building blocks of ValidMind, used to evaluate and document models and datasets, and can be run individually or as part of a suite defined by your model documentation template.
Custom tests: Custom tests are functions that you define to evaluate your model or dataset. These functions can be registered with ValidMind to be used in the platform.
Inputs: Objects to be evaluated and documented in the ValidMind framework. They can be any of the following:
- model: A single model that has been initialized in ValidMind with
vm.init_model()
. - dataset: Single dataset that has been initialized in ValidMind with
vm.init_dataset()
. - models: A list of ValidMind models - usually this is used when you want to compare multiple models in your custom test.
- datasets: A list of ValidMind datasets - usually this is used when you want to compare multiple datasets in your custom test. See this example for more information.
Parameters: Additional arguments that can be passed when running a ValidMind test, used to pass additional information to a test, customize its behavior, or provide additional context.
Outputs: Custom tests can return elements like tables or plots. Tables may be a list of dictionaries (each representing a row) or a pandas DataFrame. Plots may be matplotlib or plotly figures.
Test suites: Collections of tests designed to run together to automate and generate model documentation end-to-end for specific use-cases.
Example: The classifier_full_suite
test suite runs tests from the tabular_dataset
and classifier
test suites to fully document the data and model sections for binary classification model use-cases.
Install the client library
The client library provides Python support for the ValidMind Library. To install it:
Initialize the client library
ValidMind generates a unique code snippet for each registered model to connect with your developer environment. You initialize the client library with this code snippet, which ensures that your documentation and tests are uploaded to the correct model when you run the notebook.
Get your code snippet:
In a browser, log into the Platform UI.
In the left sidebar, navigate to Model Inventory and click + Register new model.
Enter the model details and click Continue. (Need more help?)
For example, to register a model for use with this notebook, select:
- Documentation template:
Credit Risk Scorecard
- Use case:
Risk Management/CECL
You can fill in other options according to your preference.
- Documentation template:
Go to Getting Started and click Copy snippet to clipboard.
Next, replace this placeholder with your own code snippet:
import validmind as vm
vm.init(="https://api.prod.validmind.ai/api/v1/tracking",
api_host="...",
api_key="...",
api_secret="..."
model )
Initialize the Python environment
Next, let’s import the necessary libraries and set up your Python environment for data analysis:
%pip -q install aequitas fairlearn vl-convert-python
import pandas as pd
from sklearn.ensemble import RandomForestClassifier
from sklearn.preprocessing import OneHotEncoder, StandardScaler
from sklearn.pipeline import Pipeline
from sklearn.impute import SimpleImputer
from sklearn.compose import ColumnTransformer
from sklearn.compose import make_column_selector as selector
from validmind.tests import run_test
%matplotlib inline
Preview the documentation template
A template predefines sections for your model documentation and provides a general outline to follow, making the documentation process much easier.
You’ll upload documentation and test results into this template later on. For now, take a look at the structure that the template provides with the vm.preview_template()
function from the ValidMind library and note the empty sections:
vm.preview_template()
Load the sample dataset
The sample dataset used here is provided by the ValidMind library. To be able to use it, you’ll need to import the dataset and load it into a pandas DataFrame, a two-dimensional tabular data structure that makes use of rows and columns:
from validmind.datasets.credit_risk import lending_club_bias as demo_dataset
= demo_dataset.load_data()
df
df.head()
Prepocess the dataset
In the preprocessing step we perform a number of operations to get ready for building our credit decision model.
We will in this example, create new feature, fill missing values and encode categorical variables.
= demo_dataset.preprocess(df)
preprocess_df preprocess_df.head()
Train the model
In this section, we focus on constructing and refining our predictive model. - We begin by dividing our data into training and testing sets (train_df
, test_df
). - We employ a simple random split, randomly allocating data points to each set to ensure a mix of examples in both.
# Split the data into training and testing sets
= demo_dataset.split(preprocess_df)
train_df, test_df
= train_df.drop(demo_dataset.target_column, axis=1)
X_train = train_df[demo_dataset.target_column]
y_train = test_df.drop(demo_dataset.target_column, axis=1)
X_test = test_df[demo_dataset.target_column] y_test
# Train a Random Forest Classifier
= RandomForestClassifier(n_estimators=50, random_state=42)
model
model.fit(X_train, y_train)
# Print feature importances
= pd.DataFrame({
feature_importances 'feature': X_train.columns,
'importance': model.feature_importances_
'importance', ascending=False)
}).sort_values(
print("Feature Importances:")
print(feature_importances)
# Print model parameters
print("\nModel Parameters:")
print(model.get_params())
# Print basic model information
print(f"\nNumber of trees: {model.n_estimators}")
Compute probabilities
= model.predict_proba(X_train)[:,1]
train_probabilities = model.predict_proba(X_test)[:,1] test_probabilities
Compute binary predictions
= 0.5
cut_off_threshold = (train_probabilities > cut_off_threshold).astype(int)
train_binary_predictions = (test_probabilities > cut_off_threshold).astype(int) test_binary_predictions
Postprocess the dataset
# Save the original labels for the protected classes for visualizations and investigation of biased outcomes
= df[demo_dataset.protected_classes]
protected_classes_df
= train_df.merge(
train_df
protected_classes_df,=True,
left_index=True,
right_index
)
= test_df.merge(
test_df
protected_classes_df,=True,
left_index=True,
right_index )
Document the model
To document the model with the ValidMind Library, you’ll need to: 1. Preprocess the raw dataset 2. Initialize some training and test datasets 3. Initialize a model object you can use for testing 4. Run the full suite of tests
Initialize the ValidMind datasets
Before you can run tests, you must first initialize a ValidMind dataset object using the init_dataset
function from the ValidMind (vm
) module.
This function takes a number of arguments:
dataset
: The dataset that you want to provide as input to tests.input_id
: A unique identifier that allows tracking what inputs are used when running each individual test.target_column
: A required argument if tests require access to true values. This is the name of the target column in the dataset.
With all datasets ready, you can now initialize the raw, training and test datasets created earlier into their own dataset objects using vm.init_dataset()
:
# Extract feature columns
= train_df.drop(
feature_columns =[demo_dataset.target_column] + demo_dataset.protected_classes
columns
).columns.tolist() feature_columns
= vm.init_dataset(
vm_raw_ds=df,
dataset="raw_dataset",
input_id=demo_dataset.target_column,
target_column
)
= vm.init_dataset(
vm_train_ds =train_df,
dataset="train_dataset",
input_id=demo_dataset.target_column,
target_column=feature_columns
feature_columns
)
= vm.init_dataset(
vm_test_ds =test_df,
dataset="test_dataset",
input_id=demo_dataset.target_column,
target_column=feature_columns
feature_columns )
Initialize a model object
You will also need to initialize a ValidMind model object (vm_model
) that can be passed to other functions for analysis and tests on the data. You simply intialize this model object with vm.init_model()
:
= vm.init_model(
vm_model
model,="random_forest_model",
input_id )
Assign predictions
With our model now trained, we’ll move on to assigning both the predictive probabilities coming directly from the model’s predictions, and the binary prediction after applying the cutoff threshold described in the previous steps. - These tasks are achieved through the use of the assign_predictions()
method associated with the VM dataset
object. - This method links the model’s class prediction values and probabilities to our VM train and test datasets.
vm_train_ds.assign_predictions(=vm_model,
model=train_binary_predictions,
prediction_values=train_probabilities,
prediction_probabilities
)
vm_test_ds.assign_predictions(=vm_model,
model=test_binary_predictions,
prediction_values=test_probabilities,
prediction_probabilities )
Run tests
Data description
= vm.tests.run_test(
test "validmind.data_validation.DatasetDescription",
={
inputs"dataset": "raw_dataset",
},
) test.log()
= vm.tests.run_test(
test "validmind.data_validation.DescriptiveStatistics",
={
inputs"dataset": "raw_dataset",
},
) test.log()
= vm.tests.run_test(
test "validmind.data_validation.TabularNumericalHistograms",
={
inputs"dataset": "raw_dataset"
},
) test.log()
= vm.tests.run_test(
test "validmind.data_validation.TargetRateBarPlots",
={
inputs"dataset": "raw_dataset"
},={
params"default_column": demo_dataset.target_column,
"columns": None,
},
) test.log()
Data quality
= vm.tests.run_test(
test "validmind.data_validation.ClassImbalance",
={
inputs"dataset": "raw_dataset",
},={
params"min_percent_threshold": 10
}
) test.log()
= vm.tests.run_test(
test "validmind.data_validation.Duplicates",
={
inputs"dataset": "raw_dataset",
},={
params"min_threshold": 1
}
) test.log()
= vm.tests.run_test(
test "validmind.data_validation.HighCardinality",
={
inputs"dataset": "raw_dataset",
},={
params"num_threshold": 100,
"percent_threshold": 0.1,
"threshold_type": "percent"
}
) test.log()
= vm.tests.run_test(
test "validmind.data_validation.MissingValues",
={
inputs"dataset": "raw_dataset",
},={
params"min_threshold": 1,
}
) test.log()
= vm.tests.run_test(
test "validmind.data_validation.Skewness",
={
inputs"dataset": "raw_dataset",
},={
params"max_threshold": 1,
}
) test.log()
= vm.tests.run_test(
test "validmind.data_validation.UniqueRows",
={
inputs"dataset": "raw_dataset",
},={
params"min_percent_threshold": 1,
}
) test.log()
= vm.tests.run_test(
test "validmind.data_validation.TooManyZeroValues",
={
inputs"dataset": "raw_dataset",
},={
params"max_percent_threshold": 0.03,
}
) test.log()
= vm.tests.run_test(
test "validmind.data_validation.IQROutliersTable",
={
inputs"dataset": "raw_dataset",
},={
params"threshold": 1.5,
}
) test.log()
= vm.tests.run_test(
test "validmind.data_validation.IQROutliersBarPlot",
={
inputs"dataset": "raw_dataset",
},={
params"threshold": 1.5,
"fig_width": 800,
}
) test.log()
Correlations
= vm.tests.run_test(
test "validmind.data_validation.PearsonCorrelationMatrix",
={
inputs"dataset": "raw_dataset",
},
) test.log()
= vm.tests.run_test(
test "validmind.data_validation.HighPearsonCorrelation",
={
inputs"dataset": "raw_dataset",
},={
params"max_threshold": 0.3
}
) test.log()
Model training
= vm.tests.run_test(
test "validmind.model_validation.ModelMetadata",
={
inputs"model": "random_forest_model",
},
) test.log()
= vm.tests.run_test(
test "validmind.data_validation.DatasetSplit",
={
inputs"datasets": ["train_dataset", "test_dataset"],
},
) test.log()
Model validation
= vm.tests.run_test(
test "validmind.model_validation.sklearn.PopulationStabilityIndex",
={
inputs"model": "random_forest_model",
"datasets": ["train_dataset", "test_dataset"],
},={
params"num_bins": 10,
"mode": "fixed"
}
) test.log()
= vm.tests.run_test(
test "validmind.model_validation.sklearn.ConfusionMatrix",
={
inputs"model": "random_forest_model",
"dataset": "test_dataset",
},
) test.log()
= vm.tests.run_test(
test "validmind.model_validation.sklearn.ClassifierPerformance:in_sample",
={
inputs"model": "random_forest_model",
"dataset": "train_dataset",
},
) test.log()
= vm.tests.run_test(
test "validmind.model_validation.sklearn.ClassifierPerformance:out_of_sample",
={
inputs"model": "random_forest_model",
"dataset": "test_dataset",
},
) test.log()
= vm.tests.run_test(
test "validmind.model_validation.sklearn.PrecisionRecallCurve",
={
inputs"model": "random_forest_model",
"dataset": "test_dataset",
},
) test.log()
= vm.tests.run_test(
test "validmind.model_validation.sklearn.ROCCurve",
={
inputs"model": "random_forest_model",
"dataset": "test_dataset",
},
) test.log()
= vm.tests.run_test(
test "validmind.model_validation.sklearn.TrainingTestDegradation",
={
inputs"model": "random_forest_model",
"datasets": ["train_dataset", "test_dataset"],
},={
params"metrics": ["accuracy", "precision", "recall", "f1"],
"max_threshold": 0.1
}
) test.log()
= vm.tests.run_test(
test "validmind.model_validation.sklearn.MinimumAccuracy",
={
inputs"model": "random_forest_model",
"dataset": "test_dataset",
},={
params"min_threshold": 0.7
}
) test.log()
= vm.tests.run_test(
test "validmind.model_validation.sklearn.MinimumF1Score",
={
inputs"model": "random_forest_model",
"dataset": "test_dataset",
},={
params"min_threshold": 0.7
}
) test.log()
= vm.tests.run_test(
test "validmind.model_validation.sklearn.MinimumROCAUCScore",
={
inputs"model": "random_forest_model",
"dataset": "test_dataset",
},={
params"min_threshold": 0.5
}
) test.log()
= vm.tests.run_test(
test "validmind.model_validation.statsmodels.GINITable",
={
input_grid"dataset": [vm_train_ds, vm_test_ds],
"model": [vm_model],
},
) test.log()
= vm.tests.run_test(
test "validmind.model_validation.statsmodels.PredictionProbabilitiesHistogram",
={
input_grid"dataset": [vm_train_ds, vm_test_ds],
"model": [vm_model],
},
) test.log()
= vm.tests.run_test(
test "validmind.model_validation.statsmodels.CumulativePredictionProbabilities",
={
input_grid"model": [vm_model],
"dataset": [vm_train_ds, vm_test_ds],
},
) test.log()
Model explainability
= vm.tests.run_test(
test "validmind.model_validation.sklearn.PermutationFeatureImportance",
={
inputs"model": "random_forest_model",
"dataset": "test_dataset",
},={
params"fontsize": None,
"figure_height": 1000
}
) test.log()
= vm.tests.run_test(
test "validmind.model_validation.sklearn.SHAPGlobalImportance",
={
inputs"model": "random_forest_model",
"dataset": "train_dataset",
},={
params"kernel_explainer_samples": 10,
"tree_or_linear_explainer_samples": 200
}
) test.log()
= vm.tests.run_test(
test "validmind.model_validation.sklearn.WeakspotsDiagnosis",
={
inputs"model": "random_forest_model",
"datasets": ["train_dataset", "test_dataset"],
},={
params"features_columns": None,
"thresholds": {
"accuracy": 0.75,
"precision": 0.5,
"recall": 0.5,
"f1": 0.7
}
}
) test.log()
= vm.tests.run_test(
test "validmind.model_validation.sklearn.OverfitDiagnosis",
={
inputs"model": "random_forest_model",
"datasets": ["train_dataset", "test_dataset"],
},={
params"metric": None,
"cut_off_threshold": 0.04
}
) test.log()
= vm.tests.run_test(
test "validmind.model_validation.sklearn.RobustnessDiagnosis",
={
inputs"model": "random_forest_model",
"datasets": ["train_dataset", "test_dataset"],
},={
params"metric": None,
"scaling_factor_std_dev_list": [0.1, 0.2, 0.3, 0.4, 0.5],
"performance_decay_threshold": 0.05
}
) test.log()
Bias and fairness
= run_test(
test "validmind.data_validation.ProtectedClassesDescription",
={
inputs"dataset": "test_dataset"
},={
params'protected_classes': demo_dataset.protected_classes
}) test.log()
Now we are going to focus our analysis on the fairness metric(s) of interest in this case study: FNR/FPR across different groups. The aequitas
plot module exposes the disparities_metrics()
plot, which displays both the disparities and the group-wise metric results side by side.
= run_test(
test "validmind.data_validation.ProtectedClassesDisparity",
={
inputs"dataset": "test_dataset",
"model": "random_forest_model"
},={
params"protected_classes": demo_dataset.protected_classes,
"disparity_tolerance": 1.25,
"metrics": ["fnr", "fpr", "tpr"]
}
) test.log()
run_test("validmind.data_validation.ProtectedClassesCombination",
={
inputs"dataset": "test_dataset",
"model": "random_forest_model"
},={
params"protected_classes": demo_dataset.protected_classes
} ).log()
The following code defines a preprocessing Pipeline
that handles both numeric and categorical features. Numeric data is imputed and scaled, while categorical data is imputed with the most frequent value and one-hot encoded. The pipelines are then combined using a ColumnTransformer
and integrated with a classifier.
# Define a pipeline for numeric features
= Pipeline(
numeric_transformer =[
steps"impute", SimpleImputer()), # Impute missing values
("scaler", StandardScaler()), # Scale numeric features
(
]
)
# Define a pipeline for categorical features
= Pipeline(
categorical_transformer
["impute", SimpleImputer(strategy="most_frequent")), # Impute missing values with most frequent
("ohe", OneHotEncoder(handle_unknown="ignore")), # One-hot encode categorical features
(
]
)
# Combine numeric and categorical pipelines
= ColumnTransformer(
preprocessor =[
transformers"num", numeric_transformer, selector(dtype_exclude="category")), # Apply numeric transformer to non-categorical columns
("cat", categorical_transformer, selector(dtype_include="category")), # Apply categorical transformer to categorical columns
(
]
)
# Create the full pipeline including preprocessing and classification
= Pipeline(
pipeline =[
steps"preprocessor", preprocessor), # Apply the preprocessor
(
("classifier",
# Use the previously defined model for classification
model,
),
] )
= ['Gender_encoded','Race_encoded','Marital_Status_encoded']
sensitive_features
run_test("validmind.data_validation.ProtectedClassesThresholdOptimizer",
={
inputs"dataset": vm_test_ds
},={
params"pipeline":pipeline,
"protected_classes": sensitive_features,
"X_train":X_train,
"y_train":y_train,
}, ).log()
Next steps
You can look at the results of this test suite right in the notebook where you ran the code, as you would expect. But there is a better way — use the ValidMind platform to work with your model documentation.
Work with your model documentation
In the ValidMind Platform UI, go to the Documentation page for the model you registered earlier. (Need more help?)
Expand the following sections and take a look around:
- 2. Data Preparation
- 3. Model Development
What you see is the full draft of your model documentation in a more easily consumable version. From here, you can make qualitative edits to model documentation (hint: some of the tests in 2.3. Feature Selection and Engineering look like they need some attention), view guidelines, collaborate with validators, and submit your model documentation for approval when it’s ready.
Discover more learning resources
We offer many interactive notebooks to help you document models:
Or, visit our documentation to learn more about ValidMind.
Upgrade ValidMind
Retrieve the information for the currently installed version of ValidMind:
%pip show validmind
If the version returned is lower than the version indicated in our production open-source code, restart your notebook and run:
%pip install --upgrade validmind
You may need to restart your kernel after running the upgrade package for changes to be applied.