• Stars
    star
    1,369
  • Rank 34,342 (Top 0.7 %)
  • Language
    Jupyter Notebook
  • License
    MIT License
  • Created over 5 years ago
  • Updated 2 months ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

Interpretable ML package πŸ” for concise, transparent, and accurate predictive modeling (sklearn-compatible).


Python package for concise, transparent, and accurate predictive modeling.
All sklearn-compatible and easy to use.
For interpretability in NLP, check out our new package: imodelsX

πŸ“š docs β€’ πŸ“– demo notebooks

Modern machine-learning models are increasingly complex, often making them difficult to interpret. This package provides a simple interface for fitting and using state-of-the-art interpretable models, all compatible with scikit-learn. These models can often replace black-box models (e.g. random forests) with simpler models (e.g. rule lists) while improving interpretability and computational efficiency, all without sacrificing predictive accuracy! Simply import a classifier or regressor and use the fit and predict methods, same as standard scikit-learn models.

from sklearn.model_selection import train_test_split
from imodels import get_clean_dataset, HSTreeClassifierCV # import any imodels model here

# prepare data (a sample clinical dataset)
X, y, feature_names = get_clean_dataset('csi_pecarn_pred')
X_train, X_test, y_train, y_test = train_test_split(
    X, y, random_state=42)

# fit the model
model = HSTreeClassifierCV(max_leaf_nodes=4)  # initialize a tree model and specify only 4 leaf nodes
model.fit(X_train, y_train, feature_names=feature_names)   # fit model
preds = model.predict(X_test) # discrete predictions: shape is (n_test, 1)
preds_proba = model.predict_proba(X_test) # predicted probabilities: shape is (n_test, n_classes)
print(model) # print the model
------------------------------
Decision Tree with Hierarchical Shrinkage
Prediction is made by looking at the value in the appropriate leaf of the tree
------------------------------
|--- FocalNeuroFindings2 <= 0.50
|   |--- HighriskDiving <= 0.50
|   |   |--- Torticollis2 <= 0.50
|   |   |   |--- value: [0.10]
|   |   |--- Torticollis2 >  0.50
|   |   |   |--- value: [0.30]
|   |--- HighriskDiving >  0.50
|   |   |--- value: [0.68]
|--- FocalNeuroFindings2 >  0.50
|   |--- value: [0.42]

Installation

Install with pip install imodels (see here for help).

Supported models

Model Reference Description
Rulefit rule set πŸ—‚οΈ, πŸ”—, πŸ“„ Fits a sparse linear model on rules extracted from decision trees
Skope rule set πŸ—‚οΈ, πŸ”— Extracts rules from gradient-boosted trees, deduplicates them,
then linearly combines them based on their OOB precision
Boosted rule set πŸ—‚οΈ, πŸ”—, πŸ“„ Sequentially fits a set of rules with Adaboost
Slipper rule set πŸ—‚οΈ, Β Β Β Β Β , γ…€γ…€πŸ“„ Sequentially learns a set of rules with SLIPPER
Bayesian rule set πŸ—‚οΈ, πŸ”—, πŸ“„ Finds concise rule set with Bayesian sampling (slow)
Optimal rule list πŸ—‚οΈ, πŸ”—, πŸ“„ Fits rule list using global optimization for sparsity (CORELS)
Bayesian rule list πŸ—‚οΈ, πŸ”—, πŸ“„ Fits compact rule list distribution with Bayesian sampling (slow)
Greedy rule list πŸ—‚οΈ, πŸ”— Uses CART to fit a list (only a single path), rather than a tree
OneR rule list πŸ—‚οΈ, Β Β Β Β Β , πŸ“„ Fits rule list restricted to only one feature
Optimal rule tree πŸ—‚οΈ, πŸ”—, πŸ“„ Fits succinct tree using global optimization for sparsity (GOSDT)
Greedy rule tree πŸ—‚οΈ, πŸ”—, πŸ“„ Greedily fits tree using CART
C4.5 rule tree πŸ—‚οΈ, πŸ”—, πŸ“„ Greedily fits tree using C4.5
TAO rule tree πŸ—‚οΈ, Β Β Β Β Β , γ…€γ…€πŸ“„ Fits tree using alternating optimization
Iterative random
forest
πŸ—‚οΈ, πŸ”—, πŸ“„ Repeatedly fit random forest, giving features with
high importance a higher chance of being selected
Sparse integer
linear model
πŸ—‚οΈ, Β Β Β Β Β , γ…€γ…€πŸ“„ Sparse linear model with integer coefficients
Tree GAM πŸ—‚οΈ, πŸ”—, πŸ“„ Generalized additive model fit with short boosted trees
Greedy tree sums πŸ—‚οΈ, Β Β Β Β Β , γ…€γ…€πŸ“„ Sum of small trees with very few total rules (FIGS)
Hierarchical
shrinkage wrapper
πŸ—‚οΈ, Β Β Β Β Β , γ…€γ…€πŸ“„ Improve a decision tree, random forest, or
gradient-boosting ensemble with ultra-fast, post-hoc regularization
Distillation
wrapper
πŸ—‚οΈ Train a black-box model,
then distill it into an interpretable model
AutoML wrapper πŸ—‚οΈ Automatically fit and select an interpretable model
More models βŒ› (Coming soon!) Lightweight Rule Induction, MLRules, ...

