| BayesianBandits | Lightweight microframework for Bayesian bandits (Thompson Sampling) with support for contextual/restless/delayed rewards. | Online A/B testing, multi-armed bandits, adaptive allocation | Adaptive Experimentation & Bandits |  | Docs
|
GitHub | pip install bayesianbandits |
| ContextualBandits | Implements a wide range of contextual bandit algorithms (linear, tree-based, neural) and off-policy evaluation methods. | Online A/B testing, multi-armed bandits, adaptive allocation | Adaptive Experimentation & Bandits |  | Docs
|
GitHub | pip install contextualbandits |
| MABWiser | Production-ready, scikit-learn style library for contextual & stochastic bandits with parallelism and simulation tools. | Online A/B testing, multi-armed bandits, adaptive allocation | Adaptive Experimentation & Bandits |  | Docs
|
GitHub | pip install mabwiser |
| Open Bandit Pipeline (OBP) | Framework for **offline evaluation (OPE)** of bandit policies using logged data. Implements IPS, DR, DM estimators. | Online A/B testing, multi-armed bandits, adaptive allocation | Adaptive Experimentation & Bandits |  | Docs
|
GitHub | pip install obp |
| PyXAB | Library for advanced bandit problems: X-armed bandits (continuous/structured action spaces) and online optimization. | Online A/B testing, multi-armed bandits, adaptive allocation | Adaptive Experimentation & Bandits |  | Docs
|
GitHub | pip install pyxab |
| SMPyBandits | Comprehensive research framework for single/multi-player MAB algorithms (stochastic, adversarial, contextual). | Online A/B testing, multi-armed bandits, adaptive allocation | Adaptive Experimentation & Bandits |  | Docs
|
GitHub | pip install SMPyBandits |
| Bambi | High-level interface for building Bayesian GLMMs, built on top of PyMC. Uses formula syntax similar to R's `lme4`. | Uncertainty quantification, prior-informed inference, probabilistic modeling | Bayesian Econometrics |  | Docs
|
GitHub | pip install bambi |
| LightweightMMM | Bayesian Marketing Mix Modeling (see Marketing Mix Models section). | Uncertainty quantification, prior-informed inference, probabilistic modeling | Bayesian Econometrics |  | GitHub | pip install lightweight_mmm |
| NumPyro | Probabilistic programming library built on JAX for scalable Bayesian inference, often faster than PyMC. | Uncertainty quantification, prior-informed inference, probabilistic modeling | Bayesian Econometrics |  | Docs
|
GitHub | pip install numpyro |
| PyMC | Flexible probabilistic programming library for Bayesian modeling and inference using MCMC algorithms (NUTS). | Uncertainty quantification, prior-informed inference, probabilistic modeling | Bayesian Econometrics |  | Docs
|
GitHub | pip install pymc |
| Ananke | Causal inference using graphical models (DAGs), including identification theory and effect estimation. | Learning causal structure from data, DAG estimation | Causal Discovery & Graphical Models |  | Docs
|
GitHub | pip install ananke-causal |
| Causal Discovery Toolbox (CDT) | Implements algorithms for causal discovery (recovering causal graph structure) from observational data. | Learning causal structure from data, DAG estimation | Causal Discovery & Graphical Models |  | Docs
|
GitHub | pip install cdt |
| CausalNex | Uses Bayesian Networks for causal reasoning, combining ML with expert knowledge to model relationships. | Learning causal structure from data, DAG estimation | Causal Discovery & Graphical Models |  | GitHub | pip install causalnex |
| LiNGAM | Specialized package for learning non-Gaussian linear causal models, implementing various versions of the LiNGAM algorithm including ICA-based methods. | Learning causal structure from data, DAG estimation | Causal Discovery & Graphical Models |  | Docs
|
GitHub | pip install lingam |
| Tigramite | Specialized package for causal inference in time series data implementing PCMCI, PCMCIplus, LPCMCI algorithms with conditional independence tests. | Learning causal structure from data, DAG estimation | Causal Discovery & Graphical Models |  | Docs
|
GitHub | pip install tigramite |
| causal-learn | Comprehensive Python package serving as Python translation and extension of Java-based Tetrad toolkit for causal discovery algorithms. | Learning causal structure from data, DAG estimation | Causal Discovery & Graphical Models |  | Docs
|
GitHub | pip install causal-learn |
| gCastle | Huawei Noah's Ark Lab end-to-end causal structure learning toolchain emphasizing gradient-based methods with GPU acceleration (NOTEARS, GOLEM). | Learning causal structure from data, DAG estimation | Causal Discovery & Graphical Models |  | Docs
|
GitHub | pip install gcastle |
| py-tetrad | Python interface to Tetrad Java library using JPype, providing direct access to Tetrad's causal discovery algorithms with efficient data translation. | Learning causal structure from data, DAG estimation | Causal Discovery & Graphical Models |  | GitHub | Available on GitHub (installation via git clone) |
| CausalInference | Implements classical causal inference methods like propensity score matching, inverse probability weighting, stratification. | Estimating treatment effects, propensity score matching, observational studies | Causal Inference & Matching |  | Docs
|
GitHub | pip install CausalInference |
| CausalLib | IBM-developed package that provides a scikit-learn-inspired API for causal inference with meta-algorithms supporting arbitrary machine learning models. | Estimating treatment effects, propensity score matching, observational studies | Causal Inference & Matching |  | Docs
|
GitHub | pip install causallib |
| CausalML | Focuses on uplift modeling and heterogeneous treatment effect estimation using machine learning techniques. | Estimating treatment effects, propensity score matching, observational studies | Causal Inference & Matching |  | Docs
|
GitHub | pip install causalml |
| CausalMatch | Implements Propensity Score Matching (PSM) and Coarsened Exact Matching (CEM) with ML flexibility for propensity score estimation. | Estimating treatment effects, propensity score matching, observational studies | Causal Inference & Matching | | Docs | pip install causalmatch |
| CausalPlayground | Python library for causal research that addresses the scarcity of real-world datasets with known causal relations. Provides fine-grained control over structural causal models. | Estimating treatment effects, propensity score matching, observational studies | Causal Inference & Matching |  | Docs
|
GitHub | pip install causal-playground |
| CausalPy | Developed by PyMC Labs, focuses specifically on causal inference in quasi-experimental settings. Specializes in scenarios where randomization is impossible or expensive. | Estimating treatment effects, propensity score matching, observational studies | Causal Inference & Matching |  | Docs
|
GitHub | pip install CausalPy |
| DoWhy | End-to-end framework for causal inference based on causal graphs (DAGs) and potential outcomes. Covers identification, estimation, refutation. | Estimating treatment effects, propensity score matching, observational studies | Causal Inference & Matching |  | Docs
|
GitHub | pip install dowhy |
| fastmatch | Fast k-nearest-neighbor matching for large datasets using Facebook's FAISS library. | Estimating treatment effects, propensity score matching, observational studies | Causal Inference & Matching | | Docs | pip install fastmatch |
| scikit-uplift | Focuses on uplift modeling and estimating heterogeneous treatment effects using various ML-based methods. | Estimating treatment effects, propensity score matching, observational studies | Causal Inference & Matching |  | Docs
|
GitHub | pip install scikit-uplift |
| Scikit-learn | Foundational ML library with regression models (incl. regularized), model selection, cross-validation, evaluation metrics. | OLS regression, basic econometrics, data manipulation | Core Libraries & Linear Models |  | Docs
|
GitHub | pip install scikit-learn |
| Statsmodels | Comprehensive library for estimating statistical models (OLS, GLM, etc.), conducting tests, and data exploration. Core tool. | OLS regression, basic econometrics, data manipulation | Core Libraries & Linear Models |  | Docs
|
GitHub | pip install statsmodels |
| FactorAnalyzer | Specialized library for Exploratory (EFA) and Confirmatory (CFA) Factor Analysis with rotation options for interpretability. | Feature extraction, PCA, high-dimensional data | Dimensionality Reduction |  | Docs
|
GitHub | pip install factor_analyzer |
| openTSNE | Optimized, parallel implementation of t-distributed Stochastic Neighbor Embedding (t-SNE) for large datasets. | Feature extraction, PCA, high-dimensional data | Dimensionality Reduction |  | Docs
|
GitHub | pip install opentsne |
| umap-learn | Fast and scalable implementation of Uniform Manifold Approximation and Projection (UMAP) for non-linear reduction. | Feature extraction, PCA, high-dimensional data | Dimensionality Reduction |  | Docs
|
GitHub | pip install umap-learn |
| Biogeme | Maximum likelihood estimation of parametric models, with strong support for complex discrete choice models. | Logit/probit models, consumer choice, demand estimation | Discrete Choice Models |  | Docs
|
GitHub | pip install biogeme |
| PyBLP | Tools for estimating demand for differentiated products using the Berry-Levinsohn-Pakes (BLP) method. | Logit/probit models, consumer choice, demand estimation | Discrete Choice Models |  | Docs
|
GitHub | pip install pyblp |
| PyLogit | Flexible implementation of conditional/multinomial logit models with utilities for data preparation. | Logit/probit models, consumer choice, demand estimation | Discrete Choice Models |  | GitHub | pip install pylogit |
| XLogit | Fast estimation of Multinomial Logit and Mixed Logit models, optimized for performance. | Logit/probit models, consumer choice, demand estimation | Discrete Choice Models |  | Docs
|
GitHub | pip install xlogit |
| torch-choice | PyTorch framework for flexible estimation of complex discrete choice models, leveraging GPU acceleration. | Logit/probit models, consumer choice, demand estimation | Discrete Choice Models |  | Docs
|
GitHub | pip install torch-choice |
| DoubleML | Implements the double/debiased ML framework (Chernozhukov et al.) for estimating causal parameters (ATE, LATE, POM) with ML nuisances. | High-dimensional controls, ML-based causal inference | Double/Debiased Machine Learning (DML) |  | Docs
|
GitHub | pip install DoubleML |
| EconML | Microsoft toolkit for estimating heterogeneous treatment effects using DML, causal forests, meta-learners, and orthogonal ML methods. | High-dimensional controls, ML-based causal inference | Double/Debiased Machine Learning (DML) |  | Docs
|
GitHub | pip install econml |
| pydoublelasso | Double‑post Lasso estimator for high‑dimensional treatment effects (Belloni‑Chernozhukov‑Hansen 2014). | High-dimensional controls, ML-based causal inference | Double/Debiased Machine Learning (DML) | | Docs | pip install pydoublelasso |
| pyhtelasso | Debiased‑Lasso detector of heterogeneous treatment effects in randomized experiments. | High-dimensional controls, ML-based causal inference | Double/Debiased Machine Learning (DML) | | Docs | pip install pyhtelasso |
| py-econometrics `gmm` | Lightweight package for setting up and estimating custom GMM models based on user-defined moment conditions. | Endogeneity correction, 2SLS, moment estimation | Instrumental Variables (IV) & GMM | | Docs | pip install gmm |
| Lifetimes | Analyze customer lifetime value (CLV) using probabilistic models (BG/NBD, Pareto/NBD) to predict purchases. | Marketing ROI, media mix optimization, attribution | Marketing Mix Models (MMM) & Business Analytics |  | Docs
|
GitHub | pip install lifetimes |
| MaMiMo | Lightweight Python library focused specifically on Marketing Mix Modeling implementation. | Marketing ROI, media mix optimization, attribution | Marketing Mix Models (MMM) & Business Analytics |  | GitHub | pip install mamimo |
| PyMC Marketing | Collection of Bayesian marketing models built with PyMC, including MMM, CLV, and attribution. | Marketing ROI, media mix optimization, attribution | Marketing Mix Models (MMM) & Business Analytics |  | Docs
|
GitHub | pip install pymc-marketing |
| mmm_stan | Python/STAN implementation of Bayesian Marketing Mix Models. | Marketing ROI, media mix optimization, attribution | Marketing Mix Models (MMM) & Business Analytics |  | GitHub | GitHub Repository |
| Gensim | Library focused on topic modeling (LDA, LSI) and document similarity analysis. | Text analysis, sentiment analysis, document classification | Natural Language Processing for Economics |  | Docs
|
GitHub | pip install gensim |
| Transformers | Access to thousands of pre-trained models for NLP tasks like text classification, summarization, embeddings, etc. | Text analysis, sentiment analysis, document classification | Natural Language Processing for Economics |  | Docs
|
GitHub | pip install transformers |
| spaCy | Industrial-strength NLP library for efficient text processing pipelines (NER, POS tagging, etc.). | Text analysis, sentiment analysis, document classification | Natural Language Processing for Economics |  | Docs
|
GitHub | pip install spacy |
| JAX | High-performance numerical computing with autograd and XLA compilation on CPU/GPU/TPU. | Solving optimization problems, numerical methods | Numerical Optimization & Computational Tools |  | Docs
|
GitHub | pip install jax |
| PyTorch | Popular deep learning framework with flexible automatic differentiation. | Solving optimization problems, numerical methods | Numerical Optimization & Computational Tools |  | Docs
|
GitHub | (See PyTorch website) |
| FixedEffectModelPyHDFE | Solves linear models with high-dimensional fixed effects, supporting robust variance calculation and IV. | Longitudinal analysis, controlling for unobserved heterogeneity | Panel Data & Fixed Effects | | Docs | pip install FixedEffectModelPyHDFE |
| Linearmodels | Estimation of fixed, random, pooled OLS models for panel data. Also Fama-MacBeth and between/first-difference estimators. | Longitudinal analysis, controlling for unobserved heterogeneity | Panel Data & Fixed Effects |  | Docs
|
GitHub | pip install linearmodels |
| PyFixest | Fast estimation of linear models with multiple high-dimensional fixed effects (like R's `fixest`). Supports OLS, IV, Poisson, robust/cluster SEs. | Longitudinal analysis, controlling for unobserved heterogeneity | Panel Data & Fixed Effects | | Docs | pip install pyfixest |
| duckreg | Out-of-core regression (OLS/IV) for very large datasets using DuckDB aggregation. Handles data that doesn't fit in memory. | Longitudinal analysis, controlling for unobserved heterogeneity | Panel Data & Fixed Effects | | Docs | pip install duckreg |
| pydynpd | Estimation of dynamic panel data models using Arellano-Bond (Difference GMM) and Blundell-Bond (System GMM). Includes Windmeijer correction & tests. | Longitudinal analysis, controlling for unobserved heterogeneity | Panel Data & Fixed Effects |  | Docs
|
GitHub | pip install pydynpd |
| ADOpy | Bayesian Adaptive Design Optimization (ADO) for tuning experiments in real-time, with models for psychometric tasks. | Sample size calculation, experimental design, power analysis | Power Simulation & Design of Experiments |  | Docs
|
GitHub | pip install adopy |
| Adaptive | Parallel active learning library for adaptive function sampling/evaluation, with live plotting for monitoring. | Sample size calculation, experimental design, power analysis | Power Simulation & Design of Experiments |  | Docs
|
GitHub | pip install adaptive |
| DoEgen | Automates generation and optimization of designs, especially for mixed factor-level experiments; computes efficiency metrics. | Sample size calculation, experimental design, power analysis | Power Simulation & Design of Experiments |  | GitHub | pip install DoEgen |
| pyDOE2 | Implements classical Design of Experiments: factorial (full/fractional), response surface (Box-Behnken, CCD), Latin Hypercube. | Sample size calculation, experimental design, power analysis | Power Simulation & Design of Experiments |  | Docs
|
GitHub | pip install pyDOE2 |
| CausalImpact | Python port of Google's R package for estimating causal effects of interventions on time series using Bayesian structural time-series models. | Policy evaluation, natural experiments, quasi-experiments | Program Evaluation Methods (DiD, SC, RDD) |  | Docs
|
GitHub | pip install causalimpact |
| Differences | Implements modern difference-in-differences methods for staggered adoption designs (e.g., Callaway & Sant'Anna). | Policy evaluation, natural experiments, quasi-experiments | Program Evaluation Methods (DiD, SC, RDD) |  | Docs
|
GitHub | pip install differences |
| SyntheticControlMethods | Implementation of synthetic control methods for comparative case studies when panel data is available. | Policy evaluation, natural experiments, quasi-experiments | Program Evaluation Methods (DiD, SC, RDD) |  | GitHub | pip install SyntheticControlMethods |
| csdid | Python adaptation of the R `did` package. Implements multi-period DiD with staggered treatment timing (Callaway & Sant’Anna). | Policy evaluation, natural experiments, quasi-experiments | Program Evaluation Methods (DiD, SC, RDD) |  | GitHub | pip install csdid |
| mlsynth | Implements advanced synthetic control methods: forward DiD, cluster SC, factor models, and proximal SC. Designed for single-treated-unit settings. | Policy evaluation, natural experiments, quasi-experiments | Program Evaluation Methods (DiD, SC, RDD) |  | Docs
|
GitHub | pip install mlsynth |
| pycinc | Changes‑in‑Changes (CiC) estimator for distributional treatment effects (Athey & Imbens 2006). | Policy evaluation, natural experiments, quasi-experiments | Program Evaluation Methods (DiD, SC, RDD) | | Docs | pip install pycinc |
| pyleebounds | Lee (2009) sample‑selection bounds for treatment effects; trims treated distribution to match selection rates. | Policy evaluation, natural experiments, quasi-experiments | Program Evaluation Methods (DiD, SC, RDD) | | Docs | pip install pyleebounds |
| rdd | Toolkit for sharp RDD analysis, including bandwidth calculation and estimation, integrating with pandas. | Policy evaluation, natural experiments, quasi-experiments | Program Evaluation Methods (DiD, SC, RDD) |  | GitHub | pip install rdd |
| rdrobust | Comprehensive tools for Regression Discontinuity Designs (RDD), including optimal bandwidth selection, estimation, inference. | Policy evaluation, natural experiments, quasi-experiments | Program Evaluation Methods (DiD, SC, RDD) |  | Docs
|
GitHub | pip install rdrobust |
| pyqreg | Fast quantile regression solver using interior point methods, supporting robust and clustered standard errors. | Heterogeneous effects, distributional analysis | Quantile Regression & Distributional Methods | | Docs | pip install pyqreg |
| pyrifreg | Recentered Influence‑Function (RIF) regression for unconditional quantile & distributional effects (Firpo et al., 2008). | Heterogeneous effects, distributional analysis | Quantile Regression & Distributional Methods | | Docs | pip install pyrifreg |
| quantile-forest | Scikit-learn compatible implementation of Quantile Regression Forests for non-parametric estimation. | Heterogeneous effects, distributional analysis | Quantile Regression & Distributional Methods |  | Docs
|
GitHub | pip install quantile-forest |
| (PySAL Core) | The broader PySAL ecosystem contains many tools for spatial data handling, weights, visualization, and analysis. | Geographic data, spatial autocorrelation, regional analysis | Spatial Econometrics |  | Docs
|
GitHub | pip install pysal |
| PySAL (spreg) | The spatial regression `spreg` module of PySAL. Implements spatial lag, error, IV models, and diagnostics. | Geographic data, spatial autocorrelation, regional analysis | Spatial Econometrics |  | Docs
|
GitHub | pip install spreg |
| Awesome Quant | Curated list of quantitative finance libraries and resources (many statistical/TS tools overlap with econometrics). | Robust inference, clustered SEs, result presentation | Standard Errors, Bootstrapping & Reporting | | Docs | |
| Beyond Jupyter (TransferLab) | Teaches software design principles for ML—modularity, abstraction, and reproducibility—going beyond ad hoc Jupyter workflows. Focus on maintainable, production-quality ML code. | Robust inference, clustered SEs, result presentation | Standard Errors, Bootstrapping & Reporting | | Docs | |
| Causal Inference for the Brave and True | Modern introduction to causal inference methods (DiD, IV, RDD, Synth, ML-based) with Python code examples. | Robust inference, clustered SEs, result presentation | Standard Errors, Bootstrapping & Reporting | | Docs | |
| Coding for Economists | Practical guide by A. Turrell on using Python for modern econometric research, data analysis, and workflows. | Robust inference, clustered SEs, result presentation | Standard Errors, Bootstrapping & Reporting | | Docs | |
| Deep Learning Specialization (Coursera) | Intermediate 5-course series by Andrew Ng covering deep neural networks, CNNs, RNNs, transformers, and real-world DL applications using TensorFlow. | Robust inference, clustered SEs, result presentation | Standard Errors, Bootstrapping & Reporting | | Docs | |
| Machine Learning Specialization (Coursera) | Beginner-friendly 3-course series by Andrew Ng covering core ML methods (regression, classification, clustering, trees, NN) with hands-on projects. | Robust inference, clustered SEs, result presentation | Standard Errors, Bootstrapping & Reporting | | Docs | |
| Python for Econometrics | Comprehensive intro notes by Kevin Sheppard covering Python basics, core libraries, and econometrics applications. | Robust inference, clustered SEs, result presentation | Standard Errors, Bootstrapping & Reporting | | Docs | |
| QuantEcon Lectures | High-quality lecture series on quantitative economic modeling, computational tools, and economics using Python/Julia. | Robust inference, clustered SEs, result presentation | Standard Errors, Bootstrapping & Reporting | | Docs | |
| SciPy Bootstrap | (`scipy.stats.bootstrap`) Computes bootstrap confidence intervals for various statistics using percentile, BCa methods. | Robust inference, clustered SEs, result presentation | Standard Errors, Bootstrapping & Reporting |  | Docs
|
GitHub | pip install scipy |
| Stargazer | Python port of R's stargazer for creating publication-quality regression tables (HTML, LaTeX) from `statsmodels` & `linearmodels` results. | Robust inference, clustered SEs, result presentation | Standard Errors, Bootstrapping & Reporting |  | GitHub | pip install stargazer |
| The Missing Semester of Your CS Education (MIT) | Teaches essential developer tools often skipped in formal education—command line, Git, Vim, scripting, debugging, etc. | Robust inference, clustered SEs, result presentation | Standard Errors, Bootstrapping & Reporting | | Docs | |
| wildboottest | Fast implementation of various wild cluster bootstrap algorithms (WCR, WCU) for robust inference, especially with few clusters. | Robust inference, clustered SEs, result presentation | Standard Errors, Bootstrapping & Reporting |  | Docs
|
GitHub | pip install wildboottest |
| FilterPy | Focuses on Kalman filters (standard, EKF, UKF) and smoothers with a clear, pedagogical implementation style. | GARCH, stochastic volatility, Kalman filtering | State Space & Volatility Models |  | Docs
|
GitHub | pip install filterpy |
| Metran | Specialized package for estimating Dynamic Factor Models (DFM) using state-space methods and Kalman filtering. | GARCH, stochastic volatility, Kalman filtering | State Space & Volatility Models |  | GitHub | pip install metran |
| PyKalman | Implements Kalman filter, smoother, and EM algorithm for parameter estimation, including support for missing values and UKF. | GARCH, stochastic volatility, Kalman filtering | State Space & Volatility Models |  | Docs
|
GitHub | pip install pykalman |
| PyMC Statespace | (See Bayesian) Bayesian state-space modeling using PyMC, integrating Kalman filtering within MCMC for parameter estimation. | GARCH, stochastic volatility, Kalman filtering | State Space & Volatility Models |  | Docs
|
GitHub | pip install pymc-statespace |
| stochvol | Efficient Bayesian estimation of stochastic volatility (SV) models using MCMC. | GARCH, stochastic volatility, Kalman filtering | State Space & Volatility Models |  | Docs
|
GitHub | pip install stochvol |
| Pingouin | User-friendly interface for common statistical tests (ANOVA, ANCOVA, t-tests, correlations, chi², reliability) built on pandas & scipy. | Hypothesis tests, confidence intervals, multiple testing | Statistical Inference & Hypothesis Testing |  | Docs
|
GitHub | pip install pingouin |
| PyWhy-Stats | Part of the PyWhy ecosystem providing statistical methods specifically for causal applications, including various independence tests and power-divergence methods. | Hypothesis tests, confidence intervals, multiple testing | Statistical Inference & Hypothesis Testing |  | Docs
|
GitHub | pip install pywhy-stats |
| Scipy.stats | Foundational module within SciPy for a wide range of statistical functions, distributions, and hypothesis tests (t-tests, ANOVA, chi², KS, etc.). | Hypothesis tests, confidence intervals, multiple testing | Statistical Inference & Hypothesis Testing |  | Docs
|
GitHub | pip install scipy |
| hypothetical | Library focused on hypothesis testing: ANOVA/MANOVA, t-tests, chi-square, Fisher's exact, nonparametric tests (Mann-Whitney, Kruskal-Wallis, etc.). | Hypothesis tests, confidence intervals, multiple testing | Statistical Inference & Hypothesis Testing |  | GitHub | pip install hypothetical |
| lifelines | Comprehensive library for survival analysis: Kaplan-Meier, Nelson-Aalen, Cox regression, AFT models, handling censored data. | Hypothesis tests, confidence intervals, multiple testing | Statistical Inference & Hypothesis Testing |  | Docs
|
GitHub | pip install lifelines |
| Dolo | Framework for describing and solving economic models (DSGE, OLG, etc.) using a declarative YAML-based format. | Structural models, GMM estimation, BLP-style demand | Structural Econometrics & Estimation |  | Docs
|
GitHub | pip install dolo |
| HARK | Toolkit for solving, simulating, and estimating models with heterogeneous agents (e.g., consumption-saving). | Structural models, GMM estimation, BLP-style demand | Structural Econometrics & Estimation |  | Docs
|
GitHub | pip install econ-ark |
| QuantEcon.py | Core library for quantitative economics: dynamic programming, Markov chains, game theory, numerical methods. | Structural models, GMM estimation, BLP-style demand | Structural Econometrics & Estimation |  | Docs
|
GitHub | pip install quantecon |
| respy | Simulation and estimation of finite-horizon dynamic discrete choice (DDC) models (e.g., labor/education choice). | Structural models, GMM estimation, BLP-style demand | Structural Econometrics & Estimation |  | Docs
|
GitHub | pip install respy |
| SDV (Synthetic Data Vault) | Comprehensive library for generating synthetic tabular, relational, and time series data using various models. | Privacy-preserving data, simulation, augmentation | Synthetic Data Generation |  | Docs
|
GitHub | pip install sdv |
| Synthpop | Port of the R package for generating synthetic populations based on sample survey data. | Privacy-preserving data, simulation, augmentation | Synthetic Data Generation |  | GitHub | pip install synthpop |
| ARCH | Specialized library for modeling and forecasting conditional volatility using ARCH, GARCH, EGARCH, and related models. | ARIMA, cointegration, VAR models | Time Series Econometrics |  | Docs
|
GitHub | pip install arch |
| Kats | Broad toolkit for time series analysis, including multivariate analysis, detection (outliers, change points, trends), feature extraction. | ARIMA, cointegration, VAR models | Time Series Econometrics |  | Docs
|
GitHub | pip install kats |
| LocalProjections | Community implementations of Jordà (2005) Local Projections for estimating impulse responses without VAR assumptions. | ARIMA, cointegration, VAR models | Time Series Econometrics |  | GitHub | Install from source |
| MLForecast | Scalable time series forecasting using machine learning models (e.g., LightGBM, XGBoost) as regressors. | Prediction, demand forecasting, trend analysis | Time Series Forecasting |  | Docs
|
GitHub | pip install mlforecast |
| NeuralForecast | Deep learning models (N-BEATS, N-HiTS, Transformers, RNNs) for time series forecasting, built on PyTorch Lightning. | Prediction, demand forecasting, trend analysis | Time Series Forecasting |  | Docs
|
GitHub | pip install neuralforecast |
| Prophet | Forecasting procedure for time series with strong seasonality and trend components, developed by Facebook. | Prediction, demand forecasting, trend analysis | Time Series Forecasting |  | Docs
|
GitHub | pip install prophet |
| StatsForecast | Fast, scalable implementations of popular statistical forecasting models (ETS, ARIMA, Theta, etc.) optimized for performance. | Prediction, demand forecasting, trend analysis | Time Series Forecasting |  | Docs
|
GitHub | pip install statsforecast |
| pmdarima | ARIMA modeling with automatic parameter selection (auto-ARIMA), similar to R's `forecast::auto.arima`. | Prediction, demand forecasting, trend analysis | Time Series Forecasting |  | Docs
|
GitHub | pip install pmdarima |
| sktime | Unified framework for various time series tasks, including forecasting with classical, ML, and deep learning models. | Prediction, demand forecasting, trend analysis | Time Series Forecasting |  | Docs
|
GitHub | pip install sktime |
| CatBoost | Gradient boosting library excelling with categorical features (minimal preprocessing needed). Robust against overfitting. | Random forests, gradient boosting, prediction tasks | Tree & Ensemble Methods for Prediction |  | Docs
|
GitHub | pip install catboost |
| LightGBM | Fast, distributed gradient boosting (also supports RF). Known for speed, low memory usage, and handling large datasets. | Random forests, gradient boosting, prediction tasks | Tree & Ensemble Methods for Prediction |  | Docs
|
GitHub | pip install lightgbm |
| NGBoost | Extends gradient boosting to probabilistic prediction, providing uncertainty estimates alongside point predictions. Built on scikit-learn. | Random forests, gradient boosting, prediction tasks | Tree & Ensemble Methods for Prediction |  | Docs
|
GitHub | pip install ngboost |
| Scikit-learn Ens. | (`RandomForestClassifier`/`Regressor`) Widely-used, versatile implementation of Random Forests. Easy API and parallel processing support. | Random forests, gradient boosting, prediction tasks | Tree & Ensemble Methods for Prediction |  | Docs
|
GitHub | pip install scikit-learn |
| XGBoost | High-performance, optimized gradient boosting library (also supports RF). Known for speed, efficiency, and winning competitions. | Random forests, gradient boosting, prediction tasks | Tree & Ensemble Methods for Prediction |  | Docs
|
GitHub | pip install xgboost |
| cuML (RAPIDS) | GPU-accelerated implementation of Random Forests for significant speedups on large datasets. Scikit-learn compatible API. | Random forests, gradient boosting, prediction tasks | Tree & Ensemble Methods for Prediction |  | Docs
|
GitHub | conda install ... (See RAPIDS docs) |