All Projects → csinva → Imodels

csinva / Imodels

Licence: mit
Interpretable ML package 🔍 for concise, transparent, and accurate predictive modeling (sklearn-compatible).

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Imodels

Machine Learning With Python
Practice and tutorial-style notebooks covering wide variety of machine learning techniques
Stars: ✭ 2,197 (+1032.47%)
Mutual labels:  artificial-intelligence, jupyter-notebook, data-science, statistics, scikit-learn
Csinva.github.io
Slides, paper notes, class notes, blog posts, and research on ML 📉, statistics 📊, and AI 🤖.
Stars: ✭ 342 (+76.29%)
Mutual labels:  artificial-intelligence, ai, data-science, statistics, ml
Pycm
Multi-class confusion matrix library in Python
Stars: ✭ 1,076 (+454.64%)
Mutual labels:  artificial-intelligence, ai, data-science, statistics, ml
Hyperparameter hunter
Easy hyperparameter optimization and automatic result saving across machine learning algorithms and libraries
Stars: ✭ 648 (+234.02%)
Mutual labels:  artificial-intelligence, ai, data-science, scikit-learn, ml
Interactive machine learning
IPython widgets, interactive plots, interactive machine learning
Stars: ✭ 140 (-27.84%)
Mutual labels:  jupyter-notebook, data-science, statistics, scikit-learn, supervised-learning
Nlpaug
Data augmentation for NLP
Stars: ✭ 2,761 (+1323.2%)
Mutual labels:  artificial-intelligence, ai, jupyter-notebook, data-science, ml
The Hello World Of Machine Learning
Learn to build a basic machine learning model from scratch with this repo and tutorial series.
Stars: ✭ 41 (-78.87%)
Mutual labels:  jupyter-notebook, tutorial, scikit-learn, ml
Computervision Recipes
Best Practices, code samples, and documentation for Computer Vision.
Stars: ✭ 8,214 (+4134.02%)
Mutual labels:  artificial-intelligence, jupyter-notebook, data-science, tutorial
Datasciencevm
Tools and Docs on the Azure Data Science Virtual Machine (http://aka.ms/dsvm)
Stars: ✭ 153 (-21.13%)
Mutual labels:  ai, jupyter-notebook, data-science, ml
Aulas
Aulas da Escola de Inteligência Artificial de São Paulo
Stars: ✭ 166 (-14.43%)
Mutual labels:  ai, jupyter-notebook, data-science, statistics
Awesome Ai Ml Dl
Awesome Artificial Intelligence, Machine Learning and Deep Learning as we learn it. Study notes and a curated list of awesome resources of such topics.
Stars: ✭ 831 (+328.35%)
Mutual labels:  artificial-intelligence, ai, jupyter-notebook, ml
Data Science Best Resources
Carefully curated resource links for data science in one place
Stars: ✭ 1,104 (+469.07%)
Mutual labels:  artificial-intelligence, data-science, statistics, scikit-learn
Fixy
Amacımız Türkçe NLP literatüründeki birçok farklı sorunu bir arada çözebilen, eşsiz yaklaşımlar öne süren ve literatürdeki çalışmaların eksiklerini gideren open source bir yazım destekleyicisi/denetleyicisi oluşturmak. Kullanıcıların yazdıkları metinlerdeki yazım yanlışlarını derin öğrenme yaklaşımıyla çözüp aynı zamanda metinlerde anlamsal analizi de gerçekleştirerek bu bağlamda ortaya çıkan yanlışları da fark edip düzeltebilmek.
Stars: ✭ 165 (-14.95%)
Mutual labels:  artificial-intelligence, ai, jupyter-notebook, data-science
Machinelearningcourse
A collection of notebooks of my Machine Learning class written in python 3
Stars: ✭ 35 (-81.96%)
Mutual labels:  jupyter-notebook, data-science, scikit-learn, ml
Pandas Profiling
Create HTML profiling reports from pandas DataFrame objects
Stars: ✭ 8,329 (+4193.3%)
Mutual labels:  artificial-intelligence, jupyter-notebook, data-science, statistics
Hyperlearn
50% faster, 50% less RAM Machine Learning. Numba rewritten Sklearn. SVD, NNMF, PCA, LinearReg, RidgeReg, Randomized, Truncated SVD/PCA, CSR Matrices all 50+% faster
Stars: ✭ 1,204 (+520.62%)
Mutual labels:  jupyter-notebook, data-science, statistics, scikit-learn
Modelchimp
Experiment tracking for machine and deep learning projects
Stars: ✭ 121 (-37.63%)
Mutual labels:  artificial-intelligence, ai, data-science, ml
Image classifier
CNN image classifier implemented in Keras Notebook 🖼️.
Stars: ✭ 139 (-28.35%)
Mutual labels:  artificial-intelligence, ai, jupyter-notebook, ml
Basic reinforcement learning
An introductory series to Reinforcement Learning (RL) with comprehensive step-by-step tutorials.
Stars: ✭ 826 (+325.77%)
Mutual labels:  artificial-intelligence, ai, jupyter-notebook, tutorial
Recommenders
Best Practices on Recommendation Systems
Stars: ✭ 11,818 (+5991.75%)
Mutual labels:  artificial-intelligence, jupyter-notebook, data-science, tutorial

Interpretable machine-learning models (imodels) 🔍

Python package for concise, transparent, and accurate predictive modeling. All sklearn-compatible and easily customizable.

docsimodels overviewdemo notebooks

imodels overview

Implementations of different popular interpretable models can be easily used and installed:

from imodels import BayesianRuleListClassifier, GreedyRuleListClassifier, SkopeRulesClassifier # see more models below
from imodels import SLIMRegressor, RuleFitRegressor

model = BayesianRuleListClassifier()  # initialize a model
model.fit(X_train, y_train)   # 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 rule-based model

-----------------------------
# if X1 > 5: then 80.5% risk
# else if X2 > 5: then 40% risk
# else: 10% risk

Install with pip install imodels (see here for help). Contains the following models:

Model Reference Description
Rulefit rule set 🗂️, 🔗, 📄 Extracts rules from a decision tree then builds a sparse linear model with them
Skope rule set 🗂️, 🔗 Extracts rules from gradient-boosted trees, deduplicates them, then forms a linear combination of them based on their OOB precision
Boosted rule set 🗂️, 🔗, 📄 Uses Adaboost to sequentially learn a set of rules
Bayesian rule list 🗂️, 🔗, 📄 Learns a compact rule list by sampling rule lists (rather than using a greedy heuristic)
Greedy rule list 🗂️, 🔗 Uses CART to learn a list (only a single path), rather than a decision tree
OneR rule list 🗂️, 📄 Learns rule list restricted to only one feature
Optimal rule tree 🗂️, 🔗, 📄 (In progress) Learns succinct trees using global optimization rather than greedy heuristics
Iterative random forest 🗂️, 🔗, 📄 (In progress) Repeatedly fit random forest, giving features with high importance a higher chance of being selected.
Sparse integer linear model 🗂️, 📄 Forces coefficients to be integers
Rule sets (Coming soon) Many popular rule sets including SLIPPER, Lightweight Rule Induction, MLRules

Docs 🗂️, Reference code implementation 🔗, Research paper 📄 More models coming soon!

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. In particular, many models differ in the 3 steps given by the table below.

ex. RuleFit and 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 and 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 and SkopeRules FPSkope and SkopeRules differ only in the way they generate candidate rules: FPSkope uses FPgrowth whereas SkopeRules extracts rules from decision trees.

See the docs for individual models for futher descriptions.

Rule candidate generation Rule selection Rule pruning / combination

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.

Demo notebooks

Demos are contained in the notebooks folder.

imodels_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

we also include some demos of posthoc analysis, which occurs after fitting models

  • posthoc.ipynb - shows different simple analyses to interpret a trained model
  • uncertainty.ipynb - basic code to get uncertainty estimates for a model

Support for different tasks

Different models support different machine-learning tasks. Current support for different models is given below:

Model Binary classification Regression
Rulefit rule set ✔️ ✔️
Skope rule set ✔️
Boosted rule set ✔️
Bayesian rule list ✔️
Greedy rule list ✔️
OneR rule list ✔️
Optimal rule tree
Iterative random forest
Sparse integer linear model ✔️ ✔️

References

If it's useful for you, please cite the package using the below, but more importantly make sure to give authors of original methods / base implementations credit:

@software{
    imodels2021,
    title        = {{imodels: a python package for fitting interpretable models}},
    publisher    = {Zenodo},
    year         = 2021,
    author       = {Chandan Singh and Keyan Nasseri and Bin Yu},
    version      = {v0.2.8},
    doi          = {10.5281/zenodo.4598963},
    url          = {https://github.com/csinva/imodels}
}
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].