Docs πŸ—‚οΈ, Reference code implementation πŸ”—, Research paper πŸ“„

Demo notebooks

Demos are contained in the notebooks folder.

Quickstart demo Shows how to fit, predict, and visualize with different interpretable models
Autogluon demo Fit/select an interpretable model automatically using Autogluon AutoML
Quickstart colab demo Shows how to fit, predict, and visualize with different interpretable models
Clinical decision rule notebook Shows an example of using imodels for deriving a clinical decision rule
Posthoc analysis We also include some demos of posthoc analysis, which occurs after fitting models: posthoc.ipynb shows different simple analyses to interpret a trained model and uncertainty.ipynb contains basic code to get uncertainty estimates for a model

What's the difference between the models?

The final form of the above models takes one of the following forms, which aim to be simultaneously simple to understand and highly predictive:

Rule set Rule list Rule tree Algebraic models

Different models and algorithms vary not only in their final form but also in different choices made during modeling, such as how they generate, select, and postprocess rules:

Rule candidate generation Rule selection Rule postprocessing
Ex. RuleFit vs. SkopeRules RuleFit and SkopeRules differ only in the way they prune rules: RuleFit uses a linear model whereas SkopeRules heuristically deduplicates rules sharing overlap.
Ex. Bayesian rule lists vs. greedy rule lists Bayesian rule lists and greedy rule lists differ in how they select rules; bayesian rule lists perform a global optimization over possible rule lists while Greedy rule lists pick splits sequentially to maximize a given criterion.
Ex. FPSkope vs. SkopeRules FPSkope and SkopeRules differ only in the way they generate candidate rules: FPSkope uses FPgrowth whereas SkopeRules extracts rules from decision trees.

Support for different tasks

