import pandas as pd
import numpy as np
import sqlite3
from plotnine import *
from mizani.formatters import percent_format
from itertools import product
from scipy.stats import expon
from scipy.optimize import minimize
Constrained Optimization and Backtesting
You are reading Tidy Finance with Python. You can find the equivalent chapter for the sibling Tidy Finance with Rhere.
In this chapter, we conduct portfolio backtesting in a realistic setting by including transaction costs and investment constraints such as no-short-selling rules. We start with standard mean-variance efficient portfolios and introduce constraints in a step-by-step manner. To do so, we rely on numerical optimization procedures in Python. We conclude the chapter by providing an out-of-sample backtesting procedure for the different strategies that we introduce in this chapter.
Throughout this chapter, we use the following Python packages:
Compared to previous chapters, we introduce expon
from scipy.stats
to calculate exponential continuous random variables.
Data Preparation
We start by loading the required data from our SQLite database introduced in Accessing and Managing Financial Data and WRDS, CRSP, and Compustat. For simplicity, we restrict our investment universe to the monthly Fama-French industry portfolio returns in the following application.
= sqlite3.connect(database="data/tidy_finance_python.sqlite")
tidy_finance
= (pd.read_sql_query(
industry_returns ="SELECT * FROM industries_ff_monthly",
sql=tidy_finance,
con={"date"})
parse_dates=["date"])
.drop(columns )
Recap of Portfolio Choice
A common objective for portfolio optimization is to find mean-variance efficient portfolio weights, i.e., the allocation that delivers the lowest possible return variance for a given minimum level of expected returns. In the most extreme case, where the investor is only concerned about portfolio variance, they may choose to implement the minimum variance portfolio (MVP) weights which are given by the solution to \[\omega_\text{mvp} = \arg\min \omega'\Sigma \omega \text{ s.t. } \omega'\iota = 1 \tag{1}\] where \(\Sigma\) is the \((N \times N)\) covariance matrix of the returns. The optimal weights \(\omega_\text{mvp}\) can be found analytically and are \(\omega_\text{mvp} = \frac{\Sigma^{-1}\iota}{\iota'\Sigma^{-1}\iota}\). In terms of code, the math is equivalent to the following chunk.
= industry_returns.shape[1]
n_industries
= np.array(industry_returns.mean()).T
mu = np.array(industry_returns.cov())
sigma = np.linalg.inv(sigma) @ np.ones(n_industries)
w_mvp = w_mvp/w_mvp.sum()
w_mvp
= pd.DataFrame({
weights_mvp "Industry": industry_returns.columns.tolist(),
"Minimum variance": w_mvp
})round(3) weights_mvp.
Industry | Minimum variance | |
---|---|---|
0 | nodur | 0.256 |
1 | durbl | 0.000 |
2 | manuf | 0.048 |
3 | enrgy | 0.082 |
4 | hitec | 0.014 |
5 | telcm | 0.235 |
6 | shops | 0.089 |
7 | hlth | 0.161 |
8 | utils | 0.469 |
9 | other | -0.355 |
Next, consider an investor who aims to achieve minimum variance given a required expected portfolio return \(\bar{\mu}\) such that she chooses \[\omega_\text{eff}({\bar{\mu}}) =\arg\min \omega'\Sigma \omega \text{ s.t. } \omega'\iota = 1 \text{ and } \omega'\mu \geq \bar{\mu}. \tag{2}\] We leave it as an exercise below to show that the portfolio choice problem can equivalently be formulated for an investor with mean-variance preferences and risk aversion factor \(\gamma\). That means the investor aims to choose portfolio weights as the solution to \[ \omega^*_\gamma = \arg\max \omega' \mu - \frac{\gamma}{2}\omega'\Sigma \omega\quad \text{ s.t. } \omega'\iota = 1. \tag{3}\] The solution to the optimal portfolio choice problem is: \[\omega^*_{\gamma} = \frac{1}{\gamma}\left(\Sigma^{-1} - \frac{1}{\iota' \Sigma^{-1}\iota }\Sigma^{-1}\iota\iota' \Sigma^{-1} \right) \mu + \frac{1}{\iota' \Sigma^{-1} \iota }\Sigma^{-1} \iota. \tag{4}\] To proof this statement, we refer to the derivations in Proofs. Empirically, this classical solution imposes many problems. In particular, the estimates of \(\mu\) are noisy over short horizons, the (\(N \times N\)) matrix \(\Sigma\) contains \(N(N-1)/2\) distinct elements and thus, estimation error is huge. Seminal papers on the effect of ignoring estimation uncertainty, among others, are Brown (1976), Jobson and Korkie (1980), Jorion (1986), and Chopra and Ziemba (1993).
Even worse, if the asset universe contains more assets than available time periods \((N > T)\), the sample covariance matrix is no longer positive definite such that the inverse \(\Sigma^{-1}\) does not exist anymore. To address estimation issues for vast-dimensional covariance matrices, regularization techniques (see, e.g., Ledoit and Wolf 2003, 2004, 2012; Fan, Fan, and Lv 2008) and the parametric approach from the previous chapter are popular tools.
While the uncertainty associated with estimated parameters is challenging, the data-generating process is also unknown to the investor. In other words, model uncertainty reflects that it is ex-ante not even clear which parameters require estimation (for instance, if returns are driven by a factor model, selecting the universe of relevant factors imposes model uncertainty). Wang (2005) and Garlappi, Uppal, and Wang (2007) provide theoretical analysis on optimal portfolio choice under model and estimation uncertainty. In the most extreme case, Pflug, Pichler, and Wozabal (2012) shows that the naive portfolio, which allocates equal wealth to all assets, is the optimal choice for an investor averse to model uncertainty.
On top of the estimation uncertainty, transaction costs are a major concern. Rebalancing portfolios is costly, and, therefore, the optimal choice should depend on the investor’s current holdings. In the presence of transaction costs, the benefits of reallocating wealth may be smaller than the costs associated with turnover. This aspect has been investigated theoretically, among others, for one risky asset by Magill and Constantinides (1976) and Davis and Norman (1990). Subsequent extensions to the case with multiple assets have been proposed by Balduzzi and Lynch (1999) and Balduzzi and Lynch (2000). More recent papers on empirical approaches that explicitly account for transaction costs include Gârleanu and Pedersen (2013), DeMiguel, Nogales, and Uppal (2014), and DeMiguel, Martín-Utrera, and Nogales (2015).
Estimation Uncertainty and Transaction Costs
The empirical evidence regarding the performance of a mean-variance optimization procedure in which you simply plug in some sample estimates \(\hat \mu\) and \(\hat \Sigma\) can be summarized rather briefly: mean-variance optimization performs poorly! The literature discusses many proposals to overcome these empirical issues. For instance, one may impose some form of regularization of \(\Sigma\), rely on Bayesian priors inspired by theoretical asset pricing models (Kan and Zhou 2007), or use high-frequency data to improve forecasting (Hautsch, Kyj, and Malec 2015). One unifying framework that works easily, effectively (even for large dimensions), and is purely inspired by economic arguments is an ex-ante adjustment for transaction costs (Hautsch and Voigt 2019).
Assume that returns are from a multivariate normal distribution with mean \(\mu\) and variance-covariance matrix \(\Sigma\), \(N(\mu,\Sigma)\). Additionally, we assume quadratic transaction costs which penalize rebalancing such that \[ \begin{aligned} \nu\left(\omega_{t+1},\omega_{t^+}, \beta\right) = \frac{\beta}{2} \left(\omega_{t+1} - \omega_{t^+}\right)'\left(\omega_{t+1}- \omega_{t^+}\right),\end{aligned} \tag{5}\] with cost parameter \(\beta>0\) and \(\omega_{t^+} = {\omega_t \circ (1 +r_{t})}/{\iota' (\omega_t \circ (1 + r_{t}))}\), where \(\circ\) is the element-wise Hadamard product. \(\omega_{t^+}\) denotes the portfolio weights just before rebalancing. Note that \(\omega_{t^+}\) differs mechanically from \(\omega_t\) due to the returns in the past period. Intuitively, transaction costs penalize portfolio performance when the portfolio is shifted from the current holdings \(\omega_{t^+}\) to a new allocation \(\omega_{t+1}\). In this setup, transaction costs do not increase linearly. Instead, larger rebalancing is penalized more heavily than small adjustments. Then, the optimal portfolio choice for an investor with mean variance preferences is \[\begin{aligned}\omega_{t+1} ^* &= \arg\max \omega'\mu - \nu_t (\omega,\omega_{t^+}, \beta) - \frac{\gamma}{2}\omega'\Sigma\omega \text{ s.t. } \iota'\omega = 1\\ &=\arg\max \omega'\mu^* - \frac{\gamma}{2}\omega'\Sigma^* \omega \text{ s.t.} \iota'\omega=1,\end{aligned} \tag{6}\] where \[\mu^*=\mu+\beta \omega_{t^+} \quad \text{and} \quad \Sigma^*=\Sigma + \frac{\beta}{\gamma} I_N. \tag{7}\] As a result, adjusting for transaction costs implies a standard mean-variance optimal portfolio choice with adjusted return parameters \(\Sigma^*\) and \(\mu^*\): \[\omega^*_{t+1} = \frac{1}{\gamma}\left(\Sigma^{*-1} - \frac{1}{\iota' \Sigma^{*-1}\iota }\Sigma^{*-1}\iota\iota' \Sigma^{*-1} \right) \mu^* + \frac{1}{\iota' \Sigma^{*-1} \iota }\Sigma^{*-1} \iota. \tag{8}\]
An alternative formulation of the optimal portfolio can be derived as follows: \[\omega_{t+1} ^*=\arg\max \omega'\left(\mu+\beta\left(\omega_{t^+} - \frac{1}{N}\iota\right)\right) - \frac{\gamma}{2}\omega'\Sigma^* \omega \text{ s.t. } \iota'\omega=1. \tag{9}\] The optimal weights correspond to a mean-variance portfolio, where the vector of expected returns is such that assets that currently exhibit a higher weight are considered as delivering a higher expected return.
Optimal Portfolio Choice
The function below implements the efficient portfolio weights in its general form, allowing for transaction costs (conditional on the holdings before reallocation). For \(\beta=0\), the computation resembles the standard mean-variance efficient framework. gamma
denotes the coefficient of risk aversion \(\gamma\), beta
is the transaction cost parameter \(\beta\) and w_prev
are the weights before rebalancing \(\omega_{t^+}\).
def compute_efficient_weight(sigma,
mu, =2,
gamma=0,
beta=np.ones(sigma.shape[1])/sigma.shape[1]):
w_prev"""Compute efficient portfolio weights."""
= sigma.shape[1]
n = np.ones(n)
iota = sigma+(beta/gamma)*np.eye(n)
sigma_processed = mu+beta*w_prev
mu_processed
= np.linalg.inv(sigma_processed)
sigma_inverse
= sigma_inverse @ iota
w_mvp = w_mvp/np.sum(w_mvp)
w_mvp = w_mvp+(1/gamma)*\
w_opt -np.outer(w_mvp, iota) @ sigma_inverse) @ mu_processed
(sigma_inverse
return w_opt
= compute_efficient_weight(sigma, mu)
w_efficient
= pd.DataFrame({
weights_efficient "Industry": industry_returns.columns.tolist(),
"Efficient portfolio": w_efficient
})round(3) weights_efficient.
Industry | Efficient portfolio | |
---|---|---|
0 | nodur | 1.469 |
1 | durbl | 0.205 |
2 | manuf | -1.482 |
3 | enrgy | 0.663 |
4 | hitec | 0.400 |
5 | telcm | -0.423 |
6 | shops | 0.607 |
7 | hlth | 0.389 |
8 | utils | -0.216 |
9 | other | -0.613 |
The portfolio weights above indicate the efficient portfolio for an investor with risk aversion coefficient \(\gamma=2\) in the absence of transaction costs. Some of the positions are negative, which implies short-selling, and most of the positions are rather extreme. For instance, a position of \(-1\) implies that the investor takes a short position worth their entire wealth to lever long positions in other assets. What is the effect of transaction costs or different levels of risk aversion on the optimal portfolio choice? The following few lines of code analyze the distance between the minimum variance portfolio and the portfolio implemented by the investor for different values of the transaction cost parameter \(\beta\) and risk aversion \(\gamma\).
= [2, 4, 8, 20]
gammas = 20*expon.ppf(np.arange(1, 100)/100, scale=1)
betas
= (pd.DataFrame(
transaction_costs list(product(gammas, betas)),
=["gamma", "beta"]
columns
)
.assign(=lambda x: x.apply(lambda y:
weights
compute_efficient_weight(=y["gamma"], beta=y["beta"]/10000, w_prev=w_mvp),
sigma, mu, gamma=1
axis
),=lambda x: x["weights"].apply(
concentrationlambda x: np.sum(np.abs(x-w_mvp))
)
) )
The code chunk above computes the optimal weight in the presence of transaction cost for different values of \(\beta\) and \(\gamma\) but with the same initial allocation, the theoretical optimal minimum variance portfolio. Starting from the initial allocation, the investor chooses their optimal allocation along the efficient frontier to reflect their own risk preferences. If transaction costs were absent, the investor would simply implement the mean-variance efficient allocation. If transaction costs make it costly to rebalance, their optimal portfolio choice reflects a shift toward the efficient portfolio, whereas their current portfolio anchors their investment.
= (
rebalancing_plot
ggplot(transaction_costs, ="beta", y="concentration",
aes(x="factor(gamma)", linetype="factor(gamma)")) +
color+
geom_line() =None) +
guides(linetype="Transaction cost parameter", y="Distance from MVP",
labs(x="Risk aversion",
color=("Portfolio weights for different risk aversion and "
title"transaction cost"))
) rebalancing_plot.draw()
Figure 1 shows rebalancing from the initial portfolio (which we always set to the minimum variance portfolio weights in this example). The higher the transaction costs parameter \(\beta\), the smaller is the rebalancing from the initial portfolio. In addition, if risk aversion \(\gamma\) increases, the efficient portfolio is closer to the minimum variance portfolio weights such that the investor desires less rebalancing from the initial holdings.
Constrained Optimization
Next, we introduce constraints to the above optimization procedure. Very often, typical constraints such as short-selling restrictions prevent analytical solutions for optimal portfolio weights (short-selling restrictions simply imply that negative weights are not allowed such that we require that \(w_i \geq 0\,\forall i\)). However, numerical optimization allows computing the solutions to such constrained problems.
We rely on the powerful scipy.optimize
package, which provides a common interface to a number of different optimization routines. In particular, we employ the Sequential Least-Squares Quadratic Programming (SLSQP) algorithm of Kraft (1994) because it is able to handle multiple equality and inequality constraints at the same time and is typically used for problems where the objective function and the constraints are twice continuously differentiable. We have to provide the algorithm with the objective function and its gradient, as well as the constraints and their Jacobian.
We illustrate the use of minimize()
by replicating the analytical solutions for the minimum variance and efficient portfolio weights from above. Note that the equality constraint for both solutions is given by the requirement that the weights must sum up to one. In addition, we supply a vector of equal weights as an initial value for the algorithm in all applications. We verify that the output is equal to the above solution. Note that np.allclose()
is a safe way to compare two vectors for pairwise equality. The alternative ==
is sensitive to small differences that may occur due to the representation of floating points on a computer, while np.allclose()
has a built-in tolerance. It returns True
if both are equal, which is the case in both applications below.
= np.ones(n_industries)/n_industries
w_initial
def objective_mvp(w):
return 0.5*w.T @ sigma @ w
def gradient_mvp(w):
return sigma @ w
def equality_constraint(w):
return np.sum(w)-1
def jacobian_equality(w):
return np.ones_like(w)
= (
constraints "type": "eq", "fun": equality_constraint, "jac": jacobian_equality}
{
)
= {
options "tol":1e-20,
"maxiter": 10000,
"method":"SLSQP"
}
= minimize(
w_mvp_numerical =w_initial,
x0=objective_mvp,
fun=gradient_mvp,
jac=constraints,
constraints=options["tol"],
tol={"maxiter": options["maxiter"]},
options=options["method"]
method
)
=1e-3)
np.allclose(w_mvp, w_mvp_numerical.x, atol
def objective_efficient(w):
return 2*0.5*w.T @ sigma @ w-(1+mu) @ w
def gradient_efficient(w):
return 2*sigma @ w-(1+mu)
= minimize(
w_efficient_numerical =w_initial,
x0=objective_efficient,
fun=gradient_efficient,
jac=constraints,
constraints=options["tol"],
tol={"maxiter": options["maxiter"]},
options=options["method"]
method
)
= 1e-3) np.allclose(w_efficient, w_efficient_numerical.x, atol
The result above shows that the numerical procedure indeed recovered the optimal weights for a scenario where we already know the analytic solution.
Next, we approach problems where no analytical solutions exist. First, we additionally impose short-sale constraints, which implies \(N\) inequality constraints of the form \(\omega_i >=0\). We can implement the short-sale constraints by imposing a vector of lower bounds lb = rep(0, n_industries)
.
= minimize(
w_no_short_sale =w_initial,
x0=objective_efficient,
fun=gradient_efficient,
jac=constraints,
constraints=((0, None), )*n_industries,
bounds=options["tol"],
tol={"maxiter": options["maxiter"]},
options=options["method"]
method
)
= pd.DataFrame({
weights_no_short_sale "Industry": industry_returns.columns.tolist(),
"No short-sale": w_no_short_sale.x
})round(3) weights_no_short_sale.
Industry | No short-sale | |
---|---|---|
0 | nodur | 0.462 |
1 | durbl | 0.000 |
2 | manuf | 0.000 |
3 | enrgy | 0.205 |
4 | hitec | 0.000 |
5 | telcm | 0.000 |
6 | shops | 0.146 |
7 | hlth | 0.187 |
8 | utils | 0.000 |
9 | other | 0.000 |
As expected, the resulting portfolio weights are all positive (up to numerical precision). Typically, the holdings in the presence of short-sale constraints are concentrated among way fewer assets than in the unrestricted case. You can verify that np.sum(w_no_short_sale.x)
returns 1. In other words, minimize()
provides the numerical solution to a portfolio choice problem for a mean-variance investor with risk aversion gamma = 2
, where negative holdings are forbidden.
minimize()
can also handle more complex problems. As an example, we show how to compute optimal weights, subject to the so-called Regulation-T constraint, which requires that the sum of all absolute portfolio weights is smaller than 1.5, that is \(\sum_{i=1}^N |\omega_i| \leq 1.5\). The constraint enforces that a maximum of 50 percent of the allocated wealth can be allocated to short positions, thus implying an initial margin requirement of 50 percent. Imposing such a margin requirement reduces portfolio risks because extreme portfolio weights are not attainable anymore. The implementation of Regulation-T rules is numerically interesting because the margin constraints imply a non-linear constraint on the portfolio weights.
= 1.5
reg_t
def inequality_constraint(w):
return reg_t-np.sum(np.abs(w))
def jacobian_inequality(w):
return -np.sign(w)
def objective_reg_t(w):
return -w @ (1+mu)+2*0.5*w.T @ sigma @ w
def gradient_reg_t(w):
return -(1+mu)+2*np.dot(sigma, w)
= (
constraints "type": "eq", "fun": equality_constraint, "jac": jacobian_equality},
{"type": "ineq", "fun": inequality_constraint, "jac": jacobian_inequality}
{
)
= minimize(
w_reg_t =w_initial,
x0=objective_reg_t,
fun=gradient_reg_t,
jac=constraints,
constraints=options["tol"],
tol={"maxiter": options["maxiter"]},
options=options["method"]
method
)
= pd.DataFrame({
weights_reg_t "Industry": industry_returns.columns.tolist(),
"Regulation-T": w_reg_t.x
})round(3) weights_reg_t.
Industry | Regulation-T | |
---|---|---|
0 | nodur | 0.531 |
1 | durbl | -0.000 |
2 | manuf | -0.180 |
3 | enrgy | 0.254 |
4 | hitec | 0.014 |
5 | telcm | -0.031 |
6 | shops | 0.235 |
7 | hlth | 0.215 |
8 | utils | 0.000 |
9 | other | -0.038 |
Figure 2 shows the optimal allocation weights across all python len(industry_returns.columns)
industries for the four different strategies considered so far: minimum variance, efficient portfolio with \(\gamma\) = 2, efficient portfolio with short-sale constraints, and the Regulation-T constrained portfolio.
= (weights_mvp
weights
.merge(weights_efficient)
.merge(weights_no_short_sale)
.merge(weights_reg_t)="Industry", var_name="Strategy", value_name="weights")
.melt(id_vars
)
= (
weights_plot
ggplot(weights,="Industry", y="weights", fill="Strategy")) +
aes(x="identity", position="dodge", width=0.7) +
geom_bar(stat+
coord_flip() ="Allocation weight", fill="",
labs(y="Optimal allocations for different strategies") +
title=percent_format())
scale_y_continuous(labels
) weights_plot.draw()
The results clearly indicate the effect of imposing additional constraints: the extreme holdings the investor implements if they follow the (theoretically optimal) efficient portfolio vanish under, e.g., the Regulation-T constraint. You may wonder why an investor would deviate from what is theoretically the optimal portfolio by imposing potentially arbitrary constraints. The short answer is: the efficient portfolio is only efficient if the true parameters of the data-generating process correspond to the estimated parameters \(\hat\Sigma\) and \(\hat\mu\). Estimation uncertainty may thus lead to inefficient allocations. By imposing restrictions, we implicitly shrink the set of possible weights and prevent extreme allocations, which could result from error-maximization due to estimation uncertainty (Jagannathan and Ma 2003).
Before we move on, we want to propose a final allocation strategy, which reflects a somewhat more realistic structure of transaction costs instead of the quadratic specification used above. The function below computes efficient portfolio weights while adjusting for transaction costs of the form \(\beta\sum_{i=1}^N |(\omega_{i, t+1} - \omega_{i, t^+})|\). No closed-form solution exists, and we rely on non-linear optimization procedures.
def compute_efficient_weight_L1_TC(mu, sigma, gamma, beta, initial_weights):
"""Compute efficient portfolio weights with L1 constraint."""
def objective(w):
return (gamma*0.5*w.T @ sigma @ w-(1+mu) @ w
+(beta/10000)/2*np.sum(np.abs(w-initial_weights)))
def gradient(w):
return (-mu+gamma*sigma @ w
+(beta/10000)*0.5*np.sign(w-initial_weights))
= (
constraints "type": "eq", "fun": equality_constraint, "jac": jacobian_equality}
{
)
= minimize(
result =initial_weights,
x0=objective,
fun=gradient,
jac=constraints,
constraints=options["tol"],
tol={"maxiter": options["maxiter"]},
options=options["method"]
method
)
return result.x
Out-of-Sample Backtesting
For the sake of simplicity, we committed one fundamental error in computing portfolio weights above: we used the full sample of the data to determine the optimal allocation (Arnott, Harvey, and Markowitz 2019). To implement this strategy at the beginning of the 2000s, you will need to know how the returns will evolve until 2021. While interesting from a methodological point of view, we cannot evaluate the performance of the portfolios in a reasonable out-of-sample fashion. We do so next in a backtesting application for three strategies. For the backtest, we recompute optimal weights just based on past available data.
The few lines below define the general setup. We consider 120 periods from the past to update the parameter estimates before recomputing portfolio weights. Then, we update portfolio weights, which is costly and affects the performance. The portfolio weights determine the portfolio return. A period later, the current portfolio weights have changed and form the foundation for transaction costs incurred in the next period. We consider three different competing strategies: the mean-variance efficient portfolio, the mean-variance efficient portfolio with ex-ante adjustment for transaction costs, and the naive portfolio, which allocates wealth equally across the different assets.
= 120
window_length = industry_returns.shape[0]-window_length
periods
= 50
beta = 2
gamma
= np.empty((periods, 3))
performance_values = np.nan
performance_values[:] = {
performance_values "MV (TC)": performance_values.copy(),
"Naive": performance_values.copy(),
"MV": performance_values.copy()
}
= industry_returns.shape[1]
n_industries = w_prev_2 = w_prev_3 = np.ones(n_industries)/n_industries w_prev_1
We also define two helper functions: One to adjust the weights due to returns and one for performance evaluation, where we compute realized returns net of transaction costs.
def adjust_weights(w, next_return):
= 1+w*next_return
w_prev return np.array(w_prev/np.sum(np.array(w_prev)))
def evaluate_performance(w, w_previous, next_return, beta=50):
"""Calculate portfolio evaluation measures."""
= np.dot(next_return, w)
raw_return = np.sum(np.abs(w-w_previous))
turnover = raw_return-beta/10000*turnover
net_return
return np.array([raw_return, turnover, net_return])
The following code chunk performs a rolling-window estimation, which we implement in a loop. In each period, the estimation window contains the returns available up to the current period. Note that we use the sample variance-covariance matrix and ignore the estimation of \(\hat\mu\) entirely, but you might use more advanced estimators in practice.
for p in range(periods):
= industry_returns.iloc[p:(p+window_length-1), :]
returns_window = industry_returns.iloc[p+window_length, :]
next_return
= np.array(returns_window.cov())
sigma_window = 0*np.array(returns_window.mean())
mu
# Transaction-cost adjusted portfolio
= compute_efficient_weight_L1_TC(
w_1 =mu, sigma=sigma_window,
mu=beta,
beta=gamma,
gamma=w_prev_1
initial_weights
)
"MV (TC)"][p, :] = evaluate_performance(
performance_values[=beta
w_1, w_prev_1, next_return, beta
)= adjust_weights(w_1, next_return)
w_prev_1
# Naive portfolio
= np.ones(n_industries)/n_industries
w_2 "Naive"][p, :] = evaluate_performance(
performance_values[
w_2, w_prev_2, next_return
)= adjust_weights(w_2, next_return)
w_prev_2
# Mean-variance efficient portfolio (w/o transaction costs)
= compute_efficient_weight(sigma=sigma_window, mu=mu, gamma=gamma)
w_3 "MV"][p, :] = evaluate_performance(
performance_values[
w_3, w_prev_3, next_return
)= adjust_weights(w_3, next_return) w_prev_3
Finally, we get to the evaluation of the portfolio strategies net-of-transaction costs. Note that we compute annualized returns and standard deviations.
= pd.DataFrame()
performance for i in enumerate(performance_values.keys()):
= pd.DataFrame(
tmp_data 1]],
performance_values[i[=["raw_return", "turnover", "net_return"]
columns
)"strategy"] = i[1]
tmp_data[= pd.concat([performance, tmp_data], axis=0)
performance
= 12
length_year
= (performance
performance_table "strategy")
.groupby(
.aggregate(=("net_return", lambda x: length_year*100*x.mean()),
mean=("net_return", lambda x: np.sqrt(length_year)*100*x.std()),
sd=("net_return", lambda x: (
sharpe_ratio*100*x.mean())/(np.sqrt(length_year)*100*x.std())
(length_yearif x.mean() > 0 else np.nan)
),=("turnover", lambda x: 100*x.mean())
turnover
)
.reset_index()
)round(3) performance_table.
strategy | mean | sd | sharpe_ratio | turnover | |
---|---|---|---|---|---|
0 | MV | -1.104 | 12.588 | NaN | 210.654 |
1 | MV (TC) | 11.973 | 15.186 | 0.788 | 0.002 |
2 | Naive | 11.953 | 15.188 | 0.787 | 0.236 |
The results clearly speak against mean-variance optimization. Turnover is huge when the investor only considers their portfolio’s expected return and variance. Effectively, the mean-variance portfolio generates a negative annualized return after adjusting for transaction costs. At the same time, the naive portfolio turns out to perform very well. In fact, the performance gains of the transaction-cost adjusted mean-variance portfolio are small. The out-of-sample Sharpe ratio is slightly higher than for the naive portfolio. Note the extreme effect of turnover penalization on turnover: MV (TC) effectively resembles a buy-and-hold strategy which only updates the portfolio once the estimated parameters \(\hat\mu_t\) and \(\hat\Sigma_t\) indicate that the current allocation is too far away from the optimal theoretical portfolio.
Exercises
- Consider the portfolio choice problem for transaction-cost adjusted certainty equivalent maximization with risk aversion parameter \(\gamma\) \[\omega_{t+1} ^* = \arg\max_{\omega \in \mathbb{R}^N, \iota'\omega = 1} \omega'\mu - \nu_t (\omega, \beta) - \frac{\gamma}{2}\omega'\Sigma\omega \tag{10}\] where \(\Sigma\) and \(\mu\) are (estimators of) the variance-covariance matrix of the returns and the vector of expected returns. Assume for now that transaction costs are quadratic in rebalancing and proportional to stock illiquidity such that \[\nu_t\left(\omega, B\right) = \frac{\beta}{2} \left(\omega - \omega_{t^+}\right)'B\left(\omega - \omega_{t^+}\right) \tag{11}\] where \(B = \text{diag}(ill_1, \ldots, ill_N)\) is a diagonal matrix, where \(ill_1, \ldots, ill_N\). Derive a closed-form solution for the mean-variance efficient portfolio \(\omega_{t+1} ^*\) based on the transaction cost specification above. Discuss the effect of illiquidity \(ill_i\) on the individual portfolio weights relative to an investor that myopically ignores transaction costs in their decision.
- Use the solution from the previous exercise to update the function
compute_efficient_weight()
such that you can compute optimal weights conditional on a matrix \(B\) with illiquidity measures. - Illustrate the evolution of the optimal weights from the naive portfolio to the efficient portfolio in the mean-standard deviation diagram.
- Is it always optimal to choose the same \(\beta\) in the optimization problem than the value used in evaluating the portfolio performance? In other words, can it be optimal to choose theoretically sub-optimal portfolios based on transaction cost considerations that do not reflect the actual incurred costs? Evaluate the out-of-sample Sharpe ratio after transaction costs for a range of different values of imposed \(\beta\) values.