.. -- mode: rst --
|GitHubActions| |Codecov| |ReadTheDocs| |License| |PythonVersion| |PyPi| |Conda| |Release| |Commits| |DOI|
.. |GitHubActions| image:: https://github.com/scikit-learn-contrib/MAPIE/actions/workflows/test.yml/badge.svg :target: https://github.com/scikit-learn-contrib/MAPIE/actions
.. |Codecov| image:: https://codecov.io/gh/scikit-learn-contrib/MAPIE/branch/master/graph/badge.svg?token=F2S6KYH4V1 :target: https://codecov.io/gh/scikit-learn-contrib/MAPIE
.. |ReadTheDocs| image:: https://readthedocs.org/projects/mapie/badge/?version=stable :target: https://mapie.readthedocs.io/en/stable/?badge=stable :alt: Documentation Status
.. |License| image:: https://img.shields.io/github/license/scikit-learn-contrib/MAPIE :target: https://github.com/scikit-learn-contrib/MAPIE/blob/master/LICENSE
.. |PythonVersion| image:: https://img.shields.io/pypi/pyversions/mapie :target: https://pypi.org/project/mapie/
.. |PyPi| image:: https://img.shields.io/pypi/v/mapie :target: https://pypi.org/project/mapie/
.. |Conda| image:: https://img.shields.io/conda/vn/conda-forge/mapie :target: https://anaconda.org/conda-forge/mapie
.. |Release| image:: https://img.shields.io/github/v/release/scikit-learn-contrib/mapie :target: https://github.com/scikit-learn-contrib/MAPIE/releases
.. |Commits| image:: https://img.shields.io/github/commits-since/scikit-learn-contrib/mapie/latest/master :target: https://github.com/scikit-learn-contrib/MAPIE/commits/master
.. |DOI| image:: https://img.shields.io/badge/10.48550/arXiv.2207.12274-B31B1B.svg :target: https://arxiv.org/abs/2207.12274
.. image:: https://github.com/scikit-learn-contrib/MAPIE/raw/master/doc/images/mapie_logo_nobg_cut.png :width: 400 :align: center
MAPIE - 模型无关预测区间估计器
MAPIE是一个开源的Python库,用于量化不确定性并控制机器学习模型的风险。 作为scikit-learn-contrib项目,它允许您:
- 轻松计算具有受控(或保证)边际覆盖率的一致预测区间(或预测集) 适用于回归[3,4,8]、分类(二分类和多分类)[5-7]和时间序列[9]。
- 轻松控制更复杂任务的风险,如多标签分类、 计算机视觉中的语义分割(对召回率、精确度等的概率保证)[10-12]。
- 轻松包装任何模型(scikit-learn、tensorflow、pytorch等),如果需要,可以使用与scikit-learn兼容的包装器 用于上述目的。
以下是MAPIE模型在回归和分类问题中与不确定性量化相关的快速实例化示例 (更多详情请参阅快速入门部分):
.. code:: python
# 回归问题的不确定性量化
from mapie.regression import MapieRegressor
mapie_regressor = MapieRegressor(estimator=regressor, method='plus', cv=5)
.. code:: python
# 分类问题的不确定性量化
from mapie.classification import MapieClassifier
mapie_classifier = MapieClassifier(estimator=classifier, method='score', cv=5)
MAPIE中实现的方法遵循三个基本原则:
- 它们是模型和用例无关的,
- 它们在对数据和模型的最小假设下具有理论保证,
- 它们基于经同行评审的算法并遵循编程标准。
MAPIE主要依赖于一致预测和无分布推断领域。
🔗 要求
- MAPIE在Python 3.7+上运行。
- MAPIE站在巨人的肩膀上。它的唯一内部依赖项是
scikit-learn <https://scikit-learn.org/stable/>
和numpy=>1.21 <https://numpy.org/>
。
🛠 安装
MAPIE可以通过不同方式安装:
.. code:: sh
$ pip install mapie # 通过`pip`安装
$ conda install -c conda-forge mapie # 或通过`conda`安装
$ pip install git+https://github.com/scikit-learn-contrib/MAPIE # 或直接从github仓库安装
⚡ 快速入门
这里我们提供两个基本的不确定性量化问题,分别针对scikit-learn的回归和分类任务。
由于MAPIE与标准的scikit-learn API兼容,您可以看到只需这几行代码:
- 如何轻松地将您喜欢的兼容scikit-learn的模型包装在您的模型周围。
- 如何轻松地遵循标准的顺序
fit
和predict
过程,就像任何scikit-learn估计器一样。
.. code:: python
# 回归问题的不确定性量化
import numpy as np
from sklearn.linear_model import LinearRegression
from sklearn.datasets import make_regression
from sklearn.model_selection import train_test_split
from mapie.regression import MapieRegressor
X, y = make_regression(n_samples=500, n_features=1)
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.5)
regressor = LinearRegression()
mapie_regressor = MapieRegressor(estimator=regressor, method='plus', cv=5)
mapie_regressor = mapie_regressor.fit(X_train, y_train)
y_pred, y_pis = mapie_regressor.predict(X_test, alpha=[0.05, 0.32])
.. code:: python
# 分类问题的不确定性量化
import numpy as np
from sklearn.linear_model import LogisticRegression
from sklearn.datasets import make_blobs
from sklearn.model_selection import train_test_split
from mapie.classification import MapieClassifier
X, y = make_blobs(n_samples=500, n_features=2, centers=3)
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.5)
classifier = LogisticRegression()
mapie_classifier = MapieClassifier(estimator=classifier, method='score', cv=5)
mapie_classifier = mapie_classifier.fit(X_train, y_train)
y_pred, y_pis = mapie_classifier.predict(X_test, alpha=[0.05, 0.32])
📘 文档
完整文档可以在此链接 <https://mapie.readthedocs.io/en/latest/>
_中找到。
📝 贡献
欢迎您提出和贡献新想法。
我们鼓励您提出问题 <https://github.com/scikit-learn-contrib/MAPIE/issues>
,以便我们可以就要完成的工作达成一致。
在提交可能超出范围的拉取请求之前,通常最好先进行简短讨论。
有关贡献过程的更多信息,请前往这里 <CONTRIBUTING.rst>
。
🤝 合作伙伴
MAPIE 是通过 Quantmetry、米其林、巴黎萨克雷高等师范学院的合作开发而成,并得到了法兰西岛大区和 Confiance.ai 的财政支持。
|Quantmetry| |Michelin| |ENS| |Confiance.ai| |IledeFrance|
.. |Quantmetry| image:: https://www.quantmetry.com/wp-content/uploads/2020/08/08-Logo-quant-Texte-noir.svg :height: 35px :width: 140px :target: https://www.quantmetry.com/
.. |Michelin| image:: https://agngnconpm.cloudimg.io/v7/https://dgaddcosprod.blob.core.windows.net/corporate-production/attachments/cls05tqdd9e0o0tkdghwi9m7n-clooe1x0c3k3x0tlu4cxi6dpn-bibendum-salut.full.png :height: 50px :width: 45px :target: https://www.michelin.com/en/
.. |ENS| image:: https://file.diplomeo-static.com/file/00/00/01/34/13434.svg :height: 35px :width: 140px :target: https://ens-paris-saclay.fr/en
.. |Confiance.ai| image:: https://pbs.twimg.com/profile_images/1443838558549258264/EvWlv1Vq_400x400.jpg :height: 45px :width: 45px :target: https://www.confiance.ai/
.. |IledeFrance| image:: https://www.iledefrance.fr/sites/default/files/logo/2024-02/logoGagnerok.svg :height: 35px :width: 140px :target: https://www.iledefrance.fr/
🔍 参考文献
[1] Vovk, Vladimir, Alexander Gammerman, and Glenn Shafer. 随机世界中的算法学习. Springer Nature, 2022.
[2] Angelopoulos, Anastasios N., and Stephen Bates. "一致性预测:温和介绍." 机器学习的基础与趋势® 16.4 (2023): 494-591.
[3] Rina Foygel Barber, Emmanuel J. Candès, Aaditya Ramdas, and Ryan J. Tibshirani. "使用刀切法+进行预测推断." Ann. Statist., 49(1):486–507, (2021).
[4] Kim, Byol, Chen Xu, and Rina Barber. "使用自助法后的刀切法+进行免费预测推断." 神经信息处理系统进展 33 (2020): 4138-4149.
[5] Sadinle, Mauricio, Jing Lei, and Larry Wasserman. "具有有界错误水平的最小歧义集值分类器." 美国统计协会杂志 114.525 (2019): 223-234.
[6] Romano, Yaniv, Matteo Sesia, and Emmanuel Candes. "具有有效和自适应覆盖率的分类." 神经信息处理系统进展 33 (2020): 3581-3591.
[7] Angelopoulos, Anastasios, et al. "使用一致性预测的图像分类器不确定性集." 国际学习表示会议 (2021).
[8] Romano, Yaniv, Evan Patterson, and Emmanuel Candes. "一致化分位数回归." 神经信息处理系统进展 32 (2019).
[9] Xu, Chen, and Yao Xie. "动态时间序列的一致性预测区间." 国际机器学习会议. PMLR, (2021).
[10] Bates, Stephen, et al. "无分布、风险控制的预测集." 计算机学会杂志 (JACM) 68.6 (2021): 1-34.
[11] Angelopoulos, Anastasios N., Stephen, Bates, Adam, Fisch, Lihua, Lei, and Tal, Schuster. "一致性风险控制." (2022).
[12] Angelopoulos, Anastasios N., Stephen, Bates, Emmanuel J. Candès, et al. "先学习后测试:校准预测算法以实现风险控制." (2022).
📝 许可证
MAPIE 是根据 3-clause BSD 许可证发布的免费开源软件。
📚 引用
如果您在研究中使用了 MAPIE,请使用我们仓库中的 citations 文件进行引用。