Skip to main content

A metrics toolkit to evaluate neural network explanations.

Project description

A toolkit to evaluate neural network explanations

PyTorch and Tensorflow

Python package Code coverage Python version PyPI version

Quantus is currently under active development so carefully note the Quantus release version to ensure reproducibility of your work.

Table of contents

Library Overview

Simple visual comparison of XAI methods is often not sufficient to decide which explanation method works best as shown exemplary in Figure a) for four gradient-based methods — Saliency (Mørch et al., 1995; Baehrens et al., 2010), Integrated Gradients (Sundararajan et al., 2017), GradientShap (Lundberg and Lee, 2017) or FusionGrad (Bykov et al., 2021), yet it is a common practice for evaluation XAI methods in absence of ground truth data.

Therefore, we developed Quantus, an easy to-use yet comprehensive toolbox for quantitative evaluation of explanations — including 25+ different metrics. With Quantus, we can obtain richer insights on how the methods compare e.g., b) by holistic quantification on several evaluation criteria and c) by providing sensitivity analysis of how a single parameter e.g. the pixel replacement strategy of a faithfulness test influences the ranking of the XAI methods.

This project started with the goal of collecting existing evaluation metrics that have been introduced in the context of Explainable Artificial Intelligence (XAI) research — to help automate the task of XAI quantification. Along the way of implementation, it became clear that XAI metrics most often belong to one out of six categories i.e., 1) faithfulness, 2) robustness, 3) localisation 4) complexity 5) randomisation or 6) axiomatic metrics (note, however, that the categories are oftentimes mentioned under different naming conventions e.g., 'robustness' is often replaced for 'stability' or 'sensitivity' and 'faithfulness' is commonly interchanged for 'fidelity'). The library contains implementations of the following evaluation metrics:

Faithfulness quantifies to what extent explanations follow the predictive behaviour of the model (asserting that more important features play a larger role in model outcomes)

  • Faithfulness Correlation: iteratively replaces a random subset of given attributions with a baseline value and then measuring the correlation between the sum of this attribution subset and the difference in function output
  • Faithfulness Estimate: computes the correlation between probability drops and attribution scores on various points
  • Monotonicity Metric Arya: starts from a reference baseline to then incrementally replace each feature in a sorted attribution vector, measuring the effect on model performance
  • Monotonicity Metric Nguyen: measures the spearman rank correlation between the absolute values of the attribution and the uncertainty in the probability estimation
  • Pixel Flipping: captures the impact of perturbing pixels in descending order according to the attributed value on the classification score
  • Region Perturbation: is an extension of Pixel-Flipping to flip an area rather than a single pixel
  • Selectivity: measures how quickly an evaluated prediction function starts to drop when removing features with the highest attributed values
  • SensitivityN: computes the correlation between the sum of the attributions and the variation in the target output while varying the fraction of the total number of features, averaged over several test samples
  • IROF: computes the area over the curve per class for sorted mean importances of feature segments (superpixels) as they are iteratively removed (and prediction scores are collected), averaged over several test samples
Robustness measures to what extent explanations are stable when subject to slight perturbations of the input, assuming that model output approximately stayed the same

  • Local Lipschitz Estimate: tests the consistency in the explanation between adjacent examples
  • Max-Sensitivity: measures the maximum sensitivity of an explanation using a Monte Carlo sampling-based approximation
  • Avg-Sensitivity: measures the average sensitivity of an explanation using a Monte Carlo sampling-based approximation
  • Continuity: captures the strongest variation in explanation of an input and its perturbed version
Localisation tests if the explainable evidence is centered around the object of interest (as defined by a bounding box or similar segmentation mask)

  • Pointing Game: checks whether attribution with the highest score is located within the targeted object
  • Attribution Localization: measures the ratio of positive attributions within the targeted object towards the total positive attributions
  • Top-K Intersection: computes the intersection between a ground truth mask and the binarized explanation at the top k feature locations
  • Relevance Rank Accuracy: measures the ratio of highly attributed pixels within a ground-truth mask towards the size of the ground truth mask
  • Relevance Mass Accuracy: measures the ratio of positively attributed attributions inside the ground-truth mask towards the overall positive attributions
  • AUC: compares the ranking between attributions and a given ground-truth mask
