QuantEcon Notebook Gallery - sharing notebooks on computational economics
- Author: Mizuhiro Suzuki
- Programming Language: Julia
- Published: 2025 Jan 02
- Summary: I used Julia JuMP for OLS and ML estimations to show how to use JuMP with parameter estimations.
- Author: Mizuhiro Suzuki
- Programming Language: Julia
- Published: 2024 Jan 09
- Summary: Julia implementation of a recursive algorithm for kidney exchanges
- Author: Julien Pascal
- Programming Language: Python
- Published: 2023 Nov 03
- Summary: This notebook illustrates how to use Deep Learning (DL) methods to solve DSGE models. We also investigate how hyperparameter choices, such as the learning rate or the number of nodes in the hidden layer(s), affect the accuracy of the numerical solution obtained through DL.
- Author: Amit Kumar Jha
- Programming Language: Python
- Published: 2023 Oct 16
- Summary: This project focuses on the valuation of an FX swaption using QuantLib and Monte Carlo simulation. An FX swaption is a financial derivative that provides the holder the right but not the obligation to enter into a foreign exchange swap contract at a future date, at a predetermined strike rate
- Author: Mizuhiro Suzuki
- Programming Language: Julia
- Published: 2023 Jul 20
- Summary: I implemented the two-sided perfect stable matching with the linear programming formulation.
- Author: Zixu Wang(王梓旭)
- Programming Language: Python
- Published: 2023 May 19
- Summary: nan
- Author: Daisuke Oyama
- Programming Language: Python
- Published: 2023 May 17
- Summary: This notebook demonstrates the usage of the linear complementarity problem (LCP) solver
lcp_lemke
inQuantEcon.py
.
- Author: Mizuhiro Suzuki
- Programming Language: Julia
- Published: 2023 May 08
- Summary: I implemented the collocation method and Gaussian quadrature method to solve the stochastic optimal growth model.
- Author: Amit Kumar Jha
- Programming Language: Python
- Published: 2023 Apr 19
- Summary: Implementation of the Hull-White one-factor model to calibrate a term structure of interest rates to a set of swaption volatilities. The model is used to calculate the price of European swaptions and compare them to market prices, in order to find the best values of the model parameters that minimize the differences between model and market prices.
- Author: Amit Kumar Jha
- Programming Language: Python
- Published: 2023 Feb 04
- Summary: Macroeconomic policies are the measures taken by governments to manage the economy, and computer simulations provide a tool for analyzing their potential impact. By simulating the behavior of the economy under different scenarios, economists can gain a deeper understanding of how different policies may impact the economy. These simulations can also be used to evaluate the impact of a policy on different segments of the population and compare the outcomes of different policy scenarios. However, computer simulations have limitations, including that they are based on assumptions that may not always be accurate and do not take into account all the factors that can influence the economy. As a result, the results of simulations should be interpreted with caution and used in conjunction with other sources of information in policymaking.
- Author: Amit Kumar Jha
- Programming Language: Python
- Published: 2022 Dec 25
- Summary: The Kalman filter is a mathematical tool used to estimate the state of a system based on noisy measurements. It is based on Bayesian filtering, which involves using Bayes' theorem to update the probability of a hypothesis as new evidence becomes available. At each time step, the Kalman filter makes a prediction about the state of the system based on the previous estimate and the dynamics of the system. It then compares this prediction to the actual measurement of the system, taking into account the measurement noise.
- Author: Nikolai Chow
- Programming Language: Python
- Published: 2022 Dec 19
- Summary: In this notebook, we will examine the concept of stochastic dominance and its application in a portfolio optimization problem. Specifically, we will look at a method proposed by Dentcheva and Ruszczyński (2003) that incorporates stochastic dominance constraints into the optimization process. Using Python, we will demonstrate the use of this method with an example from Dentcheva and Ruszczyński (2003).
- Author: Amit Kumar Jha
- Programming Language: Python
- Published: 2022 Dec 18
- Summary: In this notebook, you'll learn about DSGE Model in macroeconomics and how to implement it in Python
- Author: John Stachurski
- Programming Language: Python
- Published: 2022 Nov 14
- Summary: An illustration of the power of Google JAX for fast computations on the GPU, using a simple option pricing example. The point of comparison is a basic Numba-CUDA implementation. This Numba version is inefficient and can be accelerated with careful thought. But JAX takes care of optimal parallelization for us, on the fly. TL/DR: Unless you have lots of spare time, leave GPU code optimization to Google's engineers.
- Author: mcherculano
- Programming Language: Matlab
- Published: 2022 Nov 02
- Summary: A gentle Intro to macroeconometrics with VARs.
- Author: nan
- Programming Language: Python
- Published: 2022 Oct 12
- Summary: The foreign exchange market has seen significant movement in recent years. The dollar has appreciated in value relative to other currencies, especially compared to the INR. In this repository we will use historical data to analyze how the dollar has changed and whether there is a relationship between the dollar and INR and Indian interest rates. The analysis will be conducted using Python. Throughout this article we will learn 1. How to get and analyze financial data 2. How Dollar-INRexchange rate have been changing 3. Relationship between the U.S.-India interest rate differential and the exchange rate
- Author: Shu Hu
- Programming Language: Python
- Published: 2022 Oct 11
- Summary: This notebook implements the naive algorithm and the Strassen algorithm for computing matrix multiplication, along with the correspondences in
numpy
andjax
.
- Author: Shu Hu
- Programming Language: Python
- Published: 2022 Jul 22
- Summary: This notebook teaches how to visualize an input-output network using US data.
- Author: Spencer Lyon
- Programming Language: Julia
- Published: 2022 Apr 22
- Summary: # Reinforcement Learning -- Economic Example Prerequisites - Dynamic Programming - Reinforcement Learning Introduction - Reinforcement Learning Sarsa algorithm - Reinforcement Learning Q-learning algorithm Outcomes - Understand the main points of the career choice model of Derek Neal - See how career choice model can be cast as a RL problem - Use Sarsa and QLearning to "solve" career choice model References - Barto & Sutton book (online by authors here) chapters 4-6 - QuantEcon lecture on career choice model
- Author: John Stachurski
- Programming Language: Julia
- Published: 2022 Apr 07
- Summary: This notebook studies a model that represents Coase's famous theory of the firm and implements numerical experiments in Julia.
- Author: Natasha
- Programming Language: Python
- Published: 2022 Mar 22
- Summary: How much faster can I solve Rust (1987) using JAX instead of Numba? Click here to see.
- Author: Natasha
- Programming Language: Python
- Published: 2022 Mar 18
- Summary: This notebook replicates the main results in Rust (1987) using the raw data files. I hope that this notebook provides an easy-to-follow guide to solving the model!
- Author: John Stachurski
- Programming Language: Python
- Published: 2022 Mar 14
- Summary: Parallelization on GPUs is one of the major trends of modern scientific computing. In this notebook we examine a simple implementation of dynamic programming on the GPU using Python and the Google JAX library.
- Author: Maxime Rotsaert
- Programming Language: Python
- Published: 2021 Dec 18
- Summary: My project’s central focus is the effect of international football players on the average wage of domestic players in the British Premier League. I analyze how domestic and foreign wages are distributed across teams and whether having a greater percentage of a team that is foreign affects domestic player wages. This involves data from five datasets found on a British Premier League database (the last five seasons of team rosters and salaries) as well as data I’ve compiled on my own on team performance and season standings year on year from Sky Sports. I do several visualizations and some regressions as well.
- Author: Maxime Rotsaert
- Programming Language: Python
- Published: 2021 Dec 18
- Summary: My project’s central focus is the effect of international football players on the average wage of domestic players in the British Premier League. I analyze how domestic and foreign wages are distributed across teams and whether having a greater percentage of a team that is foreign affects domestic player wages. This involves data from five datasets found on a British Premier League database (the last five seasons of team rosters and salaries) as well as data I’ve compiled on my own on team performance and season standings year on year from Sky Sports. I do several visualizations and some regressions as well.
- Author: pguerron
- Programming Language: Julia
- Published: 2021 Oct 26
- Summary: This notebook solves a sovereign default model using CUDA in Julia.
- Author: Annemieke Schanze
- Programming Language: Python
- Published: 2021 Sep 05
- Summary: nan
- Author: Julien Pascal
- Programming Language: Julia
- Published: 2021 Jan 30
- Summary: In this notebook, I describe Young's method (2010) to simulate a large number (infinity) of individuals efficiently.
- Author: Spencer Lyon
- Programming Language: Python
- Published: 2021 Jan 10
- Summary: This is a notebook covering basic concepts on Statistics.
- Author: Mohammed Aït Lahcen
- Programming Language: Python
- Published: 2020 Sep 22
- Summary: Examples on the use of Chebyshev polynomials for function approximation in Python.
- Author: Julien Pascal
- Programming Language: Julia
- Published: 2020 Sep 14
- Summary: In this post, I solve and simulate the model of Aiyagari (1994) with aggregate uncertainty using the BKM algorithm.
- Author: Mohammed Aït Lahcen
- Programming Language: Python
- Published: 2020 Aug 25
- Summary: In this notebook, I use a projection method to solve a simple version of the Lucas asset pricing model.
- Author: Mohammed Aït Lahcen
- Programming Language: Python
- Published: 2020 Aug 22
- Summary: In this notebook, I use a simple projection algorithm to solve the discrete time neo-classical growth model.
- Author: Min
- Programming Language: Julia
- Published: 2020 Aug 06
- Summary: This notebook is Julia version of Ramsey Plans, Time Inconsistency, Sustainable Plans.
- Author: Min
- Programming Language: Julia
- Published: 2020 Aug 06
- Summary: This notebook is Julia version of Chang (1998). - The parameter values being used below is to generate figure 25.6.2 in Ljungqvist and Sargent (4th edition). - One can adopt the parameter values from the original paper (parameter set 3 in the code) to replicate the figure in the paper,
- Author: Clarman Cruz
- Programming Language: Julia
- Published: 2020 Jul 26
- Summary: Correlation does not imply causation. Invariant Causal Prediction (ICP) is a great method allowing us to do both. One is to find causality between the target variable and the predictors of the dataset. And two, one can predict using some of the dataset variables. The original InvariantCausalPrediction (ICP) and nonlinear ICP were implemented in R language. This lab shows an implementation in pure Julia 1.4.2 of the core R language functionality of ICP. There are numerous improvements over the original R programming. The Julia version improves in speed, and memory usage via parallelism. Code supportability, and usability is enhanced also. There are new VegaLite plots of the ICP results. The ICP results are clearer. The data is the adult salary set from OpenML. The data is from 1995 but it contains data from many countries. The lab handles a much larger data set than what the R version of ICP can process.
- Author: Julien Pascal
- Programming Language: Julia
- Published: 2020 Apr 24
- Summary: In this notebook, I present two algorithms to simulate incomplete market models with aggregate uncertainty that are both simple and fast: * the BKM algorithm by Boppart, Krusell and Mitman (2018) * the GenBKM algorithm by Reiter (2018).
- Author: Julien Pascal
- Programming Language: Python
- Published: 2020 Apr 17
- Summary: This notebook has two goals. The first goal is to introduce to the linear–quadratic regulator (LQR) framework and to show how to start solving LQR problems in Python. The second goal is to present the Koopman operator and to show that it is a promising alternative to linearization.
- Author: Clarman Cruz
- Programming Language: Julia
- Published: 2020 Apr 08
- Summary: Correlation does not imply causation. The purpose of this jupyter lab is to encourage conversation about how and why classical machine learning models do not handle casual interference. The authors of Invariant Causal Prediction for Nonlinear Models (2018) not only define a sophisticated mathematical model for causal inference but also create a predictive model on top of it. The paper's authors implemented their machine learning model in a R package named nonlinearICP. The Nonlinear Invariant Causal Prediction is an interesting package. One is able to find causality between the target variable and the predictors of the dataset. The lab shows the Nonlinear Invariant Causal Prediction package in Julia 1.4.0. along VegaLite plots of the model results. The real dataset is from United States Bureau of Labor Statistics. The S&P 500 Index prices are inflation adjusted also.
- Author: Clarman Cruz
- Programming Language: Julia
- Published: 2020 Apr 01
- Summary: Correlation does not imply causation. The purpose of this jupyter lab is to encourage conversation about how and why classical machine learning models do not handle casual interference. The authors of Causal inference by using invariant prediction: identification and confidence intervals (2016) not only define a sophisticated mathematical model for causal inference but also create a predictive model on top of it. The paper's authors implemented their machine learning model in a R package named InvariantCausalPrediction (ICP). ICP is a great package allowing us to do both. One is to find causality between the target variable and the predictors of the dataset. And two, one is able to predict using some of the dataset variables. The lab shows the Linear Invariant Causal Prediction package in Julia 1.4.0. along VegaLite plots of the model results. The real employment dataset is from The World Bank.
- Author: Clarman Cruz
- Programming Language: Julia
- Published: 2020 Mar 08
- Summary: This jupyter lab showcases MLJ which is a great machine learning framework. We implement three machine learning classifiers: K means with PCA, binary Support Vector Machine, and Random Forrest with MLJ in Julia 1.3.1. The three classifiers are chained because the output of one is used as part of the input of another classifier. It is the author's unique modeling design. VegaLite Julia package is used to graph the machine model results. The three machine learning models help a community college to improve student experience and increase retention rate. In this matter, the unemployment rate is reduced and state/federal tax revenue is increased as the graduates start their new jobs.
- Author: Clarman Cruz
- Programming Language: Julia
- Published: 2020 Feb 16
- Summary: This JupyterLab is meant as a tutorial. It showcases Queryverse, ARCHModels package, and some basic Julia programming. It is an end to end example using a real-world dataset from The World Bank website. We start the journey reading the statistics files, and then cleaning the data. We prepare further the data for deeper analysis. Afterwards, we graph the prepared data and create an interactive data visualizer. Then, we save our prepared data and graphs for publication, or team sharing. Lastly, we predict future time series values with a machine learning model created with the ARCHModels package.
- Author: Pablo Winant
- Programming Language: Python
- Published: 2019 Nov 25
- Summary: We show how to use TensorFlow to solve a variant of a consumption-savings model with a deep-learning approach and the All-in-One expectation operator. Companion material to the paper "Will Artificial Intelligence Replace Computational Economists Any Time Soon?" by Lilia Maliar, Serguei Maliar and Pablo Winant.
- Author: Barry Ke
- Programming Language: Python
- Published: 2019 Oct 25
- Summary: In this notebook we will run Vector Autoregression (VAR) using python packages. We will revisit the exercise from Vector Autoregression by Stock and Watson (2001).
- Author: Barry Ke
- Programming Language: Matlab
- Published: 2019 Oct 25
- Summary: This notebook replicates the examples in Practicing Dynare by Barillas, Bhandari, Colacito, Kitao, Matthes, Sargent, and Shin.
- Author: Barry Ke
- Programming Language: Matlab
- Published: 2019 Oct 25
- Summary: This notebook replicates the examples in Practicing Dynare by Barillas, Bhandari, Colacito, Kitao, Matthes, Sargent, and Shin.
- Author: Fedor Iskhakov
- Programming Language: Python
- Published: 2019 Aug 22
-
Summary: The notebook presents bisections and Newton-Raphson methods, and a poly-algorithm combining the two. The latter is useful for solving equations with upper and lower bounds on the variables. All three algorithms are implemented with a callback function parameter, which is used to build visualizations of the method iterations. Convergence rates are also presented. The robust Newton method is particularly useful for solving equations of the form
$a \log(x) + b \log(1-x) + c = 0$ ,$ab<0$ , which are defined on the open interval$(0,1)$ but may have the root arbitrary close to either boundary. These equations often arise in discrete choice models, for example games of two players with binary actions.
- Author: Barry Ke
- Programming Language: Matlab
- Published: 2019 Jul 23
- Summary: In this notebook we solve a simple stochastic growth problem using value function iteration. The model is based on NYU course Quantitative Macroeconomics by Gianluca Violante
- Author: Barry Ke
- Programming Language: Matlab
- Published: 2019 Jul 20
- Summary: This notebook replicates a simplified model from The role of investment-specific technological change in the business cycle (Greenwood, Hercowitz, and Krusell 1998)
- Author: Barry Ke
- Programming Language: Matlab
- Published: 2019 Jul 20
- Summary: This notebook contains notes and matlab implementation of some coding examples in "Applied Computational Economics and Finance" by Mario J. Miranda and Paul L. Fackler
- Author: Barry Ke
- Programming Language: Matlab
- Published: 2019 Jul 20
- Summary: This notebook contains notes and matlab implementation of some coding examples in "Applied Computational Economics and Finance" by Mario J. Miranda and Paul L. Fackler.
- Author: Barry Ke
- Programming Language: Matlab
- Published: 2019 Jul 20
- Summary: This notebook contains notes and matlab implementation of some coding examples in "Applied Computational Economics and Finance" by Mario J. Miranda and Paul L. Fackler.
- Author: Barry Ke
- Programming Language: Matlab
- Published: 2019 Jul 15
- Summary: This notebook contains notes and python implementation of some coding examples in "Applied Computational Economics and Finance" by Mario J. Miranda and Paul L. Fackler.
- Author: Barry Ke
- Programming Language: Matlab
- Published: 2019 Jul 03
- Summary: This notebook contains notes and python implementation of some coding examples in "Applied Computational Economics and Finance" by Mario J. Miranda and Paul L. Fackler.
- Author: Barry Ke
- Programming Language: Matlab
- Published: 2019 Jul 03
- Summary: This notebook contains notes and python implementation of some coding examples in "Applied Computational Economics and Finance" by Mario J. Miranda and Paul L. Fackler.
- Author: Barry Ke
- Programming Language: Matlab
- Published: 2019 Jul 03
- Summary: This notebook contains notes and python implementation of some coding examples in "Applied Computational Economics and Finance" by Mario J. Miranda and Paul L. Fackler.
- Author: Aakash Gupta
- Programming Language: Python
- Published: 2019 Jul 03
- Summary: nan
- Author: Robin Li
- Programming Language: Python
- Published: 2019 May 14
- Summary: Using 1992-2006 time-series data on granted patents in US and granted stock options for the Chief Executive Office (CEO) in matched US firms, this study finds a significantly positive correlation between the lagged measure of the CEO’s granted stock option value and the firm-level innovation activity (measured by number of patent granted each year). This study provides the direct empirical evidence in support of Manso (2011)’s thoery: the compensation scheme that tolerates for the early failure; rewards for the long-term success and indicates the commitment to a long-term compensation plan to CEOs, are essential in motivating innovation at the firm level.
- Author: shahzoor
- Programming Language: Python
- Published: 2019 May 12
- Summary: Every year, EA Sport releases a new rendition of its FIFA series, and every year I and 24 million other people flock to buy it. In the game, every player is assigned a rating between 0 and 100 based on their performances in the previous season. How specifically the ratings are calculated is somewhat opaque, but it involves some combination of performance statistics and subjective scout reports that are then reviewed by a team of editors at EA. In this notebook, I try and examine if these ratings are any good at predicting real match outcomes. To do this, I use match data from last year's premier league season (2017/18) and ratings from this year's game, FIFA 19. That gives me a base of 380 games to work with. For every game that was played last year, I use lineup information to compute the average rating for each team and then find the difference. Then, since I know what the difference in rating was for each game and I know the result, I can effectively compute the probability distribution of outcomes for a game given the difference in average team rating. I then test how well this estimated conditional distribution does at predicting match results. I built this for a class I took at UBC that you can find here: https://github.com/ubcecon/ECON407_2019.
- Author: Chris Conlon
- Programming Language: Python
- Published: 2019 May 08
- Summary: pyBLP Tutorial: Part 4 Learn to calculate post-estimation quantities and counterfactual experiments. This includes elasticities, welfare estimates, HHI, and diversion ratios. Also learn how to simulate merger effects.
- Author: Chris Conlon
- Programming Language: Python
- Published: 2019 May 08
- Summary: pyBLP tutorial: Part 3 Estimate the BLP 95/99 Automobile example. This problem includes simultaneous estimation of supply and demand as well as a demographic interaction between prices and income.
- Author: Chris Conlon
- Programming Language: Python
- Published: 2019 May 08
- Summary: pyBLP Tutorial: Part 2 Estimate the Nevo (2000) fake cereal data example. This problem adds random coefficients, demographic interactions and fixed effects.
- Author: Chris Conlon
- Programming Language: Python
- Published: 2019 May 08
- Summary: pyBLP tutorial: Part 1. Learn to estimate a logit and nested logit demand model on aggregate data.
- Author: josephteh
- Programming Language: Python
- Published: 2019 May 01
- Summary: This project compares three different vector autoregressive models (VAR) in their in-sample forecasting. I utilize machine learning techniques to select features for two VARs. One of the VAR relies on a traditional technique of just choosing variables based on economic theory. Which ones do better? Find out below.
- Author: Jason DeBacker
- Programming Language: Python
- Published: 2019 Apr 30
- Summary: This notebook provides a demo of the
Cost of Capital Calculator
, an open source tool that provides cost of capital and effective tax rates calculations on investment in the U.S. Source code and further documentation of the model can be found in this GitHub repo.
- Author: Arnav Sood
- Programming Language: Julia
- Published: 2019 Mar 09
- Summary: Many important economic problems boil down to choosing the optimal time to stop some process. The traditional approach to these problems is to solve a recursive, Bellman-type equation. While analytically tractable, this approach can be inconvenient for computational work. In this notebook, we present the theory and implementation for an approach based on linear complementarity theory (LCPs). The discretization of the problem was carried out using the QuantEcon/SimpleDifferentialOperators.jl package. A full derivation of the scheme is found in that package's documentation (link within).
- Author: Aakash Gupta
- Programming Language: Python
- Published: 2019 Feb 19
- Summary: nan
- Author: HobbesCalvsdfsdf
- Programming Language: Python
- Published: 2019 Feb 19
- Summary: sdfsdf sdf
- Author: Mohammed Aït Lahcen
- Programming Language: Python
- Published: 2019 Jan 28
- Summary: In this notebook I replicate the main results from Berentsen, Menzio and Wright (AER, 2011) who investigate the long-run relationship between monetary policy and unemployment in the US. The authors propose a theoretical model that combines the standard labor search model (Mortensen and Pissarides, 1994) with the standard New Monetarist model (Kyotaki and Wright, 1993; Lagos and Wright, 2005). Monetary policy affects output and employment through the real balance effect: Higher inflation increases the cost of money carried for transaction purposes which lowers consumption, reduces firms' profits from job creation and hence increases unemployment. Matching frictions in the goods market work as an amplification mechanism. Strategic complementarity between buyers' money holdings and firms' entry gives potentially rise to multiple equilibria.
- Author: Eric Schulman
- Programming Language: Python
- Published: 2019 Jan 24
- Summary: The following guide demonstrates how to use conditional choice probability (CCP) estimators in Python. These estimators are the most common way to think about how the future influences decisions in industrial organization and related economic fields. As an example, I use the bus engine replacement problem from Rust 1987.
- Author: Shunsuke-Hori
- Programming Language: Julia
- Published: 2019 Jan 22
- Summary: This notebook is replicates Stock and Watson (2016, Handbook of macroeconomics) "Dynamic factor models, factor-augmented vector autoregressions, and structural vector autoregressions in macroeconomics."
- Author: Aakash Gupta
- Programming Language: Python
- Published: 2019 Jan 08
- Summary: Test summary
- Author: Kyle O Shea
- Programming Language: Python
- Published: 2018 Dec 12
- Summary: Please find the live notebook, along with the next 2 chapters, here: https://kyso.io/explore/pikkety . These notebooks are completely reproducible & can be forked onto one of Kyso's Jupyterlab environments running in the cloud.
- Author: Zejin Shi
- Programming Language: Python
- Published: 2018 Nov 27
- Summary: This notebook demonstrates the usage of Python implementation of Abreu-Sannikov algorithm for computing the set of payoff pairs of all pure-strategy subgame-perfect equilibria with public randomization for any repeated two-player games with perfect monitoring and discounting.
- Author: Andrew Owens
- Programming Language: Julia
- Published: 2018 Nov 21
- Summary: I show how to do value function iteration for a simple savings problem in Julia, and how to use multithreading or distributed memory processing to gain speedups from parallel computing.
- Author: davide viviano
- Programming Language: R
- Published: 2018 Nov 05
- Summary: The notebook implements Continuous SIR in R with a wrapper function in C. Code available also on Github. The project has been developed by Hans-Peter Hollwirth, Robert T. Lange and Davide Viviano.
- Author: Daisuke Oyama
- Programming Language: Julia
- Published: 2018 Oct 30
- Summary: This notebook describes the implementation details of the
DiscreteDP
type and its methods inQuantEcon.jl
.
- Author: Daisuke Oyama
- Programming Language: Python
- Published: 2018 Oct 30
- Summary: This notebook describes the implementation details of the
DiscreteDP
class inQuantEcon.py
.
- Author: Daisuke Oyama
- Programming Language: Python
- Published: 2018 Oct 30
- Summary: This notebook demonstrates via a simple example how to use the
DiscreteDP
module inQuantEcon.py
.
- Author: Christophe Benz
- Programming Language: Python
- Published: 2018 Oct 26
- Summary: How to use DBnomics to fetch data from Python
- Author: Patrick David
- Programming Language: Python
- Published: 2018 Oct 21
- Summary: Over the past 32 years, October has been the most volatile month on average for the S&P500 and December the least, in this article we will use simulation to assess the statistical significance of this observation and to what extent this observation could occur by chance.
- Author: Ammar Alyousfi
- Programming Language: Python
- Published: 2018 Oct 20
- Summary: Analysis of more than 40,000 YouTube trending videos. Python is used with some packages like Pandas and Matplotlib to analyze a dataset that was collected over 205 days. For each of those days, the dataset contains data about the trending videos of that day. It contains data about more than 40,000 trending videos.
- Author: Alejandro Jiménez
- Programming Language: R
- Published: 2018 Oct 19
- Summary: One of the most common financial advices that you can hear in every Christmas meal is that you should be saving a fixed amount of money each month. This statement usually arises cocky arguments about the hottest blue-chips to invest on. In this Notebook I'll explore a systematic methodology to test different stock-picking strategies
- Author: Chase Coleman
- Programming Language: Python
- Published: 2018 Oct 19
- Summary: This notebook describes a problem faced by the Statistical Research Group during World War 2 that stumped Milton Friedman and which Abraham Wald solved by inventing Sequential Analysis.
- Author: Shunsuke-Hori
- Programming Language: Julia
- Published: 2018 Oct 04
- Summary: This notebook solves the Krusell-Smith model to replicate Maliar, Lilia, Serguei Maliar, and Fernando Valli (2010, JEDC)
- Author: John Stachurski
- Programming Language: Python
- Published: 2018 Sep 28
- Summary: A response to a paper by Boragan Aruoba and Jesus Fernández-Villaverde.
- Author: Shunsuke-Hori
- Programming Language: Julia
- Published: 2018 Sep 20
- Summary: This notebook introduces
hamilton_filter
andhp_filter
in QuantEcon.jl and describes "Why you should never use the Hodrick-Prescott filter" with some examples in Hamilton (2017).
- Author: Daisuke Oyama
- Programming Language: Julia
- Published: 2018 Aug 08
- Summary: This notebook demonstrates the functionalities of
GameTheory.jl
.
- Author: Daisuke Oyama
- Programming Language: Python
- Published: 2018 Aug 08
- Summary: This notebook demonstrates the functionalities of the
game_theory
module inQuantEcon.py
.
- Author: linda
- Programming Language: Python
- Published: 2018 Aug 01
- Summary: hello world 2
- Author: linda
- Programming Language: Python
- Published: 2018 Aug 01
- Summary: Hello World
- Author: Chase Coleman
- Programming Language: Other
- Published: 2018 Jul 30
- Summary: This file is part of a computational appendix that accompanies the paper. > MATLAB, Python, Julia: What to Choose in Economics? Coleman, Lyon, Maliar, and Maliar (2017)
- Author: Chase Coleman
- Programming Language: Julia
- Published: 2018 Jul 30
- Summary: This file is part of a computational appendix that accompanies the paper. > MATLAB, Python, Julia: What to Choose in Economics? Coleman, Lyon, Maliar, and Maliar (2017)
- Author: Chase Coleman
- Programming Language: Python
- Published: 2018 Jul 30
- Summary: This file is part of a computational appendix that accompanies the paper. > MATLAB, Python, Julia: What to Choose in Economics? Coleman, Lyon, Maliar, and Maliar (2017)
- Author: John Stachurski
- Programming Language: Python
- Published: 2018 Jul 24
- Summary: An implementation of the ECMA 2018 paper "Very Simple Markov Perfect Industry Dynamics" by Abbring et al, written in Python. Computation of the equilibrium is accelerated using Numba.
- Author: Mario Silva
- Programming Language: Python
- Published: 2018 Jul 23
- Summary: Solution of Krusell-Smith model via time iteration on household slide and convergence of perceived law of motion of the capital stock with actual law of motion. Adapted algorithm by Lilia Maliar, Serguei Maliar, and Fernando Valli
- Author: Spencer Lyon
- Programming Language: Other
- Published: 2018 Jul 22
- Summary: # A stylized New Keynesian Model This notebook is part of a computational appendix that accompanies the paper. > MATLAB, Python, Julia: What to Choose in Economics? > > Coleman, Lyon, Maliar, and Maliar (2017) This contains the model.
- Author: Spencer Lyon
- Programming Language: Python
- Published: 2018 Jul 22
- Summary: # Solving a New Keynesian model with Python This notebook is part of a computational appendix that accompanies the paper. > MATLAB, Python, Julia: What to Choose in Economics? >> Coleman, Lyon, Maliar, and Maliar (2017)
- Author: Spencer Lyon
- Programming Language: Other
- Published: 2018 Jul 22
- Summary: # Solving a New Keynesian model with Matlab This notebook is part of a computational appendix that accompanies the paper. > MATLAB, Python, Julia: What to Choose in Economics? >> Coleman, Lyon, Maliar, and Maliar (2017)
- Author: Spencer Lyon
- Programming Language: Julia
- Published: 2018 Jul 22
- Summary: # Solving a New Keynesian model with Julia This file is part of a computational appendix that accompanies the paper. > MATLAB, Python, Julia: What to Choose in Economics? > > Coleman, Lyon, Maliar, and Maliar (2017)
- Author: Spencer Lyon
- Programming Language: Python
- Published: 2018 Jul 22
- Summary: In this notebook I use the tools in the PyData ecosystem to replicate the main regressions and figures from Autor, D. H., Dorn, D., & Hanson, G. H. (2013).
- Author: Spencer Lyon
- Programming Language: Python
- Published: 2018 Jul 22
- Summary: In this notebook we describe the basic mathematical theory behind Gaussian process regression and replicate a few of the examples from Machine learning for high-dimensional dynamic stochastic economies" by Scheidegger/Bilionis 2017
- Author: Natasha
- Programming Language: Python
- Published: 2018 Jul 16
- Summary: nan
- Author: Kerk Phillips
- Programming Language: Python
- Published: 2018 Jul 06
- Summary: This notebook shows how to easily calculate business cycle moments from a data set. Includes examples of four common filters. The code in this notebook uses Python 3.6.
- Author: Kerk Phillips
- Programming Language: Python
- Published: 2018 Jul 06
- Summary: This notebook provides examples of how to use the A-K fixed point solver with an adaptive dampener. There are two examples for steady states: 1) Solow model and 2) OLG model. The code in this notebook uses Python 3.6.
- Author: Kerk Phillips
- Programming Language: Python
- Published: 2018 Jul 06
- Summary: This notebook provides an example of how to calculate Euler errors for a simple DSGE model. There are two examples: 1) linearization and 2) value-function iteration. The code in this notebook uses Python 3.6.
- Author: Kerk Phillips
- Programming Language: Python
- Published: 2018 Jul 06
- Summary: This notebook provides an example of how to solve and simulate a simple stochastic OLG model using the same linearization tools as are commonly used to solve DSGE models.. The code in this notebook uses Python 3.6.
- Author: Kerk Phillips
- Programming Language: Python
- Published: 2018 Jul 06
- Summary: This notebook provides an example of how to solve and simulating a simple DSGE model using linearization about the model's steady state. The code in this notebook uses Python 3.6.
- Author: Kerk Phillips
- Programming Language: Python
- Published: 2018 Jul 06
- Summary: This notebook provides an example of how to solve and simulating a simple DSGE model using value-function iteration on a full cartesian grid. The code in this notebook uses Python 3.6.
- Author: Richard W Evans
- Programming Language: Python
- Published: 2018 Jul 05
- Summary: This notebook provides a characterization of the simulated method of moments (SMM) approach to parameter estimation in the general setting of a nonlinear functions and non-Gaussian errors. Code uses Python 3.6.
- Author: Richard W Evans
- Programming Language: Python
- Published: 2018 Jul 03
- Summary: This notebook provides a characterization of the generalized method of moments (GMM) approach to parameter estimation in the general setting of a nonlinear functions and non-Gaussian errors. Code uses Python 3.6.
- Author: Richard W Evans
- Programming Language: Python
- Published: 2018 Jul 03
- Summary: This notebook provides a characterization of the generalized method of moments (GMM) approach to parameter estimation in the general setting of a nonlinear functions and non-Gaussian errors. Code uses Python 3.6.
- Author: Richard W Evans
- Programming Language: Python
- Published: 2018 Jul 03
- Summary: This notebook provides a characterization of maximum likelihood approach to parameter estimation in the general setting of a nonlinear functions and non-Gaussian errors. Code uses Python 3.6 to explore the theory and computation behind MLE.
- Author: Richard W Evans
- Programming Language: Python
- Published: 2018 Jul 03
- Summary: This notebook provides a characterization of maximum likelihood approach to parameter estimation in the general setting of a nonlinear functions and non-Gaussian errors. We use Python 3.6 to explore the theory and computation behind MLE.
- Author: Quentin Batista
- Programming Language: Python
- Published: 2018 Jul 02
- Summary: This notebook investigates the existence of the border effect between U.S. and Canadian prices initially established by Engel and Rogers (1996) by examining the adequacy of their model and data using insightful visualizations.
- Author: Quentin Batista
- Programming Language: Python
- Published: 2018 Jul 02
- Summary: This notebook analyzes the empirical distribution of cryptocurrency returns and establishes that they follow a heavy-tailed distribution.
- Author: Daisuke Oyama
- Programming Language: Python
- Published: 2018 Jun 29
- Summary: This notebook demonstrates how to analyze finite-state Markov chains with the
MarkovChain
class fromQuantEcon.py
.
- Author: Daisuke Oyama
- Programming Language: Python
- Published: 2018 Jun 29
- Summary: This notebook demonstrates how to use the
DiscreteDP
class fromQuantEcon.py
to solve the finite-state version of the automobile replacement problem as considered in Rust (1996), "Numerical Dynamic Programming in Economics," Handbook of
- Author: Matt McKay
- Programming Language: Python
- Published: 2018 Jun 27
- Summary: In this notebook I demonstrate a few of the
Python
ecosystem tools that enable research in areas that can be difficult to do using traditional tools such asStata
that are typically fit-for-purpose statistical tools. The agility of a full programming language environment allows for a high degree of flexibility and the Python ecosystem provides a vast toolkit to remain productive. This notebook is motivated by computing the Product Space network, which uses conditional probability of co-export as a measure of product similarity. It is often best visualised as a network.
- Author: John Stachurski
- Programming Language: Python
- Published: 2018 Jun 22
- Summary: This notebook gives a quick introduction to Numba and JIT compilation within Python's scientific computing environment. With Numba, basic mathematical operations in Python can run as fast as Fortran.