Name | econml JSON |
Version |
0.15.1
JSON |
| download |
home_page | None |
Summary | This package contains several methods for calculating Conditional Average Treatment Effects |
upload_time | 2024-07-03 18:16:43 |
maintainer | None |
docs_url | None |
author | PyWhy contributors |
requires_python | >=3.8 |
license | MIT |
keywords |
treatment-effect
|
VCS |
|
bugtrack_url |
|
requirements |
No requirements were recorded.
|
Travis-CI |
No Travis.
|
coveralls test coverage |
No coveralls.
|
[![Build status](https://github.com/py-why/EconML/actions/workflows/ci.yml/badge.svg)](https://github.com/py-why/EconML/actions/workflows/ci.yml)
[![PyPI version](https://img.shields.io/pypi/v/econml.svg)](https://pypi.org/project/econml/)
[![PyPI wheel](https://img.shields.io/pypi/wheel/econml.svg)](https://pypi.org/project/econml/)
[![Supported Python versions](https://img.shields.io/pypi/pyversions/econml.svg)](https://pypi.org/project/econml/)
<h1>
<a href="https://econml.azurewebsites.net/">
<img src="doc/econml-logo-icon.png" width="80px" align="left" style="margin-right: 10px;", alt="econml-logo">
</a> EconML: A Python Package for ML-Based Heterogeneous Treatment Effects Estimation
</h1>
**EconML** is a Python package for estimating heterogeneous treatment effects from observational data via machine learning. This package was designed and built as part of the [ALICE project](https://www.microsoft.com/en-us/research/project/alice/) at Microsoft Research with the goal to combine state-of-the-art machine learning
techniques with econometrics to bring automation to complex causal inference problems. The promise of EconML:
* Implement recent techniques in the literature at the intersection of econometrics and machine learning
* Maintain flexibility in modeling the effect heterogeneity (via techniques such as random forests, boosting, lasso and neural nets), while preserving the causal interpretation of the learned model and often offering valid confidence intervals
* Use a unified API
* Build on standard Python packages for Machine Learning and Data Analysis
One of the biggest promises of machine learning is to automate decision making in a multitude of domains. At the core of many data-driven personalized decision scenarios is the estimation of heterogeneous treatment effects: what is the causal effect of an intervention on an outcome of interest for a sample with a particular set of features? In a nutshell, this toolkit is designed to measure the causal effect of some treatment variable(s) `T` on an outcome
variable `Y`, controlling for a set of features `X, W` and how does that effect vary as a function of `X`. The methods implemented are applicable even with observational (non-experimental or historical) datasets. For the estimation results to have a causal interpretation, some methods assume no unobserved confounders (i.e. there is no unobserved variable not included in `X, W` that simultaneously has an effect on both `T` and `Y`), while others assume access to an instrument `Z` (i.e. an observed variable `Z` that has an effect on the treatment `T` but no direct effect on the outcome `Y`). Most methods provide confidence intervals and inference results.
For detailed information about the package, consult the documentation at https://econml.azurewebsites.net/.
For information on use cases and background material on causal inference and heterogeneous treatment effects see our webpage at https://www.microsoft.com/en-us/research/project/econml/
<details>
<summary><strong><em>Table of Contents</em></strong></summary>
- [News](#news)
- [Getting Started](#getting-started)
- [Installation](#installation)
- [Usage Examples](#usage-examples)
- [Estimation Methods](#estimation-methods)
- [Interpretability](#interpretability)
- [Causal Model Selection and Cross-Validation](#causal-model-selection-and-cross-validation)
- [Inference](#inference)
- [Policy Learning](#policy-learning)
- [For Developers](#for-developers)
- [Running the tests](#running-the-tests)
- [Generating the documentation](#generating-the-documentation)
- [Blogs and Publications](#blogs-and-publications)
- [Citation](#citation)
- [Contributing and Feedback](#contributing-and-feedback)
- [Community](#community)
- [References](#references)
</details>
# News
If you'd like to contribute to this project, see the [Help Wanted](#help-wanted) section below.
**July 3, 2024:** Release v0.15.1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.15.1)
<details><summary>Previous releases</summary>
**February 12, 2024:** Release v0.15.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.15.0)
**November 11, 2023:** Release v0.15.0b1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.15.0b1)
**May 19, 2023:** Release v0.14.1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.14.1)
**November 16, 2022:** Release v0.14.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.14.0)
**June 17, 2022:** Release v0.13.1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.13.1)
**January 31, 2022:** Release v0.13.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.13.0)
**August 13, 2021:** Release v0.12.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.12.0)
**August 5, 2021:** Release v0.12.0b6, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.12.0b6)
**August 3, 2021:** Release v0.12.0b5, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.12.0b5)
**July 9, 2021:** Release v0.12.0b4, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.12.0b4)
**June 25, 2021:** Release v0.12.0b3, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.12.0b3)
**June 18, 2021:** Release v0.12.0b2, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.12.0b2)
**June 7, 2021:** Release v0.12.0b1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.12.0b1)
**May 18, 2021:** Release v0.11.1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.11.1)
**May 8, 2021:** Release v0.11.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.11.0)
**March 22, 2021:** Release v0.10.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.10.0)
**March 11, 2021:** Release v0.9.2, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.9.2)
**March 3, 2021:** Release v0.9.1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.9.1)
**February 20, 2021:** Release v0.9.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.9.0)
**January 20, 2021:** Release v0.9.0b1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.9.0b1)
**November 20, 2020:** Release v0.8.1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.8.1)
**November 18, 2020:** Release v0.8.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.8.0)
**September 4, 2020:** Release v0.8.0b1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.8.0b1)
**March 6, 2020:** Release v0.7.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.7.0)
**February 18, 2020:** Release v0.7.0b1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.7.0b1)
**January 10, 2020:** Release v0.6.1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.6.1)
**December 6, 2019:** Release v0.6, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.6)
**November 21, 2019:** Release v0.5, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.5).
**June 3, 2019:** Release v0.4, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.4).
**May 3, 2019:** Release v0.3, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.3).
**April 10, 2019:** Release v0.2, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.2).
**March 6, 2019:** Release v0.1, welcome to have a try and provide feedback.
</details>
# Getting Started
## Installation
Install the latest release from [PyPI](https://pypi.org/project/econml/):
```
pip install econml
```
To install from source, see [For Developers](#for-developers) section below.
## Usage Examples
### Estimation Methods
<details>
<summary>Double Machine Learning (aka RLearner) (click to expand)</summary>
* Linear final stage
```Python
from econml.dml import LinearDML
from sklearn.linear_model import LassoCV
from econml.inference import BootstrapInference
est = LinearDML(model_y=LassoCV(), model_t=LassoCV())
### Estimate with OLS confidence intervals
est.fit(Y, T, X=X, W=W) # W -> high-dimensional confounders, X -> features
treatment_effects = est.effect(X_test)
lb, ub = est.effect_interval(X_test, alpha=0.05) # OLS confidence intervals
### Estimate with bootstrap confidence intervals
est.fit(Y, T, X=X, W=W, inference='bootstrap') # with default bootstrap parameters
est.fit(Y, T, X=X, W=W, inference=BootstrapInference(n_bootstrap_samples=100)) # or customized
lb, ub = est.effect_interval(X_test, alpha=0.05) # Bootstrap confidence intervals
```
* Sparse linear final stage
```Python
from econml.dml import SparseLinearDML
from sklearn.linear_model import LassoCV
est = SparseLinearDML(model_y=LassoCV(), model_t=LassoCV())
est.fit(Y, T, X=X, W=W) # X -> high dimensional features
treatment_effects = est.effect(X_test)
lb, ub = est.effect_interval(X_test, alpha=0.05) # Confidence intervals via debiased lasso
```
* Generic Machine Learning last stage
```Python
from econml.dml import NonParamDML
from sklearn.ensemble import RandomForestRegressor, RandomForestClassifier
est = NonParamDML(model_y=RandomForestRegressor(),
model_t=RandomForestClassifier(),
model_final=RandomForestRegressor(),
discrete_treatment=True)
est.fit(Y, T, X=X, W=W)
treatment_effects = est.effect(X_test)
```
</details>
<details>
<summary>Dynamic Double Machine Learning (click to expand)</summary>
```Python
from econml.panel.dml import DynamicDML
# Use defaults
est = DynamicDML()
# Or specify hyperparameters
est = DynamicDML(model_y=LassoCV(cv=3),
model_t=LassoCV(cv=3),
cv=3)
est.fit(Y, T, X=X, W=None, groups=groups, inference="auto")
# Effects
treatment_effects = est.effect(X_test)
# Confidence intervals
lb, ub = est.effect_interval(X_test, alpha=0.05)
```
</details>
<details>
<summary>Causal Forests (click to expand)</summary>
```Python
from econml.dml import CausalForestDML
from sklearn.linear_model import LassoCV
# Use defaults
est = CausalForestDML()
# Or specify hyperparameters
est = CausalForestDML(criterion='het', n_estimators=500,
min_samples_leaf=10,
max_depth=10, max_samples=0.5,
discrete_treatment=False,
model_t=LassoCV(), model_y=LassoCV())
est.fit(Y, T, X=X, W=W)
treatment_effects = est.effect(X_test)
# Confidence intervals via Bootstrap-of-Little-Bags for forests
lb, ub = est.effect_interval(X_test, alpha=0.05)
```
</details>
<details>
<summary>Orthogonal Random Forests (click to expand)</summary>
```Python
from econml.orf import DMLOrthoForest, DROrthoForest
from econml.sklearn_extensions.linear_model import WeightedLasso, WeightedLassoCV
# Use defaults
est = DMLOrthoForest()
est = DROrthoForest()
# Or specify hyperparameters
est = DMLOrthoForest(n_trees=500, min_leaf_size=10,
max_depth=10, subsample_ratio=0.7,
lambda_reg=0.01,
discrete_treatment=False,
model_T=WeightedLasso(alpha=0.01), model_Y=WeightedLasso(alpha=0.01),
model_T_final=WeightedLassoCV(cv=3), model_Y_final=WeightedLassoCV(cv=3))
est.fit(Y, T, X=X, W=W)
treatment_effects = est.effect(X_test)
# Confidence intervals via Bootstrap-of-Little-Bags for forests
lb, ub = est.effect_interval(X_test, alpha=0.05)
```
</details>
<details>
<summary>Meta-Learners (click to expand)</summary>
* XLearner
```Python
from econml.metalearners import XLearner
from sklearn.ensemble import GradientBoostingClassifier, GradientBoostingRegressor
est = XLearner(models=GradientBoostingRegressor(),
propensity_model=GradientBoostingClassifier(),
cate_models=GradientBoostingRegressor())
est.fit(Y, T, X=np.hstack([X, W]))
treatment_effects = est.effect(np.hstack([X_test, W_test]))
# Fit with bootstrap confidence interval construction enabled
est.fit(Y, T, X=np.hstack([X, W]), inference='bootstrap')
treatment_effects = est.effect(np.hstack([X_test, W_test]))
lb, ub = est.effect_interval(np.hstack([X_test, W_test]), alpha=0.05) # Bootstrap CIs
```
* SLearner
```Python
from econml.metalearners import SLearner
from sklearn.ensemble import GradientBoostingRegressor
est = SLearner(overall_model=GradientBoostingRegressor())
est.fit(Y, T, X=np.hstack([X, W]))
treatment_effects = est.effect(np.hstack([X_test, W_test]))
```
* TLearner
```Python
from econml.metalearners import TLearner
from sklearn.ensemble import GradientBoostingRegressor
est = TLearner(models=GradientBoostingRegressor())
est.fit(Y, T, X=np.hstack([X, W]))
treatment_effects = est.effect(np.hstack([X_test, W_test]))
```
</details>
<details>
<summary>Doubly Robust Learners (click to expand)
</summary>
* Linear final stage
```Python
from econml.dr import LinearDRLearner
from sklearn.ensemble import GradientBoostingRegressor, GradientBoostingClassifier
est = LinearDRLearner(model_propensity=GradientBoostingClassifier(),
model_regression=GradientBoostingRegressor())
est.fit(Y, T, X=X, W=W)
treatment_effects = est.effect(X_test)
lb, ub = est.effect_interval(X_test, alpha=0.05)
```
* Sparse linear final stage
```Python
from econml.dr import SparseLinearDRLearner
from sklearn.ensemble import GradientBoostingRegressor, GradientBoostingClassifier
est = SparseLinearDRLearner(model_propensity=GradientBoostingClassifier(),
model_regression=GradientBoostingRegressor())
est.fit(Y, T, X=X, W=W)
treatment_effects = est.effect(X_test)
lb, ub = est.effect_interval(X_test, alpha=0.05)
```
* Nonparametric final stage
```Python
from econml.dr import ForestDRLearner
from sklearn.ensemble import GradientBoostingRegressor, GradientBoostingClassifier
est = ForestDRLearner(model_propensity=GradientBoostingClassifier(),
model_regression=GradientBoostingRegressor())
est.fit(Y, T, X=X, W=W)
treatment_effects = est.effect(X_test)
lb, ub = est.effect_interval(X_test, alpha=0.05)
```
</details>
<details>
<summary>Double Machine Learning with Instrumental Variables (click to expand)</summary>
* Orthogonal instrumental variable learner
```Python
from econml.iv.dml import OrthoIV
est = OrthoIV(projection=False,
discrete_treatment=True,
discrete_instrument=True)
est.fit(Y, T, Z=Z, X=X, W=W)
treatment_effects = est.effect(X_test)
lb, ub = est.effect_interval(X_test, alpha=0.05) # OLS confidence intervals
```
* Nonparametric double machine learning with instrumental variable
```Python
from econml.iv.dml import NonParamDMLIV
est = NonParamDMLIV(projection=False,
discrete_treatment=True,
discrete_instrument=True)
est.fit(Y, T, Z=Z, X=X, W=W) # no analytical confidence interval available
treatment_effects = est.effect(X_test)
```
</details>
<details>
<summary>Doubly Robust Machine Learning with Instrumental Variables (click to expand)</summary>
* Linear final stage
```Python
from econml.iv.dr import LinearDRIV
est = LinearDRIV(discrete_instrument=True, discrete_treatment=True)
est.fit(Y, T, Z=Z, X=X, W=W)
treatment_effects = est.effect(X_test)
lb, ub = est.effect_interval(X_test, alpha=0.05) # OLS confidence intervals
```
* Sparse linear final stage
```Python
from econml.iv.dr import SparseLinearDRIV
est = SparseLinearDRIV(discrete_instrument=True, discrete_treatment=True)
est.fit(Y, T, Z=Z, X=X, W=W)
treatment_effects = est.effect(X_test)
lb, ub = est.effect_interval(X_test, alpha=0.05) # Debiased lasso confidence intervals
```
* Nonparametric final stage
```Python
from econml.iv.dr import ForestDRIV
est = ForestDRIV(discrete_instrument=True, discrete_treatment=True)
est.fit(Y, T, Z=Z, X=X, W=W)
treatment_effects = est.effect(X_test)
# Confidence intervals via Bootstrap-of-Little-Bags for forests
lb, ub = est.effect_interval(X_test, alpha=0.05)
```
* Linear intent-to-treat (discrete instrument, discrete treatment)
```Python
from econml.iv.dr import LinearIntentToTreatDRIV
from sklearn.ensemble import GradientBoostingRegressor, GradientBoostingClassifier
est = LinearIntentToTreatDRIV(model_y_xw=GradientBoostingRegressor(),
model_t_xwz=GradientBoostingClassifier(),
flexible_model_effect=GradientBoostingRegressor())
est.fit(Y, T, Z=Z, X=X, W=W)
treatment_effects = est.effect(X_test)
lb, ub = est.effect_interval(X_test, alpha=0.05) # OLS confidence intervals
```
</details>
<details>
<summary>Deep Instrumental Variables (click to expand)</summary>
```Python
import keras
from econml.iv.nnet import DeepIV
treatment_model = keras.Sequential([keras.layers.Dense(128, activation='relu', input_shape=(2,)),
keras.layers.Dropout(0.17),
keras.layers.Dense(64, activation='relu'),
keras.layers.Dropout(0.17),
keras.layers.Dense(32, activation='relu'),
keras.layers.Dropout(0.17)])
response_model = keras.Sequential([keras.layers.Dense(128, activation='relu', input_shape=(2,)),
keras.layers.Dropout(0.17),
keras.layers.Dense(64, activation='relu'),
keras.layers.Dropout(0.17),
keras.layers.Dense(32, activation='relu'),
keras.layers.Dropout(0.17),
keras.layers.Dense(1)])
est = DeepIV(n_components=10, # Number of gaussians in the mixture density networks)
m=lambda z, x: treatment_model(keras.layers.concatenate([z, x])), # Treatment model
h=lambda t, x: response_model(keras.layers.concatenate([t, x])), # Response model
n_samples=1 # Number of samples used to estimate the response
)
est.fit(Y, T, X=X, Z=Z) # Z -> instrumental variables
treatment_effects = est.effect(X_test)
```
</details>
See the <a href="#references">References</a> section for more details.
### Interpretability
<details>
<summary>Tree Interpreter of the CATE model (click to expand)</summary>
```Python
from econml.cate_interpreter import SingleTreeCateInterpreter
intrp = SingleTreeCateInterpreter(include_model_uncertainty=True, max_depth=2, min_samples_leaf=10)
# We interpret the CATE model's behavior based on the features used for heterogeneity
intrp.interpret(est, X)
# Plot the tree
plt.figure(figsize=(25, 5))
intrp.plot(feature_names=['A', 'B', 'C', 'D'], fontsize=12)
plt.show()
```
![image](notebooks/images/dr_cate_tree.png)
</details>
<details>
<summary>Policy Interpreter of the CATE model (click to expand)</summary>
```Python
from econml.cate_interpreter import SingleTreePolicyInterpreter
# We find a tree-based treatment policy based on the CATE model
intrp = SingleTreePolicyInterpreter(risk_level=0.05, max_depth=2, min_samples_leaf=1,min_impurity_decrease=.001)
intrp.interpret(est, X, sample_treatment_costs=0.2)
# Plot the tree
plt.figure(figsize=(25, 5))
intrp.plot(feature_names=['A', 'B', 'C', 'D'], fontsize=12)
plt.show()
```
![image](notebooks/images/dr_policy_tree.png)
</details>
<details>
<summary>SHAP values for the CATE model (click to expand)</summary>
```Python
import shap
from econml.dml import CausalForestDML
est = CausalForestDML()
est.fit(Y, T, X=X, W=W)
shap_values = est.shap_values(X)
shap.summary_plot(shap_values['Y0']['T0'])
```
</details>
### Causal Model Selection and Cross-Validation
<details>
<summary>Causal model selection with the `RScorer` (click to expand)</summary>
```Python
from econml.score import RScorer
# split data in train-validation
X_train, X_val, T_train, T_val, Y_train, Y_val = train_test_split(X, T, y, test_size=.4)
# define list of CATE estimators to select among
reg = lambda: RandomForestRegressor(min_samples_leaf=20)
clf = lambda: RandomForestClassifier(min_samples_leaf=20)
models = [('ldml', LinearDML(model_y=reg(), model_t=clf(), discrete_treatment=True,
cv=3)),
('xlearner', XLearner(models=reg(), cate_models=reg(), propensity_model=clf())),
('dalearner', DomainAdaptationLearner(models=reg(), final_models=reg(), propensity_model=clf())),
('slearner', SLearner(overall_model=reg())),
('drlearner', DRLearner(model_propensity=clf(), model_regression=reg(),
model_final=reg(), cv=3)),
('rlearner', NonParamDML(model_y=reg(), model_t=clf(), model_final=reg(),
discrete_treatment=True, cv=3)),
('dml3dlasso', DML(model_y=reg(), model_t=clf(),
model_final=LassoCV(cv=3, fit_intercept=False),
discrete_treatment=True,
featurizer=PolynomialFeatures(degree=3),
cv=3))
]
# fit cate models on train data
models = [(name, mdl.fit(Y_train, T_train, X=X_train)) for name, mdl in models]
# score cate models on validation data
scorer = RScorer(model_y=reg(), model_t=clf(),
discrete_treatment=True, cv=3, mc_iters=2, mc_agg='median')
scorer.fit(Y_val, T_val, X=X_val)
rscore = [scorer.score(mdl) for _, mdl in models]
# select the best model
mdl, _ = scorer.best_model([mdl for _, mdl in models])
# create weighted ensemble model based on score performance
mdl, _ = scorer.ensemble([mdl for _, mdl in models])
```
</details>
<details>
<summary>First Stage Model Selection (click to expand)</summary>
First stage models can be selected either by passing in cross-validated models (e.g. `sklearn.linear_model.LassoCV`) to EconML's estimators or perform the first stage model selection outside of EconML and pass in the selected model. Unless selecting among a large set of hyperparameters, choosing first stage models externally is the preferred method due to statistical and computational advantages.
```Python
from econml.dml import LinearDML
from sklearn import clone
from sklearn.ensemble import RandomForestRegressor
from sklearn.model_selection import GridSearchCV
cv_model = GridSearchCV(
estimator=RandomForestRegressor(),
param_grid={
"max_depth": [3, None],
"n_estimators": (10, 30, 50, 100, 200),
"max_features": (2, 4, 6),
},
cv=5,
)
# First stage model selection within EconML
# This is more direct, but computationally and statistically less efficient
est = LinearDML(model_y=cv_model, model_t=cv_model)
# First stage model selection ouside of EconML
# This is the most efficient, but requires boilerplate code
model_t = clone(cv_model).fit(W, T).best_estimator_
model_y = clone(cv_model).fit(W, Y).best_estimator_
est = LinearDML(model_y=model_t, model_t=model_y)
```
</details>
### Inference
Whenever inference is enabled, then one can get a more structure `InferenceResults` object with more elaborate inference information, such
as p-values and z-statistics. When the CATE model is linear and parametric, then a `summary()` method is also enabled. For instance:
```Python
from econml.dml import LinearDML
# Use defaults
est = LinearDML()
est.fit(Y, T, X=X, W=W)
# Get the effect inference summary, which includes the standard error, z test score, p value, and confidence interval given each sample X[i]
est.effect_inference(X_test).summary_frame(alpha=0.05, value=0, decimals=3)
# Get the population summary for the entire sample X
est.effect_inference(X_test).population_summary(alpha=0.1, value=0, decimals=3, tol=0.001)
# Get the parameter inference summary for the final model
est.summary()
```
<details><summary>Example Output (click to expand)</summary>
```Python
# Get the effect inference summary, which includes the standard error, z test score, p value, and confidence interval given each sample X[i]
est.effect_inference(X_test).summary_frame(alpha=0.05, value=0, decimals=3)
```
![image](notebooks/images/summary_frame.png)
```Python
# Get the population summary for the entire sample X
est.effect_inference(X_test).population_summary(alpha=0.1, value=0, decimals=3, tol=0.001)
```
![image](notebooks/images/population_summary.png)
```Python
# Get the parameter inference summary for the final model
est.summary()
```
![image](notebooks/images/summary.png)
</details>
### Policy Learning
You can also perform direct policy learning from observational data, using the doubly robust method for offline
policy learning. These methods directly predict a recommended treatment, without internally fitting an explicit
model of the conditional average treatment effect.
<details>
<summary>Doubly Robust Policy Learning (click to expand)</summary>
```Python
from econml.policy import DRPolicyTree, DRPolicyForest
from sklearn.ensemble import RandomForestRegressor
# fit a single binary decision tree policy
policy = DRPolicyTree(max_depth=1, min_impurity_decrease=0.01, honest=True)
policy.fit(y, T, X=X, W=W)
# predict the recommended treatment
recommended_T = policy.predict(X)
# plot the binary decision tree
plt.figure(figsize=(10,5))
policy.plot()
# get feature importances
importances = policy.feature_importances_
# fit a binary decision forest
policy = DRPolicyForest(max_depth=1, min_impurity_decrease=0.01, honest=True)
policy.fit(y, T, X=X, W=W)
# predict the recommended treatment
recommended_T = policy.predict(X)
# plot the first tree in the ensemble
plt.figure(figsize=(10,5))
policy.plot(0)
# get feature importances
importances = policy.feature_importances_
```
![image](images/policy_tree.png)
</details>
To see more complex examples, go to the [notebooks](https://github.com/py-why/EconML/tree/main/notebooks) section of the repository. For a more detailed description of the treatment effect estimation algorithms, see the EconML [documentation](https://econml.azurewebsites.net/).
# For Developers
You can get started by cloning this repository. We use
[setuptools](https://setuptools.readthedocs.io/en/latest/index.html) for building and distributing our package.
We rely on some recent features of setuptools, so make sure to upgrade to a recent version with
`pip install setuptools --upgrade`. Then from your local copy of the repository you can run `pip install -e .` to get started (but depending on what you're doing you might want to install with extras instead, like `pip install -e .[plt]` if you want to use matplotlib integration, or you can use `pip install -e .[all]` to include all extras).
## Help wanted
If you're looking to contribute to the project, we have a number of issues tagged with the [`help wanted`](https://github.com/py-why/EconML/issues?q=is%3Aopen+is%3Aissue+label%3A%22help+wanted%22) label that are valuable improvements to the library that our team currently does not have time to prioritize where we would greatly appreciate community-initiated PRs.
## Running the tests
This project uses [pytest](https://docs.pytest.org/) for testing. To run all tests locally after installing the package, you can use `pip install pytest-runner` followed by `python setup.py pytest`.
However, running all tests can be very time-consuming, so you may prefer to run just a relevant subset of tests when developing locally. The easiest way to do this is to rely on `pytest`'s compatibility with `unittest`, so you can just run `python -m unittest econml.tests.test_module` to run all tests in a given module, or `python -m unittest econml.tests.test_module.TestClass` to run all tests in a given class. You can also run `python -m unittest econml.tests.test_module.TestClass.test_method` to run a single test method.
## Generating the documentation
This project's documentation is generated via [Sphinx](https://www.sphinx-doc.org/en/main/index.html). Note that we use [graphviz](https://graphviz.org/)'s
`dot` application to produce some of the images in our documentation, so you should make sure that `dot` is installed and in your path.
To generate a local copy of the documentation from a clone of this repository, just run `python setup.py build_sphinx -W -E -a`, which will build the documentation and place it under the `build/sphinx/html` path.
The reStructuredText files that make up the documentation are stored in the [docs directory](https://github.com/py-why/EconML/tree/main/doc); module documentation is automatically generated by the Sphinx build process.
## Release process
We use GitHub Actions to build and publish the package and documentation. To create a new release, an admin should perform the following steps:
1. Update the version number in `econml/_version.py` and add a mention of the new version in the news section of this file and commit the changes.
2. Manually run the publish_package.yml workflow to build and publish the package to PyPI.
3. Manually run the publish_docs.yml workflow to build and publish the documentation.
4. Under https://github.com/py-why/EconML/releases, create a new release with a corresponding tag, and update the release notes.
# Blogs and Publications
* May 2021: [Be Careful When Interpreting Predictive Models in Search of Causal Insights](https://towardsdatascience.com/be-careful-when-interpreting-predictive-models-in-search-of-causal-insights-e68626e664b6)
* June 2019: [Treatment Effects with Instruments paper](https://arxiv.org/pdf/1905.10176.pdf)
* May 2019: [Open Data Science Conference Workshop](https://odsc.com/speakers/machine-learning-estimation-of-heterogeneous-treatment-effect-the-microsoft-econml-library/)
* 2018: [Orthogonal Random Forests paper](http://proceedings.mlr.press/v97/oprescu19a.html)
* 2017: [DeepIV paper](http://proceedings.mlr.press/v70/hartford17a/hartford17a.pdf)
# Citation
If you use EconML in your research, please cite us as follows:
Keith Battocchi, Eleanor Dillon, Maggie Hei, Greg Lewis, Paul Oka, Miruna Oprescu, Vasilis Syrgkanis. **EconML: A Python Package for ML-Based Heterogeneous Treatment Effects Estimation.** https://github.com/py-why/EconML, 2019. Version 0.x.
BibTex:
```
@misc{econml,
author={Keith Battocchi, Eleanor Dillon, Maggie Hei, Greg Lewis, Paul Oka, Miruna Oprescu, Vasilis Syrgkanis},
title={{EconML}: {A Python Package for ML-Based Heterogeneous Treatment Effects Estimation}},
howpublished={https://github.com/py-why/EconML},
note={Version 0.x},
year={2019}
}
```
# Contributing and Feedback
This project welcomes contributions and suggestions. We use the [DCO bot](https://github.com/apps/dco) to enforce a [Developer Certificate of Origin](https://developercertificate.org/) which requires users to sign-off on their commits. This is a simple way to certify that you wrote or otherwise have the right to submit the code you are contributing to the project. Git provides a `-s` command line option to include this automatically when you commit via `git commit`.
When you submit a pull request, a CLA-bot will automatically determine whether you need to provide
a CLA and decorate the PR appropriately (e.g., label, comment). Simply follow the instructions
provided by the bot. You will only need to do this once across all repos using our CLA.
This project has adopted the [PyWhy Code of Conduct](https://github.com/py-why/governance/blob/main/CODE-OF-CONDUCT.md).
# Community
<a href="https://pywhy.org/">
<img src="doc/spec/img/pywhy-logo.png" width="80px" align="left" style="margin-right: 10px;", alt="pywhy-logo">
</a>
EconML is a part of [PyWhy](https://www.pywhy.org/), an organization with a mission to build an open-source ecosystem for causal machine learning.
PyWhy also has a [Discord](https://discord.gg/cSBGb3vsZb), which serves as a space for like-minded casual machine learning researchers and practitioners of all experience levels to come together to ask and answer questions, discuss new features, and share ideas.
We invite you to join us at regular office hours and community calls in the Discord.
# References
Athey, Susan, and Stefan Wager.
**Policy learning with observational data.**
[*Econometrica 89.1, 133-161*](https://doi.org/10.3982/ECTA15732), 2021.
X Nie, S Wager.
**Quasi-Oracle Estimation of Heterogeneous Treatment Effects.**
[*Biometrika 108.2, 299-319*](https://doi.org/10.1093/biomet/asaa076), 2021.
V. Syrgkanis, V. Lei, M. Oprescu, M. Hei, K. Battocchi, G. Lewis.
**Machine Learning Estimation of Heterogeneous Treatment Effects with Instruments.**
[*Proceedings of the 33rd Conference on Neural Information Processing Systems (NeurIPS)*](https://arxiv.org/abs/1905.10176), 2019.
**(Spotlight Presentation)**
D. Foster, V. Syrgkanis.
**Orthogonal Statistical Learning.**
[*Proceedings of the 32nd Annual Conference on Learning Theory (COLT)*](https://arxiv.org/pdf/1901.09036.pdf), 2019.
**(Best Paper Award)**
M. Oprescu, V. Syrgkanis and Z. S. Wu.
**Orthogonal Random Forest for Causal Inference.**
[*Proceedings of the 36th International Conference on Machine Learning (ICML)*](http://proceedings.mlr.press/v97/oprescu19a.html), 2019.
S. Künzel, J. Sekhon, J. Bickel and B. Yu.
**Metalearners for estimating heterogeneous treatment effects using machine learning.**
[*Proceedings of the national academy of sciences, 116(10), 4156-4165*](https://www.pnas.org/content/116/10/4156), 2019.
S. Athey, J. Tibshirani, S. Wager.
**Generalized random forests.**
[*Annals of Statistics, 47, no. 2, 1148--1178*](https://projecteuclid.org/euclid.aos/1547197251), 2019.
V. Chernozhukov, D. Nekipelov, V. Semenova, V. Syrgkanis.
**Plug-in Regularized Estimation of High-Dimensional Parameters in Nonlinear Semiparametric Models.**
[*Arxiv preprint arxiv:1806.04823*](https://arxiv.org/abs/1806.04823), 2018.
S. Wager, S. Athey.
**Estimation and Inference of Heterogeneous Treatment Effects using Random Forests.**
[*Journal of the American Statistical Association, 113:523, 1228-1242*](https://www.tandfonline.com/doi/citedby/10.1080/01621459.2017.1319839), 2018.
Jason Hartford, Greg Lewis, Kevin Leyton-Brown, and Matt Taddy. **Deep IV: A flexible approach for counterfactual prediction.** [*Proceedings of the 34th International Conference on Machine Learning, ICML'17*](http://proceedings.mlr.press/v70/hartford17a/hartford17a.pdf), 2017.
V. Chernozhukov, D. Chetverikov, M. Demirer, E. Duflo, C. Hansen, and a. W. Newey. **Double Machine Learning for Treatment and Causal Parameters.** [*ArXiv preprint arXiv:1608.00060*](https://arxiv.org/abs/1608.00060), 2016.
Dudik, M., Erhan, D., Langford, J., & Li, L.
**Doubly robust policy evaluation and optimization.**
[*Statistical Science, 29(4), 485-511*](https://projecteuclid.org/journals/statistical-science/volume-29/issue-4/Doubly-Robust-Policy-Evaluation-and-Optimization/10.1214/14-STS500.full), 2014.
Raw data
{
"_id": null,
"home_page": null,
"name": "econml",
"maintainer": null,
"docs_url": null,
"requires_python": ">=3.8",
"maintainer_email": null,
"keywords": "treatment-effect",
"author": "PyWhy contributors",
"author_email": null,
"download_url": "https://files.pythonhosted.org/packages/57/f6/e810a455705824b3db88f1f07c00e56d18f93aeae450d8defcb7f764bd57/econml-0.15.1.tar.gz",
"platform": null,
"description": "[![Build status](https://github.com/py-why/EconML/actions/workflows/ci.yml/badge.svg)](https://github.com/py-why/EconML/actions/workflows/ci.yml)\n[![PyPI version](https://img.shields.io/pypi/v/econml.svg)](https://pypi.org/project/econml/)\n[![PyPI wheel](https://img.shields.io/pypi/wheel/econml.svg)](https://pypi.org/project/econml/)\n[![Supported Python versions](https://img.shields.io/pypi/pyversions/econml.svg)](https://pypi.org/project/econml/)\n\n<h1>\n<a href=\"https://econml.azurewebsites.net/\">\n<img src=\"doc/econml-logo-icon.png\" width=\"80px\" align=\"left\" style=\"margin-right: 10px;\", alt=\"econml-logo\"> \n</a> EconML: A Python Package for ML-Based Heterogeneous Treatment Effects Estimation\n</h1>\n\n**EconML** is a Python package for estimating heterogeneous treatment effects from observational data via machine learning. This package was designed and built as part of the [ALICE project](https://www.microsoft.com/en-us/research/project/alice/) at Microsoft Research with the goal to combine state-of-the-art machine learning \ntechniques with econometrics to bring automation to complex causal inference problems. The promise of EconML:\n\n* Implement recent techniques in the literature at the intersection of econometrics and machine learning\n* Maintain flexibility in modeling the effect heterogeneity (via techniques such as random forests, boosting, lasso and neural nets), while preserving the causal interpretation of the learned model and often offering valid confidence intervals\n* Use a unified API\n* Build on standard Python packages for Machine Learning and Data Analysis\n\nOne of the biggest promises of machine learning is to automate decision making in a multitude of domains. At the core of many data-driven personalized decision scenarios is the estimation of heterogeneous treatment effects: what is the causal effect of an intervention on an outcome of interest for a sample with a particular set of features? In a nutshell, this toolkit is designed to measure the causal effect of some treatment variable(s) `T` on an outcome \nvariable `Y`, controlling for a set of features `X, W` and how does that effect vary as a function of `X`. The methods implemented are applicable even with observational (non-experimental or historical) datasets. For the estimation results to have a causal interpretation, some methods assume no unobserved confounders (i.e. there is no unobserved variable not included in `X, W` that simultaneously has an effect on both `T` and `Y`), while others assume access to an instrument `Z` (i.e. an observed variable `Z` that has an effect on the treatment `T` but no direct effect on the outcome `Y`). Most methods provide confidence intervals and inference results.\n\nFor detailed information about the package, consult the documentation at https://econml.azurewebsites.net/.\n\nFor information on use cases and background material on causal inference and heterogeneous treatment effects see our webpage at https://www.microsoft.com/en-us/research/project/econml/\n\n<details>\n<summary><strong><em>Table of Contents</em></strong></summary>\n\n- [News](#news)\n- [Getting Started](#getting-started)\n - [Installation](#installation)\n - [Usage Examples](#usage-examples)\n - [Estimation Methods](#estimation-methods)\n - [Interpretability](#interpretability)\n - [Causal Model Selection and Cross-Validation](#causal-model-selection-and-cross-validation)\n - [Inference](#inference)\n - [Policy Learning](#policy-learning)\n- [For Developers](#for-developers)\n - [Running the tests](#running-the-tests)\n - [Generating the documentation](#generating-the-documentation)\n- [Blogs and Publications](#blogs-and-publications)\n- [Citation](#citation)\n- [Contributing and Feedback](#contributing-and-feedback)\n- [Community](#community)\n- [References](#references)\n\n</details>\n\n# News\n\nIf you'd like to contribute to this project, see the [Help Wanted](#help-wanted) section below.\n\n**July 3, 2024:** Release v0.15.1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.15.1)\n\n<details><summary>Previous releases</summary>\n\n**February 12, 2024:** Release v0.15.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.15.0)\n\n**November 11, 2023:** Release v0.15.0b1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.15.0b1)\n\n**May 19, 2023:** Release v0.14.1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.14.1)\n\n**November 16, 2022:** Release v0.14.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.14.0)\n\n**June 17, 2022:** Release v0.13.1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.13.1)\n\n**January 31, 2022:** Release v0.13.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.13.0)\n\n**August 13, 2021:** Release v0.12.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.12.0)\n\n**August 5, 2021:** Release v0.12.0b6, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.12.0b6)\n\n**August 3, 2021:** Release v0.12.0b5, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.12.0b5)\n\n**July 9, 2021:** Release v0.12.0b4, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.12.0b4)\n\n**June 25, 2021:** Release v0.12.0b3, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.12.0b3)\n\n**June 18, 2021:** Release v0.12.0b2, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.12.0b2)\n\n**June 7, 2021:** Release v0.12.0b1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.12.0b1)\n\n**May 18, 2021:** Release v0.11.1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.11.1)\n\n**May 8, 2021:** Release v0.11.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.11.0)\n\n**March 22, 2021:** Release v0.10.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.10.0)\n\n**March 11, 2021:** Release v0.9.2, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.9.2)\n\n**March 3, 2021:** Release v0.9.1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.9.1)\n\n**February 20, 2021:** Release v0.9.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.9.0)\n\n**January 20, 2021:** Release v0.9.0b1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.9.0b1)\n\n**November 20, 2020:** Release v0.8.1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.8.1)\n\n**November 18, 2020:** Release v0.8.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.8.0)\n\n**September 4, 2020:** Release v0.8.0b1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.8.0b1)\n\n**March 6, 2020:** Release v0.7.0, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.7.0)\n\n**February 18, 2020:** Release v0.7.0b1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.7.0b1)\n\n**January 10, 2020:** Release v0.6.1, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.6.1)\n\n**December 6, 2019:** Release v0.6, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.6)\n\n**November 21, 2019:** Release v0.5, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.5). \n\n**June 3, 2019:** Release v0.4, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.4). \n\n**May 3, 2019:** Release v0.3, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.3).\n\n**April 10, 2019:** Release v0.2, see release notes [here](https://github.com/py-why/EconML/releases/tag/v0.2).\n\n**March 6, 2019:** Release v0.1, welcome to have a try and provide feedback.\n\n</details>\n\n# Getting Started\n\n## Installation\n\nInstall the latest release from [PyPI](https://pypi.org/project/econml/):\n```\npip install econml\n```\nTo install from source, see [For Developers](#for-developers) section below.\n\n## Usage Examples\n### Estimation Methods\n\n<details>\n <summary>Double Machine Learning (aka RLearner) (click to expand)</summary>\n\n * Linear final stage\n\n ```Python\n from econml.dml import LinearDML\n from sklearn.linear_model import LassoCV\n from econml.inference import BootstrapInference\n\n est = LinearDML(model_y=LassoCV(), model_t=LassoCV())\n ### Estimate with OLS confidence intervals\n est.fit(Y, T, X=X, W=W) # W -> high-dimensional confounders, X -> features\n treatment_effects = est.effect(X_test)\n lb, ub = est.effect_interval(X_test, alpha=0.05) # OLS confidence intervals\n\n ### Estimate with bootstrap confidence intervals\n est.fit(Y, T, X=X, W=W, inference='bootstrap') # with default bootstrap parameters\n est.fit(Y, T, X=X, W=W, inference=BootstrapInference(n_bootstrap_samples=100)) # or customized\n lb, ub = est.effect_interval(X_test, alpha=0.05) # Bootstrap confidence intervals\n ```\n\n * Sparse linear final stage\n\n ```Python\n from econml.dml import SparseLinearDML\n from sklearn.linear_model import LassoCV\n\n est = SparseLinearDML(model_y=LassoCV(), model_t=LassoCV())\n est.fit(Y, T, X=X, W=W) # X -> high dimensional features\n treatment_effects = est.effect(X_test)\n lb, ub = est.effect_interval(X_test, alpha=0.05) # Confidence intervals via debiased lasso\n ```\n\n * Generic Machine Learning last stage\n \n ```Python\n from econml.dml import NonParamDML\n from sklearn.ensemble import RandomForestRegressor, RandomForestClassifier\n\n est = NonParamDML(model_y=RandomForestRegressor(),\n model_t=RandomForestClassifier(),\n model_final=RandomForestRegressor(),\n discrete_treatment=True)\n est.fit(Y, T, X=X, W=W) \n treatment_effects = est.effect(X_test)\n ```\n\n</details>\n\n<details>\n <summary>Dynamic Double Machine Learning (click to expand)</summary>\n\n ```Python\n from econml.panel.dml import DynamicDML\n # Use defaults\n est = DynamicDML()\n # Or specify hyperparameters\n est = DynamicDML(model_y=LassoCV(cv=3), \n model_t=LassoCV(cv=3), \n cv=3)\n est.fit(Y, T, X=X, W=None, groups=groups, inference=\"auto\")\n # Effects\n treatment_effects = est.effect(X_test)\n # Confidence intervals\n lb, ub = est.effect_interval(X_test, alpha=0.05)\n ```\n</details>\n\n<details>\n <summary>Causal Forests (click to expand)</summary>\n\n ```Python\n from econml.dml import CausalForestDML\n from sklearn.linear_model import LassoCV\n # Use defaults\n est = CausalForestDML()\n # Or specify hyperparameters\n est = CausalForestDML(criterion='het', n_estimators=500, \n min_samples_leaf=10, \n max_depth=10, max_samples=0.5,\n discrete_treatment=False,\n model_t=LassoCV(), model_y=LassoCV())\n est.fit(Y, T, X=X, W=W)\n treatment_effects = est.effect(X_test)\n # Confidence intervals via Bootstrap-of-Little-Bags for forests\n lb, ub = est.effect_interval(X_test, alpha=0.05)\n ```\n</details>\n\n\n<details>\n <summary>Orthogonal Random Forests (click to expand)</summary>\n\n ```Python\n from econml.orf import DMLOrthoForest, DROrthoForest\n from econml.sklearn_extensions.linear_model import WeightedLasso, WeightedLassoCV\n # Use defaults\n est = DMLOrthoForest()\n est = DROrthoForest()\n # Or specify hyperparameters\n est = DMLOrthoForest(n_trees=500, min_leaf_size=10,\n max_depth=10, subsample_ratio=0.7,\n lambda_reg=0.01,\n discrete_treatment=False,\n model_T=WeightedLasso(alpha=0.01), model_Y=WeightedLasso(alpha=0.01),\n model_T_final=WeightedLassoCV(cv=3), model_Y_final=WeightedLassoCV(cv=3))\n est.fit(Y, T, X=X, W=W)\n treatment_effects = est.effect(X_test)\n # Confidence intervals via Bootstrap-of-Little-Bags for forests\n lb, ub = est.effect_interval(X_test, alpha=0.05)\n ```\n</details>\n\n<details>\n\n<summary>Meta-Learners (click to expand)</summary>\n \n * XLearner\n\n ```Python\n from econml.metalearners import XLearner\n from sklearn.ensemble import GradientBoostingClassifier, GradientBoostingRegressor\n\n est = XLearner(models=GradientBoostingRegressor(),\n propensity_model=GradientBoostingClassifier(),\n cate_models=GradientBoostingRegressor())\n est.fit(Y, T, X=np.hstack([X, W]))\n treatment_effects = est.effect(np.hstack([X_test, W_test]))\n\n # Fit with bootstrap confidence interval construction enabled\n est.fit(Y, T, X=np.hstack([X, W]), inference='bootstrap')\n treatment_effects = est.effect(np.hstack([X_test, W_test]))\n lb, ub = est.effect_interval(np.hstack([X_test, W_test]), alpha=0.05) # Bootstrap CIs\n ```\n \n * SLearner\n\n ```Python\n from econml.metalearners import SLearner\n from sklearn.ensemble import GradientBoostingRegressor\n\n est = SLearner(overall_model=GradientBoostingRegressor())\n est.fit(Y, T, X=np.hstack([X, W]))\n treatment_effects = est.effect(np.hstack([X_test, W_test]))\n ```\n\n * TLearner\n\n ```Python\n from econml.metalearners import TLearner\n from sklearn.ensemble import GradientBoostingRegressor\n\n est = TLearner(models=GradientBoostingRegressor())\n est.fit(Y, T, X=np.hstack([X, W]))\n treatment_effects = est.effect(np.hstack([X_test, W_test]))\n ```\n</details>\n\n<details>\n<summary>Doubly Robust Learners (click to expand)\n</summary>\n\n* Linear final stage\n\n```Python\nfrom econml.dr import LinearDRLearner\nfrom sklearn.ensemble import GradientBoostingRegressor, GradientBoostingClassifier\n\nest = LinearDRLearner(model_propensity=GradientBoostingClassifier(),\n model_regression=GradientBoostingRegressor())\nest.fit(Y, T, X=X, W=W)\ntreatment_effects = est.effect(X_test)\nlb, ub = est.effect_interval(X_test, alpha=0.05)\n```\n\n* Sparse linear final stage\n\n```Python\nfrom econml.dr import SparseLinearDRLearner\nfrom sklearn.ensemble import GradientBoostingRegressor, GradientBoostingClassifier\n\nest = SparseLinearDRLearner(model_propensity=GradientBoostingClassifier(),\n model_regression=GradientBoostingRegressor())\nest.fit(Y, T, X=X, W=W)\ntreatment_effects = est.effect(X_test)\nlb, ub = est.effect_interval(X_test, alpha=0.05)\n```\n\n* Nonparametric final stage\n\n```Python\nfrom econml.dr import ForestDRLearner\nfrom sklearn.ensemble import GradientBoostingRegressor, GradientBoostingClassifier\n\nest = ForestDRLearner(model_propensity=GradientBoostingClassifier(),\n model_regression=GradientBoostingRegressor())\nest.fit(Y, T, X=X, W=W) \ntreatment_effects = est.effect(X_test)\nlb, ub = est.effect_interval(X_test, alpha=0.05)\n```\n</details>\n\n<details>\n<summary>Double Machine Learning with Instrumental Variables (click to expand)</summary>\n\n* Orthogonal instrumental variable learner\n\n```Python\nfrom econml.iv.dml import OrthoIV\n\nest = OrthoIV(projection=False, \n discrete_treatment=True, \n discrete_instrument=True)\nest.fit(Y, T, Z=Z, X=X, W=W)\ntreatment_effects = est.effect(X_test)\nlb, ub = est.effect_interval(X_test, alpha=0.05) # OLS confidence intervals\n```\n* Nonparametric double machine learning with instrumental variable\n\n```Python\nfrom econml.iv.dml import NonParamDMLIV\n\nest = NonParamDMLIV(projection=False, \n discrete_treatment=True, \n discrete_instrument=True)\nest.fit(Y, T, Z=Z, X=X, W=W) # no analytical confidence interval available\ntreatment_effects = est.effect(X_test)\n```\n</details>\n\n<details>\n<summary>Doubly Robust Machine Learning with Instrumental Variables (click to expand)</summary>\n\n* Linear final stage\n```Python\nfrom econml.iv.dr import LinearDRIV\n\nest = LinearDRIV(discrete_instrument=True, discrete_treatment=True)\nest.fit(Y, T, Z=Z, X=X, W=W)\ntreatment_effects = est.effect(X_test)\nlb, ub = est.effect_interval(X_test, alpha=0.05) # OLS confidence intervals\n```\n\n* Sparse linear final stage\n\n```Python\nfrom econml.iv.dr import SparseLinearDRIV\n\nest = SparseLinearDRIV(discrete_instrument=True, discrete_treatment=True)\nest.fit(Y, T, Z=Z, X=X, W=W)\ntreatment_effects = est.effect(X_test)\nlb, ub = est.effect_interval(X_test, alpha=0.05) # Debiased lasso confidence intervals\n```\n\n* Nonparametric final stage\n```Python\nfrom econml.iv.dr import ForestDRIV\n\nest = ForestDRIV(discrete_instrument=True, discrete_treatment=True)\nest.fit(Y, T, Z=Z, X=X, W=W)\ntreatment_effects = est.effect(X_test)\n# Confidence intervals via Bootstrap-of-Little-Bags for forests\nlb, ub = est.effect_interval(X_test, alpha=0.05) \n```\n\n* Linear intent-to-treat (discrete instrument, discrete treatment)\n\n```Python\nfrom econml.iv.dr import LinearIntentToTreatDRIV\nfrom sklearn.ensemble import GradientBoostingRegressor, GradientBoostingClassifier\n\nest = LinearIntentToTreatDRIV(model_y_xw=GradientBoostingRegressor(),\n model_t_xwz=GradientBoostingClassifier(),\n flexible_model_effect=GradientBoostingRegressor())\nest.fit(Y, T, Z=Z, X=X, W=W)\ntreatment_effects = est.effect(X_test)\nlb, ub = est.effect_interval(X_test, alpha=0.05) # OLS confidence intervals\n```\n</details>\n\n<details>\n<summary>Deep Instrumental Variables (click to expand)</summary>\n\n```Python\nimport keras\nfrom econml.iv.nnet import DeepIV\n\ntreatment_model = keras.Sequential([keras.layers.Dense(128, activation='relu', input_shape=(2,)),\n keras.layers.Dropout(0.17),\n keras.layers.Dense(64, activation='relu'),\n keras.layers.Dropout(0.17),\n keras.layers.Dense(32, activation='relu'),\n keras.layers.Dropout(0.17)])\nresponse_model = keras.Sequential([keras.layers.Dense(128, activation='relu', input_shape=(2,)),\n keras.layers.Dropout(0.17),\n keras.layers.Dense(64, activation='relu'),\n keras.layers.Dropout(0.17),\n keras.layers.Dense(32, activation='relu'),\n keras.layers.Dropout(0.17),\n keras.layers.Dense(1)])\nest = DeepIV(n_components=10, # Number of gaussians in the mixture density networks)\n m=lambda z, x: treatment_model(keras.layers.concatenate([z, x])), # Treatment model\n h=lambda t, x: response_model(keras.layers.concatenate([t, x])), # Response model\n n_samples=1 # Number of samples used to estimate the response\n )\nest.fit(Y, T, X=X, Z=Z) # Z -> instrumental variables\ntreatment_effects = est.effect(X_test)\n```\n</details>\n\nSee the <a href=\"#references\">References</a> section for more details.\n\n### Interpretability\n<details>\n <summary>Tree Interpreter of the CATE model (click to expand)</summary>\n \n ```Python\n from econml.cate_interpreter import SingleTreeCateInterpreter\n intrp = SingleTreeCateInterpreter(include_model_uncertainty=True, max_depth=2, min_samples_leaf=10)\n # We interpret the CATE model's behavior based on the features used for heterogeneity\n intrp.interpret(est, X)\n # Plot the tree\n plt.figure(figsize=(25, 5))\n intrp.plot(feature_names=['A', 'B', 'C', 'D'], fontsize=12)\n plt.show()\n ```\n ![image](notebooks/images/dr_cate_tree.png)\n \n</details>\n\n<details>\n <summary>Policy Interpreter of the CATE model (click to expand)</summary>\n\n ```Python\n from econml.cate_interpreter import SingleTreePolicyInterpreter\n # We find a tree-based treatment policy based on the CATE model\n intrp = SingleTreePolicyInterpreter(risk_level=0.05, max_depth=2, min_samples_leaf=1,min_impurity_decrease=.001)\n intrp.interpret(est, X, sample_treatment_costs=0.2)\n # Plot the tree\n plt.figure(figsize=(25, 5))\n intrp.plot(feature_names=['A', 'B', 'C', 'D'], fontsize=12)\n plt.show()\n ```\n ![image](notebooks/images/dr_policy_tree.png)\n\n</details>\n\n<details>\n <summary>SHAP values for the CATE model (click to expand)</summary>\n\n ```Python\n import shap\n from econml.dml import CausalForestDML\n est = CausalForestDML()\n est.fit(Y, T, X=X, W=W)\n shap_values = est.shap_values(X)\n shap.summary_plot(shap_values['Y0']['T0'])\n ```\n\n</details>\n\n\n### Causal Model Selection and Cross-Validation\n\n\n<details>\n <summary>Causal model selection with the `RScorer` (click to expand)</summary>\n\n ```Python\n from econml.score import RScorer\n\n # split data in train-validation\n X_train, X_val, T_train, T_val, Y_train, Y_val = train_test_split(X, T, y, test_size=.4)\n\n # define list of CATE estimators to select among\n reg = lambda: RandomForestRegressor(min_samples_leaf=20)\n clf = lambda: RandomForestClassifier(min_samples_leaf=20)\n models = [('ldml', LinearDML(model_y=reg(), model_t=clf(), discrete_treatment=True,\n cv=3)),\n ('xlearner', XLearner(models=reg(), cate_models=reg(), propensity_model=clf())),\n ('dalearner', DomainAdaptationLearner(models=reg(), final_models=reg(), propensity_model=clf())),\n ('slearner', SLearner(overall_model=reg())),\n ('drlearner', DRLearner(model_propensity=clf(), model_regression=reg(),\n model_final=reg(), cv=3)),\n ('rlearner', NonParamDML(model_y=reg(), model_t=clf(), model_final=reg(),\n discrete_treatment=True, cv=3)),\n ('dml3dlasso', DML(model_y=reg(), model_t=clf(),\n model_final=LassoCV(cv=3, fit_intercept=False),\n discrete_treatment=True,\n featurizer=PolynomialFeatures(degree=3),\n cv=3))\n ]\n\n # fit cate models on train data\n models = [(name, mdl.fit(Y_train, T_train, X=X_train)) for name, mdl in models]\n\n # score cate models on validation data\n scorer = RScorer(model_y=reg(), model_t=clf(),\n discrete_treatment=True, cv=3, mc_iters=2, mc_agg='median')\n scorer.fit(Y_val, T_val, X=X_val)\n rscore = [scorer.score(mdl) for _, mdl in models]\n # select the best model\n mdl, _ = scorer.best_model([mdl for _, mdl in models])\n # create weighted ensemble model based on score performance\n mdl, _ = scorer.ensemble([mdl for _, mdl in models])\n ```\n\n</details>\n\n<details>\n <summary>First Stage Model Selection (click to expand)</summary>\n\nFirst stage models can be selected either by passing in cross-validated models (e.g. `sklearn.linear_model.LassoCV`) to EconML's estimators or perform the first stage model selection outside of EconML and pass in the selected model. Unless selecting among a large set of hyperparameters, choosing first stage models externally is the preferred method due to statistical and computational advantages.\n\n```Python\nfrom econml.dml import LinearDML\nfrom sklearn import clone\nfrom sklearn.ensemble import RandomForestRegressor\nfrom sklearn.model_selection import GridSearchCV\n\ncv_model = GridSearchCV(\n estimator=RandomForestRegressor(),\n param_grid={\n \"max_depth\": [3, None],\n \"n_estimators\": (10, 30, 50, 100, 200),\n \"max_features\": (2, 4, 6),\n },\n cv=5,\n )\n# First stage model selection within EconML\n# This is more direct, but computationally and statistically less efficient\nest = LinearDML(model_y=cv_model, model_t=cv_model)\n# First stage model selection ouside of EconML\n# This is the most efficient, but requires boilerplate code\nmodel_t = clone(cv_model).fit(W, T).best_estimator_\nmodel_y = clone(cv_model).fit(W, Y).best_estimator_\nest = LinearDML(model_y=model_t, model_t=model_y)\n```\n\n\n</details>\n\n### Inference\n\nWhenever inference is enabled, then one can get a more structure `InferenceResults` object with more elaborate inference information, such\nas p-values and z-statistics. When the CATE model is linear and parametric, then a `summary()` method is also enabled. For instance:\n\n ```Python\n from econml.dml import LinearDML\n # Use defaults\n est = LinearDML()\n est.fit(Y, T, X=X, W=W)\n # Get the effect inference summary, which includes the standard error, z test score, p value, and confidence interval given each sample X[i]\n est.effect_inference(X_test).summary_frame(alpha=0.05, value=0, decimals=3)\n # Get the population summary for the entire sample X\n est.effect_inference(X_test).population_summary(alpha=0.1, value=0, decimals=3, tol=0.001)\n # Get the parameter inference summary for the final model\n est.summary()\n ```\n \n <details><summary>Example Output (click to expand)</summary>\n \n ```Python\n # Get the effect inference summary, which includes the standard error, z test score, p value, and confidence interval given each sample X[i]\n est.effect_inference(X_test).summary_frame(alpha=0.05, value=0, decimals=3)\n ```\n ![image](notebooks/images/summary_frame.png)\n \n ```Python\n # Get the population summary for the entire sample X\n est.effect_inference(X_test).population_summary(alpha=0.1, value=0, decimals=3, tol=0.001)\n ```\n ![image](notebooks/images/population_summary.png)\n \n ```Python\n # Get the parameter inference summary for the final model\n est.summary()\n ```\n ![image](notebooks/images/summary.png)\n \n </details>\n \n\n### Policy Learning\n\nYou can also perform direct policy learning from observational data, using the doubly robust method for offline\npolicy learning. These methods directly predict a recommended treatment, without internally fitting an explicit\nmodel of the conditional average treatment effect.\n\n<details>\n <summary>Doubly Robust Policy Learning (click to expand)</summary>\n\n```Python\nfrom econml.policy import DRPolicyTree, DRPolicyForest\nfrom sklearn.ensemble import RandomForestRegressor\n\n# fit a single binary decision tree policy\npolicy = DRPolicyTree(max_depth=1, min_impurity_decrease=0.01, honest=True)\npolicy.fit(y, T, X=X, W=W)\n# predict the recommended treatment\nrecommended_T = policy.predict(X)\n# plot the binary decision tree\nplt.figure(figsize=(10,5))\npolicy.plot()\n# get feature importances\nimportances = policy.feature_importances_\n\n# fit a binary decision forest\npolicy = DRPolicyForest(max_depth=1, min_impurity_decrease=0.01, honest=True)\npolicy.fit(y, T, X=X, W=W)\n# predict the recommended treatment\nrecommended_T = policy.predict(X)\n# plot the first tree in the ensemble\nplt.figure(figsize=(10,5))\npolicy.plot(0)\n# get feature importances\nimportances = policy.feature_importances_\n```\n\n\n ![image](images/policy_tree.png)\n</details>\n\nTo see more complex examples, go to the [notebooks](https://github.com/py-why/EconML/tree/main/notebooks) section of the repository. For a more detailed description of the treatment effect estimation algorithms, see the EconML [documentation](https://econml.azurewebsites.net/).\n\n# For Developers\n\nYou can get started by cloning this repository. We use \n[setuptools](https://setuptools.readthedocs.io/en/latest/index.html) for building and distributing our package.\nWe rely on some recent features of setuptools, so make sure to upgrade to a recent version with\n`pip install setuptools --upgrade`. Then from your local copy of the repository you can run `pip install -e .` to get started (but depending on what you're doing you might want to install with extras instead, like `pip install -e .[plt]` if you want to use matplotlib integration, or you can use `pip install -e .[all]` to include all extras).\n\n## Help wanted\n\nIf you're looking to contribute to the project, we have a number of issues tagged with the [`help wanted`](https://github.com/py-why/EconML/issues?q=is%3Aopen+is%3Aissue+label%3A%22help+wanted%22) label that are valuable improvements to the library that our team currently does not have time to prioritize where we would greatly appreciate community-initiated PRs.\n\n## Running the tests\n\nThis project uses [pytest](https://docs.pytest.org/) for testing. To run all tests locally after installing the package, you can use `pip install pytest-runner` followed by `python setup.py pytest`.\n\nHowever, running all tests can be very time-consuming, so you may prefer to run just a relevant subset of tests when developing locally. The easiest way to do this is to rely on `pytest`'s compatibility with `unittest`, so you can just run `python -m unittest econml.tests.test_module` to run all tests in a given module, or `python -m unittest econml.tests.test_module.TestClass` to run all tests in a given class. You can also run `python -m unittest econml.tests.test_module.TestClass.test_method` to run a single test method.\n\n## Generating the documentation\n\nThis project's documentation is generated via [Sphinx](https://www.sphinx-doc.org/en/main/index.html). Note that we use [graphviz](https://graphviz.org/)'s \n`dot` application to produce some of the images in our documentation, so you should make sure that `dot` is installed and in your path.\n\nTo generate a local copy of the documentation from a clone of this repository, just run `python setup.py build_sphinx -W -E -a`, which will build the documentation and place it under the `build/sphinx/html` path. \n\nThe reStructuredText files that make up the documentation are stored in the [docs directory](https://github.com/py-why/EconML/tree/main/doc); module documentation is automatically generated by the Sphinx build process.\n\n## Release process\n\nWe use GitHub Actions to build and publish the package and documentation. To create a new release, an admin should perform the following steps:\n\n1. Update the version number in `econml/_version.py` and add a mention of the new version in the news section of this file and commit the changes.\n2. Manually run the publish_package.yml workflow to build and publish the package to PyPI.\n3. Manually run the publish_docs.yml workflow to build and publish the documentation.\n4. Under https://github.com/py-why/EconML/releases, create a new release with a corresponding tag, and update the release notes.\n\n# Blogs and Publications\n\n* May 2021: [Be Careful When Interpreting Predictive Models in Search of Causal Insights](https://towardsdatascience.com/be-careful-when-interpreting-predictive-models-in-search-of-causal-insights-e68626e664b6)\n\n* June 2019: [Treatment Effects with Instruments paper](https://arxiv.org/pdf/1905.10176.pdf)\n\n* May 2019: [Open Data Science Conference Workshop](https://odsc.com/speakers/machine-learning-estimation-of-heterogeneous-treatment-effect-the-microsoft-econml-library/) \n\n* 2018: [Orthogonal Random Forests paper](http://proceedings.mlr.press/v97/oprescu19a.html)\n\n* 2017: [DeepIV paper](http://proceedings.mlr.press/v70/hartford17a/hartford17a.pdf)\n\n# Citation\n\nIf you use EconML in your research, please cite us as follows:\n\n Keith Battocchi, Eleanor Dillon, Maggie Hei, Greg Lewis, Paul Oka, Miruna Oprescu, Vasilis Syrgkanis. **EconML: A Python Package for ML-Based Heterogeneous Treatment Effects Estimation.** https://github.com/py-why/EconML, 2019. Version 0.x.\n\nBibTex:\n\n```\n@misc{econml,\n author={Keith Battocchi, Eleanor Dillon, Maggie Hei, Greg Lewis, Paul Oka, Miruna Oprescu, Vasilis Syrgkanis},\n title={{EconML}: {A Python Package for ML-Based Heterogeneous Treatment Effects Estimation}},\n howpublished={https://github.com/py-why/EconML},\n note={Version 0.x},\n year={2019}\n}\n```\n\n# Contributing and Feedback\n\nThis project welcomes contributions and suggestions. We use the [DCO bot](https://github.com/apps/dco) to enforce a [Developer Certificate of Origin](https://developercertificate.org/) which requires users to sign-off on their commits. This is a simple way to certify that you wrote or otherwise have the right to submit the code you are contributing to the project. Git provides a `-s` command line option to include this automatically when you commit via `git commit`.\n\nWhen you submit a pull request, a CLA-bot will automatically determine whether you need to provide\na CLA and decorate the PR appropriately (e.g., label, comment). Simply follow the instructions\nprovided by the bot. You will only need to do this once across all repos using our CLA.\n\nThis project has adopted the [PyWhy Code of Conduct](https://github.com/py-why/governance/blob/main/CODE-OF-CONDUCT.md).\n\n# Community\n\n<a href=\"https://pywhy.org/\">\n<img src=\"doc/spec/img/pywhy-logo.png\" width=\"80px\" align=\"left\" style=\"margin-right: 10px;\", alt=\"pywhy-logo\">\n</a>\n\nEconML is a part of [PyWhy](https://www.pywhy.org/), an organization with a mission to build an open-source ecosystem for causal machine learning.\n\nPyWhy also has a [Discord](https://discord.gg/cSBGb3vsZb), which serves as a space for like-minded casual machine learning researchers and practitioners of all experience levels to come together to ask and answer questions, discuss new features, and share ideas.\n\nWe invite you to join us at regular office hours and community calls in the Discord.\n\n# References\n\nAthey, Susan, and Stefan Wager.\n**Policy learning with observational data.**\n[*Econometrica 89.1, 133-161*](https://doi.org/10.3982/ECTA15732), 2021.\n\nX Nie, S Wager.\n**Quasi-Oracle Estimation of Heterogeneous Treatment Effects.**\n[*Biometrika 108.2, 299-319*](https://doi.org/10.1093/biomet/asaa076), 2021.\n\nV. Syrgkanis, V. Lei, M. Oprescu, M. Hei, K. Battocchi, G. Lewis.\n**Machine Learning Estimation of Heterogeneous Treatment Effects with Instruments.**\n[*Proceedings of the 33rd Conference on Neural Information Processing Systems (NeurIPS)*](https://arxiv.org/abs/1905.10176), 2019.\n**(Spotlight Presentation)**\n\nD. Foster, V. Syrgkanis.\n**Orthogonal Statistical Learning.**\n[*Proceedings of the 32nd Annual Conference on Learning Theory (COLT)*](https://arxiv.org/pdf/1901.09036.pdf), 2019.\n**(Best Paper Award)**\n\nM. Oprescu, V. Syrgkanis and Z. S. Wu.\n**Orthogonal Random Forest for Causal Inference.**\n[*Proceedings of the 36th International Conference on Machine Learning (ICML)*](http://proceedings.mlr.press/v97/oprescu19a.html), 2019.\n\nS. K\u00fcnzel, J. Sekhon, J. Bickel and B. Yu.\n**Metalearners for estimating heterogeneous treatment effects using machine learning.**\n[*Proceedings of the national academy of sciences, 116(10), 4156-4165*](https://www.pnas.org/content/116/10/4156), 2019.\n\nS. Athey, J. Tibshirani, S. Wager.\n**Generalized random forests.**\n[*Annals of Statistics, 47, no. 2, 1148--1178*](https://projecteuclid.org/euclid.aos/1547197251), 2019.\n\nV. Chernozhukov, D. Nekipelov, V. Semenova, V. Syrgkanis.\n**Plug-in Regularized Estimation of High-Dimensional Parameters in Nonlinear Semiparametric Models.**\n[*Arxiv preprint arxiv:1806.04823*](https://arxiv.org/abs/1806.04823), 2018.\n\nS. Wager, S. Athey.\n**Estimation and Inference of Heterogeneous Treatment Effects using Random Forests.**\n[*Journal of the American Statistical Association, 113:523, 1228-1242*](https://www.tandfonline.com/doi/citedby/10.1080/01621459.2017.1319839), 2018.\n\nJason Hartford, Greg Lewis, Kevin Leyton-Brown, and Matt Taddy. **Deep IV: A flexible approach for counterfactual prediction.** [*Proceedings of the 34th International Conference on Machine Learning, ICML'17*](http://proceedings.mlr.press/v70/hartford17a/hartford17a.pdf), 2017.\n\nV. Chernozhukov, D. Chetverikov, M. Demirer, E. Duflo, C. Hansen, and a. W. Newey. **Double Machine Learning for Treatment and Causal Parameters.** [*ArXiv preprint arXiv:1608.00060*](https://arxiv.org/abs/1608.00060), 2016.\n\nDudik, M., Erhan, D., Langford, J., & Li, L.\n**Doubly robust policy evaluation and optimization.**\n[*Statistical Science, 29(4), 485-511*](https://projecteuclid.org/journals/statistical-science/volume-29/issue-4/Doubly-Robust-Policy-Evaluation-and-Optimization/10.1214/14-STS500.full), 2014.\n",
"bugtrack_url": null,
"license": "MIT",
"summary": "This package contains several methods for calculating Conditional Average Treatment Effects",
"version": "0.15.1",
"project_urls": {
"Bug Tracker": "https://github.com/py-why/EconML/Issues",
"Documentation": "https://econml.azurewebsites.net/",
"Homepage": "https://github.com/py-why/EconML",
"Source Code": "https://github.com/py-why/EconML"
},
"split_keywords": [
"treatment-effect"
],
"urls": [
{
"comment_text": "",
"digests": {
"blake2b_256": "5d534cdf23fb470ce7a5f42fc9afac1c25c4136f66b15516295bff9286ed37e9",
"md5": "fb4b6eb41a6a43dba68f5be4dae5c6e6",
"sha256": "5237e4b07c8ea6c42dad9c376f97dcfc85fdc20a7c3371444404f4850926f45a"
},
"downloads": -1,
"filename": "econml-0.15.1-cp310-cp310-macosx_11_0_arm64.whl",
"has_sig": false,
"md5_digest": "fb4b6eb41a6a43dba68f5be4dae5c6e6",
"packagetype": "bdist_wheel",
"python_version": "cp310",
"requires_python": ">=3.8",
"size": 1991835,
"upload_time": "2024-07-03T18:16:13",
"upload_time_iso_8601": "2024-07-03T18:16:13.823472Z",
"url": "https://files.pythonhosted.org/packages/5d/53/4cdf23fb470ce7a5f42fc9afac1c25c4136f66b15516295bff9286ed37e9/econml-0.15.1-cp310-cp310-macosx_11_0_arm64.whl",
"yanked": false,
"yanked_reason": null
},
{
"comment_text": "",
"digests": {
"blake2b_256": "0103e0e1129148934672f49897b1347de1f3a375f844b5dc5ab610d135b6812c",
"md5": "dcb8162de2deee768d7d79a7e98f1be2",
"sha256": "3d6ac7f02172fb1becceab8a06706cd7d3433a112614c11bdd6657abc6505895"
},
"downloads": -1,
"filename": "econml-0.15.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
"has_sig": false,
"md5_digest": "dcb8162de2deee768d7d79a7e98f1be2",
"packagetype": "bdist_wheel",
"python_version": "cp310",
"requires_python": ">=3.8",
"size": 4546681,
"upload_time": "2024-07-03T18:16:16",
"upload_time_iso_8601": "2024-07-03T18:16:16.394027Z",
"url": "https://files.pythonhosted.org/packages/01/03/e0e1129148934672f49897b1347de1f3a375f844b5dc5ab610d135b6812c/econml-0.15.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
"yanked": false,
"yanked_reason": null
},
{
"comment_text": "",
"digests": {
"blake2b_256": "68d78db81b9f46df0e3343d949d1d7d80a687098dc690221d1f32cc635de87f1",
"md5": "30007d58a34da556e11fd885db34c478",
"sha256": "f763011adbf07ce82b32ff89e26fb329772d352370adc3fafa8dac834e09a93d"
},
"downloads": -1,
"filename": "econml-0.15.1-cp310-cp310-win_amd64.whl",
"has_sig": false,
"md5_digest": "30007d58a34da556e11fd885db34c478",
"packagetype": "bdist_wheel",
"python_version": "cp310",
"requires_python": ">=3.8",
"size": 1960109,
"upload_time": "2024-07-03T18:16:18",
"upload_time_iso_8601": "2024-07-03T18:16:18.435945Z",
"url": "https://files.pythonhosted.org/packages/68/d7/8db81b9f46df0e3343d949d1d7d80a687098dc690221d1f32cc635de87f1/econml-0.15.1-cp310-cp310-win_amd64.whl",
"yanked": false,
"yanked_reason": null
},
{
"comment_text": "",
"digests": {
"blake2b_256": "f845b55c1b1792addf56dbd301a850a20a9878eeeafb73c8df98f0d50ec84fe9",
"md5": "58cc740cdecdf36568a552c31ace3695",
"sha256": "a1a9b243b96a56d5c67429a800b41f8473ed56cb0041b375920f5b4527c735d2"
},
"downloads": -1,
"filename": "econml-0.15.1-cp311-cp311-macosx_11_0_arm64.whl",
"has_sig": false,
"md5_digest": "58cc740cdecdf36568a552c31ace3695",
"packagetype": "bdist_wheel",
"python_version": "cp311",
"requires_python": ">=3.8",
"size": 1986279,
"upload_time": "2024-07-03T18:16:20",
"upload_time_iso_8601": "2024-07-03T18:16:20.533087Z",
"url": "https://files.pythonhosted.org/packages/f8/45/b55c1b1792addf56dbd301a850a20a9878eeeafb73c8df98f0d50ec84fe9/econml-0.15.1-cp311-cp311-macosx_11_0_arm64.whl",
"yanked": false,
"yanked_reason": null
},
{
"comment_text": "",
"digests": {
"blake2b_256": "589cd58483dcc3fc0c979be6d32a62c16cfa746efa81b3a35be1bf1c75c7e1a2",
"md5": "52fda8eaa3e84bf900035d8cd1757935",
"sha256": "6f17c372e36515c4b653f0cbf33a3444d3d96458facf7549f4398ce0b488c864"
},
"downloads": -1,
"filename": "econml-0.15.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
"has_sig": false,
"md5_digest": "52fda8eaa3e84bf900035d8cd1757935",
"packagetype": "bdist_wheel",
"python_version": "cp311",
"requires_python": ">=3.8",
"size": 4704492,
"upload_time": "2024-07-03T18:16:22",
"upload_time_iso_8601": "2024-07-03T18:16:22.167168Z",
"url": "https://files.pythonhosted.org/packages/58/9c/d58483dcc3fc0c979be6d32a62c16cfa746efa81b3a35be1bf1c75c7e1a2/econml-0.15.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
"yanked": false,
"yanked_reason": null
},
{
"comment_text": "",
"digests": {
"blake2b_256": "fc3c1ef986d9988e7c6a22724981ac0c8f88f9fb1d1eda6fd22ae30cf4a8fe6b",
"md5": "9eadd0811282bde10848da1d7290fe8a",
"sha256": "2ba1e945f2564abeb8f43804fbddc5a891489ea69c1c41f4822825b449bdf464"
},
"downloads": -1,
"filename": "econml-0.15.1-cp311-cp311-win_amd64.whl",
"has_sig": false,
"md5_digest": "9eadd0811282bde10848da1d7290fe8a",
"packagetype": "bdist_wheel",
"python_version": "cp311",
"requires_python": ">=3.8",
"size": 1955200,
"upload_time": "2024-07-03T18:16:25",
"upload_time_iso_8601": "2024-07-03T18:16:25.693103Z",
"url": "https://files.pythonhosted.org/packages/fc/3c/1ef986d9988e7c6a22724981ac0c8f88f9fb1d1eda6fd22ae30cf4a8fe6b/econml-0.15.1-cp311-cp311-win_amd64.whl",
"yanked": false,
"yanked_reason": null
},
{
"comment_text": "",
"digests": {
"blake2b_256": "3e682e09009a20761044b27fd7a3d81c24d7f5a3258056b2d02a1cbb2645393e",
"md5": "d4290d752cd63cea809f0524bfe033ab",
"sha256": "b06d5d897dab7474856b2b8c2e37f2ac9d229108aad1c083ecdb676d5c8b00a6"
},
"downloads": -1,
"filename": "econml-0.15.1-cp312-cp312-macosx_11_0_arm64.whl",
"has_sig": false,
"md5_digest": "d4290d752cd63cea809f0524bfe033ab",
"packagetype": "bdist_wheel",
"python_version": "cp312",
"requires_python": ">=3.8",
"size": 1985433,
"upload_time": "2024-07-03T18:16:27",
"upload_time_iso_8601": "2024-07-03T18:16:27.236375Z",
"url": "https://files.pythonhosted.org/packages/3e/68/2e09009a20761044b27fd7a3d81c24d7f5a3258056b2d02a1cbb2645393e/econml-0.15.1-cp312-cp312-macosx_11_0_arm64.whl",
"yanked": false,
"yanked_reason": null
},
{
"comment_text": "",
"digests": {
"blake2b_256": "4ca90962ee5a1054442af8716a888109652cbaf2228193bf1e6e2ca8156711be",
"md5": "bd79fe5cd3b6ff0c0c7fb8d7129eb5a5",
"sha256": "de7674b42e695a2a5f017722dd255e31c93fb36347aa628aaecb55c8c6880c1a"
},
"downloads": -1,
"filename": "econml-0.15.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
"has_sig": false,
"md5_digest": "bd79fe5cd3b6ff0c0c7fb8d7129eb5a5",
"packagetype": "bdist_wheel",
"python_version": "cp312",
"requires_python": ">=3.8",
"size": 4580348,
"upload_time": "2024-07-03T18:16:28",
"upload_time_iso_8601": "2024-07-03T18:16:28.969585Z",
"url": "https://files.pythonhosted.org/packages/4c/a9/0962ee5a1054442af8716a888109652cbaf2228193bf1e6e2ca8156711be/econml-0.15.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
"yanked": false,
"yanked_reason": null
},
{
"comment_text": "",
"digests": {
"blake2b_256": "67a538d773bcb54b50c5fbb9a69f035c616fe4d2db76adf307bc2ea70eb2a268",
"md5": "39335bbe5de0d0e069c6e233ca6827ba",
"sha256": "7b39f232f498cade3a664a6b9450d321d1568074cab626e2433fb3efb7f9fbc2"
},
"downloads": -1,
"filename": "econml-0.15.1-cp312-cp312-win_amd64.whl",
"has_sig": false,
"md5_digest": "39335bbe5de0d0e069c6e233ca6827ba",
"packagetype": "bdist_wheel",
"python_version": "cp312",
"requires_python": ">=3.8",
"size": 1952365,
"upload_time": "2024-07-03T18:16:30",
"upload_time_iso_8601": "2024-07-03T18:16:30.603620Z",
"url": "https://files.pythonhosted.org/packages/67/a5/38d773bcb54b50c5fbb9a69f035c616fe4d2db76adf307bc2ea70eb2a268/econml-0.15.1-cp312-cp312-win_amd64.whl",
"yanked": false,
"yanked_reason": null
},
{
"comment_text": "",
"digests": {
"blake2b_256": "19000f25587924797d835801a0b3af0935395908590722e5884d696710fd149d",
"md5": "6e3cd68bdc13860276161202a24ba7ca",
"sha256": "633b8da2fce23e8fdabb0f6aa714f1f9d39ab693c2889dbf0514487280661662"
},
"downloads": -1,
"filename": "econml-0.15.1-cp38-cp38-macosx_11_0_arm64.whl",
"has_sig": false,
"md5_digest": "6e3cd68bdc13860276161202a24ba7ca",
"packagetype": "bdist_wheel",
"python_version": "cp38",
"requires_python": ">=3.8",
"size": 1990251,
"upload_time": "2024-07-03T18:16:32",
"upload_time_iso_8601": "2024-07-03T18:16:32.561374Z",
"url": "https://files.pythonhosted.org/packages/19/00/0f25587924797d835801a0b3af0935395908590722e5884d696710fd149d/econml-0.15.1-cp38-cp38-macosx_11_0_arm64.whl",
"yanked": false,
"yanked_reason": null
},
{
"comment_text": "",
"digests": {
"blake2b_256": "ff2d1e23d92a1ede33309292e2ef75525708eefc4480d10cdbb34639e3d52393",
"md5": "20331a475caa02368a901032ff9bb570",
"sha256": "b8804aaf9db9eefafedc17229980bf3f9f3718b9806e83fd1340b8bcbf02c00c"
},
"downloads": -1,
"filename": "econml-0.15.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
"has_sig": false,
"md5_digest": "20331a475caa02368a901032ff9bb570",
"packagetype": "bdist_wheel",
"python_version": "cp38",
"requires_python": ">=3.8",
"size": 4587421,
"upload_time": "2024-07-03T18:16:34",
"upload_time_iso_8601": "2024-07-03T18:16:34.645692Z",
"url": "https://files.pythonhosted.org/packages/ff/2d/1e23d92a1ede33309292e2ef75525708eefc4480d10cdbb34639e3d52393/econml-0.15.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
"yanked": false,
"yanked_reason": null
},
{
"comment_text": "",
"digests": {
"blake2b_256": "5d7965b0d577f695e8f5512f2f04947e72c08bc2bcb8ed139baedb91350ac543",
"md5": "bd5bd6331e9f791b68c34912121604fd",
"sha256": "da7b4af5ef8b5ade8021a51d180ceeb5a9e01840b809241a41e090f8d0eedee3"
},
"downloads": -1,
"filename": "econml-0.15.1-cp38-cp38-win_amd64.whl",
"has_sig": false,
"md5_digest": "bd5bd6331e9f791b68c34912121604fd",
"packagetype": "bdist_wheel",
"python_version": "cp38",
"requires_python": ">=3.8",
"size": 1967858,
"upload_time": "2024-07-03T18:16:36",
"upload_time_iso_8601": "2024-07-03T18:16:36.749890Z",
"url": "https://files.pythonhosted.org/packages/5d/79/65b0d577f695e8f5512f2f04947e72c08bc2bcb8ed139baedb91350ac543/econml-0.15.1-cp38-cp38-win_amd64.whl",
"yanked": false,
"yanked_reason": null
},
{
"comment_text": "",
"digests": {
"blake2b_256": "cc1342ef423ce3f93c7412296f5eced343e9a12e60a2ceb1ea6b8dc3e85bf793",
"md5": "511160bf1dcfa4f38632aa30a8772e77",
"sha256": "069459983f4bef816cb029809bd5473586d9c27cdca505919937b096bbef22a6"
},
"downloads": -1,
"filename": "econml-0.15.1-cp39-cp39-macosx_11_0_arm64.whl",
"has_sig": false,
"md5_digest": "511160bf1dcfa4f38632aa30a8772e77",
"packagetype": "bdist_wheel",
"python_version": "cp39",
"requires_python": ">=3.8",
"size": 1995666,
"upload_time": "2024-07-03T18:16:38",
"upload_time_iso_8601": "2024-07-03T18:16:38.562767Z",
"url": "https://files.pythonhosted.org/packages/cc/13/42ef423ce3f93c7412296f5eced343e9a12e60a2ceb1ea6b8dc3e85bf793/econml-0.15.1-cp39-cp39-macosx_11_0_arm64.whl",
"yanked": false,
"yanked_reason": null
},
{
"comment_text": "",
"digests": {
"blake2b_256": "cf5553bf237dd3e7fd0f879ae27b3efd632f70c52f7016dba37c42b192946f20",
"md5": "dc8d6d0c0ee3a7ac8f97e854f1f29ab1",
"sha256": "67fac2c3b266d136a402ed39fe7cbc321fdad169dcfd3852e70b769c368b91ff"
},
"downloads": -1,
"filename": "econml-0.15.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
"has_sig": false,
"md5_digest": "dc8d6d0c0ee3a7ac8f97e854f1f29ab1",
"packagetype": "bdist_wheel",
"python_version": "cp39",
"requires_python": ">=3.8",
"size": 4580633,
"upload_time": "2024-07-03T18:16:40",
"upload_time_iso_8601": "2024-07-03T18:16:40.097240Z",
"url": "https://files.pythonhosted.org/packages/cf/55/53bf237dd3e7fd0f879ae27b3efd632f70c52f7016dba37c42b192946f20/econml-0.15.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
"yanked": false,
"yanked_reason": null
},
{
"comment_text": "",
"digests": {
"blake2b_256": "e3297bc2df7cd64e223c6cf2ef4c95346e5f9dda167ac0d9b0cf323cd78a46a4",
"md5": "18e8725b514c480c9cb65841a1fb39ca",
"sha256": "2a94d93c9566451ca8da2438717dfcdf96292f3aab9c31dce88529466d388121"
},
"downloads": -1,
"filename": "econml-0.15.1-cp39-cp39-win_amd64.whl",
"has_sig": false,
"md5_digest": "18e8725b514c480c9cb65841a1fb39ca",
"packagetype": "bdist_wheel",
"python_version": "cp39",
"requires_python": ">=3.8",
"size": 1968768,
"upload_time": "2024-07-03T18:16:41",
"upload_time_iso_8601": "2024-07-03T18:16:41.526129Z",
"url": "https://files.pythonhosted.org/packages/e3/29/7bc2df7cd64e223c6cf2ef4c95346e5f9dda167ac0d9b0cf323cd78a46a4/econml-0.15.1-cp39-cp39-win_amd64.whl",
"yanked": false,
"yanked_reason": null
},
{
"comment_text": "",
"digests": {
"blake2b_256": "57f6e810a455705824b3db88f1f07c00e56d18f93aeae450d8defcb7f764bd57",
"md5": "5227600f7f64eb6714b390d0f6ca2d64",
"sha256": "0aa22baf38ad3a38b1ae8c08bc868d4aa04dabda334352661e7d330eb3c2c531"
},
"downloads": -1,
"filename": "econml-0.15.1.tar.gz",
"has_sig": false,
"md5_digest": "5227600f7f64eb6714b390d0f6ca2d64",
"packagetype": "sdist",
"python_version": "source",
"requires_python": ">=3.8",
"size": 1458616,
"upload_time": "2024-07-03T18:16:43",
"upload_time_iso_8601": "2024-07-03T18:16:43.432155Z",
"url": "https://files.pythonhosted.org/packages/57/f6/e810a455705824b3db88f1f07c00e56d18f93aeae450d8defcb7f764bd57/econml-0.15.1.tar.gz",
"yanked": false,
"yanked_reason": null
}
],
"upload_time": "2024-07-03 18:16:43",
"github": true,
"gitlab": false,
"bitbucket": false,
"codeberg": false,
"github_user": "py-why",
"github_project": "EconML",
"travis_ci": false,
"coveralls": false,
"github_actions": true,
"lcname": "econml"
}