Complexity captures to what extent explanations are concise i.e., that few features are used to explain a model prediction

  • Sparseness: uses the Gini Index for measuring, if only highly attributed features are truly predictive of the model output
  • Complexity: computes the entropy of the fractional contribution of all features to the total magnitude of the attribution individually
  • Effective Complexity: measures how many attributions in absolute values are exceeding a certain threshold
Randomisation tests to what extent explanations deteriorate as model parameters are increasingly randomised

  • Model Parameter Randomisation: randomises the parameters of single model layers in a cascading or independent way and measures the distance of the respective explanation to the original explanation
  • Random Logit Test: computes for the distance between the original explanation and the explanation for a random other class
Axiomatic assesses if explanations fulfill certain axiomatic properties

  • Completeness: assesses if explanations fulfill certain axiomatic properties
  • Non-Sensitivity: measures whether the total attribution is proportional to the explainable evidence at the model output (and referred to as Summation to Delta (Shrikumar et al., 2017) Sensitivity-n (slight variation, Ancona et al., 2018) Conservation (Montavon et al., 2018))
  • Input Invariance: adds a shift to input, asking that attributions should not change in response (assuming the model does not)

Additional metrics will be included in future releases.

Disclaimers. It is worth noting that the implementations of the metrics in this library have not been verified by the original authors. Thus any metric implementation in this library may differ from the original authors. Further, bear in mind that evaluation metrics for XAI methods are often empirical interpretations (or translations) of qualities that some researcher(s) claimed were important for explanations to fulfill, so it may be a discrepancy between what the author claims to measure by the proposed metric and what is actually measured e.g., using entropy as an operationalisation of explanation complexity.

The first iteration has been developed primarily for image classification tasks, with attribution-based explanations in mind (which is a category of explanation methods that aim to assign an importance value to the model features and arguably, is the most studied kind of explanation). As a result, there will be both applications and explanation methods e.g., example-based methods where this library won't be applicable. Similarly, there is a couple of metrics that are popular but are considered out of scope for the first iteration of the library e.g., metrics that require re-training of the network e.g., RoAR (Hooker et al., 2018) and Label Randomisation Test (Adebayo et al., 2018) or rely on specifically designed datasets/ dataset modification e.g., Model Contrast Scores and Input Dependence Rate (Yang et al., 2019) and Attribution Percentage (Attr%) (Zhou et al., 2021).

Please read the user guidelines for further guidance on how to best use the library.

Installation

Quantus can be installed from PyPI (this way assumes that you have either torch or tensorflow already installed on your machine).

pip install quantus

If you don't have torch or tensorflow installed, you can simply add the package you want and install it simultaneously.

pip install quantus[torch]

Or, alternatively for tensorflow you run:

pip install quantus[tensorflow]

Additionally, if you want to use the basic explainability functionality such as quantus.explain in your evaluations, you can run pip install quantus[extras] (this step requires that either torch or tensorflow is installed).