Different models support different machine-learning tasks. Current support for different models is given below (each of these models can be imported directly from imodels (e.g. from imodels import RuleFitClassifier):

Model Binary classification Regression Notes
Rulefit rule set RuleFitClassifier RuleFitRegressor
Skope rule set SkopeRulesClassifier
Boosted rule set BoostedRulesClassifier BoostedRulesRegressor
SLIPPER rule set SlipperClassifier
Bayesian rule set BayesianRuleSetClassifier Fails for large problems
Optimal rule list (CORELS) OptimalRuleListClassifier Requires corels, fails for large problems
Bayesian rule list BayesianRuleListClassifier
Greedy rule list GreedyRuleListClassifier
OneR rule list OneRClassifier
Optimal rule tree (GOSDT) OptimalTreeClassifier Requires gosdt, fails for large problems
Greedy rule tree (CART) GreedyTreeClassifier GreedyTreeRegressor
C4.5 rule tree C45TreeClassifier
TAO rule tree TaoTreeClassifier TaoTreeRegressor
Iterative random forest IRFClassifier Requires irf
Sparse integer linear model SLIMClassifier SLIMRegressor Requires extra dependencies for speed
Tree GAM TreeGAMClassifier TreeGAMRegressor
Greedy tree sums (FIGS) FIGSClassifier FIGSRegressor
Hierarchical shrinkage HSTreeClassifierCV HSTreeRegressorCV Wraps any sklearn tree-based model
Distillation DistilledRegressor Wraps any sklearn-compatible models
AutoML model AutoInterpretableClassifier️

Extras

Data-wrangling functions for working with popular tabular datasets (e.g. compas). These functions, in conjunction with imodels-data and imodels-experiments, make it simple to download data and run experiments on new models.
Explain classification errors with a simple posthoc function. Fit an interpretable model to explain a previous model's errors (ex. in this notebookπŸ““).
Fast and effective discretizers for data preprocessing.
Discretizer Reference Description
MDLP πŸ—‚οΈ, πŸ”—, πŸ“„ Discretize using entropy minimization heuristic
Simple πŸ—‚οΈ, πŸ”— Simple KBins discretization
Random Forest πŸ—‚οΈ Discretize into bins based on random forest split popularity
Rule-based utils for customizing models The code here contains many useful and customizable functions for rule-based learning in the util folder. This includes functions / classes for rule deduplication, rule screening, and converting between trees, rulesets, and neural networks.

Our favorite models

After developing and playing with imodels, we developed a few new models to overcome limitations of existing interpretable models.

FIGS: Fast interpretable greedy-tree sums

πŸ“„ Paper, πŸ”— Post, πŸ“Œ Citation

Fast Interpretable Greedy-Tree Sums (FIGS) is an algorithm for fitting concise rule-based models. Specifically, FIGS generalizes CART to simultaneously grow a flexible number of trees in a summation. The total number of splits across all the trees can be restricted by a pre-specified threshold, keeping the model interpretable. Experiments across a wide array of real-world datasets show that FIGS achieves state-of-the-art prediction performance when restricted to just a few splits (e.g. less than 20).

Example FIGS model. FIGS learns a sum of trees with a flexible number of trees; to make its prediction, it sums the result from each tree.

Hierarchical shrinkage: post-hoc regularization for tree-based methods

πŸ“„ Paper (ICML 2022), πŸ”— Post, πŸ“Œ Citation

Hierarchical shrinkage is an extremely fast post-hoc regularization method which works on any decision tree (or tree-based ensemble, such as Random Forest). It does not modify the tree structure, and instead regularizes the tree by shrinking the prediction over each node towards the sample means of its ancestors (using a single regularization parameter). Experiments over a wide variety of datasets show that hierarchical shrinkage substantially increases the predictive performance of individual decision trees and decision-tree ensembles.

HS Example. HS applies post-hoc regularization to any decision tree by shrinking each node towards its parent.

MDI+: Flexible Tree-Based Feature Importance

πŸ“„ Paper, πŸ“Œ Citation

MDI+ is a novel feature importance framework, which generalizes the popular mean decrease in impurity (MDI) importance score for random forests. At its core, MDI+ expands upon a recently discovered connection between linear regression and decision trees. In doing so, MDI+ enables practitioners to (1) tailor the feature importance computation to the data/problem structure and (2) incorporate additional features or knowledge to mitigate known biases of decision trees. In both real data case studies and extensive real-data-inspired simulations, MDI+ outperforms commonly used feature importance measures (e.g., MDI, permutation-based scores, and TreeSHAP) by substantional margins.

References

Readings
  • Interpretable ML good quick overview: murdoch et al. 2019, pdf
  • Interpretable ML book: molnar 2019, pdf
  • Case for interpretable models rather than post-hoc explanation: rudin 2019, pdf
  • Review on evaluating interpretability: doshi-velez & kim 2017, pdf
Reference implementations (also linked above) The code here heavily derives from the wonderful work of previous projects. We seek to to extract out, unify, and maintain key parts of these projects.
Related packages
  • gplearn: symbolic regression/classification
  • pysr: fast symbolic regression
  • pygam: generative additive models
  • interpretml: boosting-based gam
  • h20 ai: gams + glms (and more)
  • optbinning: data discretization / scoring models
Updates
  • For updates, star the repo, see this related repo, or follow @csinva_
  • Please make sure to give authors of original methods / base implementations appropriate credit!
  • Contributing: pull requests very welcome!

If it's useful for you, please star/cite the package, and make sure to give authors of original methods / base implementations credit:

@software{
imodels2021,
title        = {imodels: a python package for fitting interpretable models},
journal      = {Journal of Open Source Software},
publisher    = {The Open Journal},
year         = {2021},
author       = {Singh, Chandan and Nasseri, Keyan and Tan, Yan Shuo and Tang, Tiffany and Yu, Bin},
volume       = {6},
number       = {61},
pages        = {3192},
doi          = {10.21105/joss.03192},
url          = {https://doi.org/10.21105/joss.03192},
}

More Repositories

1

csinva.github.io

Slides, paper notes, class notes, blog posts, and research on ML πŸ“‰, statistics πŸ“Š, and AI πŸ€–.
HTML
507
star
2

imodelsX

Scikit-learn friendly library to interpret, and prompt-engineer text datasets using large language models.
Python
158
star
3

gan-vae-pretrained-pytorch

Pretrained GANs + VAEs + classifiers for MNIST/CIFAR in pytorch.
Jupyter Notebook
155
star
4

gpt-paper-title-generator

Generating paper titles (and more!) with GPT trained on data scraped from arXiv.
Jupyter Notebook
143
star
5

hierarchical-dnn-interpretations

Using / reproducing ACD from the paper "Hierarchical interpretations for neural network predictions" 🧠 (ICLR 2019)
Jupyter Notebook
124
star
6

iprompt

Finding semantically meaningful and accurate prompts.
Jupyter Notebook
46
star
7

tree-prompt

Tree prompting: easy-to-use scikit-learn interface for improved prompting.
Jupyter Notebook
27
star
8

disentangled-attribution-curves

Using / reproducing DAC from the paper "Disentangled Attribution Curves for Interpreting Random Forests and Boosted Trees"
Python
25
star
9

matching-with-gans

Matching in GAN latent space for better bias benchmarking and semantic image editing. πŸ‘ΆπŸ»πŸ§’πŸΎπŸ‘©πŸΌβ€πŸ¦°πŸ‘±πŸ½β€β™‚οΈπŸ‘΄πŸΎ
Jupyter Notebook
20
star
10

data-viz-utils

Functions for easily making publication-quality figures with matplotlib.
Jupyter Notebook
18
star
11

mdl-complexity

MDL Complexity computations and experiments from the paper "Revisiting complexity and the bias-variance tradeoff".
Jupyter Notebook
17
star
12

interpretable-embeddings

Interpretable text embeddings by asking LLMs yes/no questions
Python
16
star
13

transformation-importance

Using / reproducing TRIM from the paper "Transformation Importance with Applications to Cosmology" 🌌 (ICLR Workshop 2020)
Jupyter Notebook
8
star
14

iai-clinical-decision-rule

Interpretable clinical decision rules for predicting intra-abdominal injury.
Jupyter Notebook
8
star
15

cookiecutter-ml-research

A logical, reasonably standardized, but flexible project structure for conducting ml research.
Jupyter Notebook
8
star
16

glaucoma-diagnosis

Code for diagnosing glaucoma from Lumos lens
Python
7
star
17

clinical-rule-analysis

Analyzing clinical decision instruments through the lens of data and large language models.
Jupyter Notebook
6
star
18

tree-prompt-experiments

Create a tree of prompts during training that improves efficiency and accuracy.
Jupyter Notebook
4
star
19

dnn-ensemble

Testing the properties of ensembled neural networks.
Jupyter Notebook
4
star
20

news-balancer

News Balancer takes a story and provides articles on that story with credibility and varying political bias. The homepage will randomly generate a story from its archives, but a user can type in a query to get stories relating to their query along with their credibility / political bias.
Python
4
star
21

tpr-fmri

Python
3
star
22

abide-multitask-learning

Multi-task learning of functional connectivity on the ABIDE dataset.
Jupyter Notebook
3
star
23

local-vae

Making locally disentangled vaes.
Jupyter Notebook
3
star
24

neural-spike-sorting

Experimental code for performing spike sorting using a neural network.
Jupyter Notebook
3
star
25

trees-to-networks

Bridging random forests and deep neural networks. Partial implementation of "Neural Random Forests" https://arxiv.org/abs/1604.07143
Jupyter Notebook
3
star
26

acronym-generator

Generator acronyms given a sequence of words (useful for making paper titles).
HTML
3
star
27

imodels-playground

Demos for visualizing how rule-based models work.
TypeScript
2
star
28

max-activation-interpretation-pytorch

Code for creating maximal activation images (like Deep Dream) in pytorch with various regularizations / losses.
Jupyter Notebook
2
star
29

hummingbird-tracking

Code for tracking various things in hummingbird video
Python
2
star
30

neuronforest-analysis-scripts

Python scripts to replace Matlab for evaluation of error in connectome images and affinity graphs.
Python
2
star
31

pyfim-clone

Clone of pyfim making it installable as a dependency. Copied from http://www.borgelt.net/pyfim.html
C
2
star
32

scattering-transform-experiments

Repository for experiments with scattering transforms
Jupyter Notebook
2
star
33

imodels-data

Preprocessed data for various popular tabular datasets to go along with imodels.
Jupyter Notebook
2
star
34

mouse-brain-decoding

Decoding images from calcium recordings using data from stringer et al. 2018.
Jupyter Notebook
2
star
35

stable-interpretation

Exploring ways to extract stable interpretations from neural networks.
Jupyter Notebook
2
star
36

dnn-experiments

A set of scripts and experiments making it easier to analyze deep learning empirically.
Jupyter Notebook
2
star
37

arxiv-copier

Extension for copying the title + url of an arXiv page via right click
JavaScript
1
star
38

news-title-bias

Scraping and analyzing political bias in news titles using data from allsides.com
HTML
1
star
39

axon-ap-propagation

Code for simulations of action potential propagation
AMPL
1
star
40

younet

Learning natural language models based on personalized messages.
Python
1
star
41

mini-games

Code for simple games made in java + google sheets.
Java
1
star
42

global-sports-analysis

Analyzing how different factors influence global sports rankings
HTML
1
star
43

pybaobab-fork

Fork of pybaobabdt adding more customization.
Jupyter Notebook
1
star