Alternatively, simply install requirements.txt (again, this requires that either torch or tensorflow is installed and won't include the explainability functionality to the installation):

pip install -r requirements.txt

Package requirements

python>=3.7.0
pytorch>=1.10.1
tensorflow==2.6.2
tqdm==4.62.3

Getting started

To use the library, you'll need a couple of ingredients; a model, some input data and labels (to be explained). In this example, we use torch but we also support evaluation of tensorflow models.

import quantus
import torch
import torchvision

# Enable GPU.
device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu")

# Load a pre-trained LeNet classification model (architecture at quantus/helpers/models).
model = LeNet()
model.load_state_dict(torch.load("tutorials/assets/mnist"))

# Load datasets and make loaders.
test_set = torchvision.datasets.MNIST(root='./sample_data', download=True)
test_loader = torch.utils.data.DataLoader(test_set, batch_size=24)

# Load a batch of inputs and outputs to use for XAI evaluation.
x_batch, y_batch = iter(test_loader).next()
x_batch, y_batch = x_batch.cpu().numpy(), y_batch.cpu().numpy()

Next, we generate some explanations for some test set samples that we wish to evaluate using Quantus library.

import captum
from captum.attr import Saliency, IntegratedGradients

# Generate Integrated Gradients attributions of the first batch of the test set.
a_batch_saliency = Saliency(model).attribute(inputs=x_batch, target=y_batch, abs=True).sum(axis=1).cpu().numpy()
a_batch_intgrad = IntegratedGradients(model).attribute(inputs=x_batch, target=y_batch, baselines=torch.zeros_like(x_batch)).sum(axis=1).cpu().numpy()

# Save x_batch and y_batch as numpy arrays that will be used to call metric instances.
x_batch, y_batch = x_batch.cpu().numpy(), y_batch.cpu().numpy()

# Quick assert.
assert [isinstance(obj, np.ndarray) for obj in [x_batch, y_batch, a_batch_saliency, a_batch_intgrad]]

# You can use any function e.g., quantus.explain (not necessarily captum) to generate your explanations.

drawing

The qualitative aspects of the Saliency and Integrated Gradients explanations may look fairly uninterpretable - since we lack ground truth of what the explanations should be looking like, it is hard to draw conclusions about the explainable evidence that we see. So, to quantitatively evaluate the explanation we can apply Quantus. For this purpose, we may be interested in measuring how sensitive the explanations are to very slight perturbations. To this end, we can e.g., apply max-sensitivity by Yeh et al., 2019 to evaluate our explanations. With Quantus, we created two options for evaluation.

  1. Either evaluate the explanations in a one-liner - by calling the instance of the metric class.
# Define params for evaluation.
params_eval = {
  "nr_samples": 10,
  "perturb_radius": 0.1,
  "norm_numerator": quantus.fro_norm,
  "norm_denominator": quantus.fro_norm,
  "perturb_func": quantus.uniform_sampling,
  "similarity_func": quantus.difference,
  "img_size": 28, 
  "nr_channels": 1,
  "normalise": False, 
  "abs": False,
  "disable_warnings": True,
}

# Return max sensitivity scores in an one-liner - by calling the metric instance.
scores_saliency = quantus.MaxSensitivity(**params_eval)(model=model,
                                                        x_batch=x_batch,
                                                        y_batch=y_batch,
                                                        a_batch=a_batch_saliency,
                                                        **{"explain_func": quantus.explain, 
                                                           "method": "Saliency", 
                                                           "device": device})
  1. Or use quantus.evaluate() which is a high-level function that allow you to evaluate multiple XAI methods on several metrics at once.
import numpy as np

metrics = {"max-Sensitivity": quantus.MaxSensitivity(**params_eval),
           }

xai_methods = {"Saliency": a_batch_saliency,
               "IntegratedGradients": a_batch_intgrad}

results = quantus.evaluate(metrics=metrics,
                           xai_methods=xai_methods,
                           model=model,
                           x_batch=x_batch,
                           y_batch=y_batch,
                           agg_func=np.mean,
                           **{"explain_func": quantus.explain, "device": device})
# Summarise results in a dataframe.
df = pd.DataFrame(results)
df

When comparing the max-Sensitivity scores for the Saliency and Integrated Gradients explanations, we can conclude that in this experimental setting, Saliency can be considered less robust (scores 0.41 +-0.15std) compared to Integrated Gradients (scores 0.17 +-0.05std). To replicate this simple example please find a dedicated notebook: Getting started.

Tutorials

To get a more comprehensive view of the previous example, there is many types of analysis that can be done using Quantus. For example, we could use Quantus to verify to what extent the results - that Integrated Gradients "wins" over Saliency - are reproducible over different parameterisations of the metric e.g., by changing the amount of noise perturb_radius or the number of samples to iterate over nr_samples. With Quantus, we could further analyse if Integrated Gradients offers an improvement over Saliency also in other evaluation criteria such as faithfulness, randomisation and localisation.

For more use cases, please see notebooks in /tutorials folder which includes examples such as

... and more.

Miscellaneous functionality

With Quantus, one can flexibly extend the library's functionality e.g., to adopt a customised explainer function explain_func or to replace a function that perturbs the input perturb_func with a user-defined one. If you are replacing a function within the Quantus framework, make sure that your new function:

  • returns the same datatype (e.g., np.ndarray or float) and,
  • employs the same arguments (e.g., img=x, a=a) as the function you’re intending to replace.

Details on what datatypes and arguments that should be used for the different functions can be found in the respective function typing inquantus/helpers. For example, if you want to replace similar_func in your evaluation, you can do as follows.

import scipy
import numpy as np

def correlation_spearman(a: np.array, b: np.array, **kwargs) -> float:
    """Calculate Spearman rank of two images (or explanations)."""
    return scipy.stats.spearmanr(a, b)[0]

def my_similar_func(a: np.array, b: np.array, **kwargs) -> float:
    """Calculate the similarity of a and b by subtraction."""
    return a - b

# Simply initalise the metric with your own function.
metric = LocalLipschitzEstimate(similar_func=my_similar_func)

To evaluate multiple explanation methods over several metrics at once we user can leverage the evaluate method in Quantus. There are also other miscellaneous functionality built-into Quantus that might be helpful:

# Interpret scores of a given metric.
metric_instance.interpret_scores

# Understand what hyperparameters of a metric to tune.
sensitivity_scorer.get_params

# To list available metrics (and their corresponding categories).
quantus.AVAILABLE_METRICS

# To list available explainable methods.
quantus.AVAILABLE_XAI_METHODS

# To list available perturbation functions.
quantus.AVAILABLE_SIMILARITY_FUNCTIONS

# To list available similarity functions.
quantus.AVAILABLE_PERTURBATION_FUNCTIONS

# To list available normalisation function.
quantus.AVAILABLE_NORMALISATION_FUNCTIONS

# To get the scores of the last evaluated batch.
metric_instance_called.last_results

# To get the scores of all the evaluated batches.
metric_instance_called.all_results

With each metric intialisation, warnings are printed to shell in order to make the user attentive to the hyperparameters of the metric which may have great influence on the evaluation outcome. If you are running evaluation iteratively you might want to disable warnings, then set:

disable_warnings = True

in the params of the metric initalisation.

Contributing

If you would like to contribute to this project or add your metric to evaluate explanations please open an issue or submit a pull request.

Code Style

Code is written to follow PEP-8 and for docstrings we use numpydoc. We use flake8 for quick style checks and black for code formatting with a line-width of 88 characters per line.

Testing

Tests are written using pytest and executed together with codecov for coverage reports.

Workflow

Before creating a PR, double-check that the following tasks are completed:

  • Run black to format source code e.g., black quantus/helpers/INSERT_YOUR_FILE_NAME.py
  • Run flake8 for quick style checks e.g., flake8 quantus/helpers/INSERT_YOUR_FILE_NAME.py
  • Make pytests and add under tests/ folder (to install mandatory packages for testing run pip install -r requirements_text.txt)
  • If the pytests include a new category of @pytest.mark then add that category with description to pytest.ini
  • Run pytest tests -v --cov-report term --cov-report html:htmlcov --cov-report xml --cov=quantus to inspect that code coverage is maintained (we aim at ~100% code coverage for Quantus)

Citation

If you find this toolkit or its companion paper Quantus: An Explainable AI Toolkit for Responsible Evaluation of Neural Network Explanations interesting or useful in your research, use following Bibtex annotation to cite us:

@article{hedstrom2022quantus,
      title={Quantus: An Explainable AI Toolkit for Responsible Evaluation of Neural Network Explanations}, 
      author={Anna Hedström and
              Leander Weber and
              Dilyara Bareeva and
              Franz Motzkus and
              Wojciech Samek and
              Sebastian Lapuschkin and
              Marina M.-C. Höhne},
      year={2022},
      eprint={2202.06861},
      archivePrefix={arXiv},
      primaryClass={cs.LG}
}

Project details


Download files

Download the file for your platform. If you're not sure which to choose, learn more about installing packages.

Source Distribution

quantus-0.1.2.tar.gz (72.2 kB view hashes)

Uploaded Source

Built Distribution

quantus-0.1.2-py3-none-any.whl (91.1 kB view hashes)

Uploaded Python 3

Supported by

AWS AWS Cloud computing and Security Sponsor Datadog Datadog Monitoring Fastly Fastly CDN Google Google Download Analytics Microsoft Microsoft PSF Sponsor Pingdom Pingdom Monitoring Sentry Sentry Error logging StatusPage StatusPage Status page