PortfolioAllocationUsingGPLVM
Portfolio allocation based on the learned covariance matrix using Gaussian Process Latent Variable Model (GPLVM)
view repo
Estimating covariances between financial assets plays an important role in risk management and optimal portfolio allocation. In practice, when the sample size is small compared to the number of variables, i.e. when considering a wide universe of assets over just a few years, this poses considerable challenges and the empirical estimate is known to be very unstable. Here, we propose a novel covariance estimator based on the Gaussian Process Latent Variable Model (GP-LVM). Our estimator can be considered as a non-linear extension of standard factor models with readily interpretable parameters reminiscent of market betas. Furthermore, our Bayesian treatment naturally shrinks the sample covariance matrix towards a more structured matrix given by the prior and thereby systematically reduces estimation errors.
READ FULL TEXT VIEW PDFPortfolio allocation based on the learned covariance matrix using Gaussian Process Latent Variable Model (GPLVM)
Many financial problems require the estimation of covariance matrices between given assets. This may be useful to optimize one’s portfolio, i.e.: maximize the portfolio returns and/or minimize the volatility . Indeed, Markowitz received a Noble Price in economics for his treatment of modern portfolio theory [1]. In practice, estimating historical returns and high-dimensional covariance matrices is challenging and often times equally weighted portfolio outperforms the portfolio constructed from sample estimates [2]. The estimation of covariance matrices is especially hard, when the number of assets is large compared to the number of observations. Sample estimations in those cases are very unstable or can even become singular. To cope with this problem, a wide range of estimators, e.g. factor models such as the single-index model [3] or shrinkage estimators [4], have been developed and employed in portfolio optimization.
With todays machine learning techniques we can even further improve those estimates. Machine learning has already arrived in finance. Nevmyvaka et al.
[5]trained an agent via reinforcement learning to optimally execute trades. Gately
[6]forecast asset prices with neural networks and Chapados et al.
[7] with Gaussian Processes. Recently, Heaton et al. [8]made an ansatz to optimally allocate portfolios using deep autoencoders. Wu et al.
[9] used Gaussian Processes to build volatility models and Wilson et al. [10]to estimate time varying covariance matrices. Bayesian machine learning methods are used more and more in this domain. The fact, that in a Bayesian framework parameters are not treated as true values, but as random variables, accounts for estimation uncertainties and can even alleviate the unwanted impacts of outliers. Furthermore, one can easily incorporate additional information and/or personal views by selecting suitable priors.
In this paper, we propose a Bayesian covariance estimator based on the Gaussian Process Latent Variable Models (GP-LVMs) [11], which can be considered as a non-linear extension of standard factor models with readily interpretable parameters reminiscent of market betas. Our Bayesian treatment naturally shrinks the sample covariance matrix (which maximizes the likelihood function) towards a more structured matrix given by the prior and thereby systematically reduces estimation errors. We evaluated our model on the stocks of S&P500 and found significant improvements in terms of model fit compared to classical linear models. Furthermore we suggest some financial applications, where Gaussian Processes can be used as well. That includes portfolio allocation, price prediction for less frequently traded stocks and non-linear clustering of stocks into their sub-sectors.
In section 2 we begin with an introduction to the Bayesian non-parametric Gaussian Processes and discuss the associated requirements for learning. Section 3 introduces the financial background needed for portfolio optimization and how to relate it to Gaussian Processes. In section 4 we conduct experiments on covariance matrix estimations and discuss the results. We conclude in section 5.
In this paper, we utilize a Bayesian non-parametric machine learning approach based on Gaussian Processes (GPs). Combining those with latent variable models leads to Gaussian Process Latent Variable Models (GP-LVMs), that we use to estimate the covariance between different assets. These approaches have been described in detail in [11, 12]. We provide a brief review here. Subsequently, we show, how to relate those machine learning approaches to the known models in finance, e.g. the single-index model [3].
A Gaussian Process (GP) is a generalization of the Gaussian distribution. Using a GP, we can define a distribution over functions
, where and . Like a Gaussian distribution, the GP is specified by a mean and a covariance. In the GP case, however, the mean is a function of the input variable and the covariance is a function of two variables , which contains information about how the GP evaluated at and covary(1) | ||||
(2) |
We write . Any finite collection of function values, at , is jointly Gaussian distributed
(3) |
where
is the mean vector and
is the Gram matrix with entries . We refer to the covariance function as kernel function. The properties of the function (i.e. smoothness, periodicity) are determined by the choice of this kernel function. For example, sampled functions from a GP with an exponentiated quadratic covariance function smoothly vary with lengthscale and are infinitely often differentiable.Given a dataset of input points and corresponding targets , the predictive distribution for a zero mean GP at new locations reads [12]
(4) |
where
(5) | ||||
(6) |
is the covariance matrix between the GP evaluated at and , is the covariance matrix of the GP evaluated at . As we can see in equations (5) and (6), the kernel function plays a very important role in the GP framework and will be important for our financial model as well.
Often times we are just given a data matrix and the goal is to find a lower dimensional representation
, without losing too much information. Principal component analysis (PCA) is one of the most used techniques for reducing the dimensions of the data, which has also been motivated as the maximum likelihood solution to a particular form of Gaussian Latent Variable Model
[13]. PCA embeds via a linear mapping into the latent space . Lawrence [11] introduced the Gaussian Process Latent Variable Model (GP-LVM) as a non-linear extension of probabilistic PCA. The generative procedure takes the form(7) |
where is a group of independent samples from a GP, i.e. . By this, we assume the rows of to be jointly Gaussian distributed and the columns to be independent, i.e. each sample where and
denotes the variance of the random noise
. The marginal likelihood of becomes [11](8) |
The dependency on the latent positions
and the kernel hyperparameters is given through the kernel matrix
. As suggested by Lawrence [11], we can optimize the log marginal likelihood with respect to the latent positions and the hyperparameters.Optimization can easily lead to overfitting. Therefore, a fully Bayesian treatment of the model would be preferable but is intractable. Bishop [14] explains the variational inference framework, which not only handles the problem of overfitting but also allows to automatically select the dimensionality of the latent space. Instead of optimizing equation (8), we want to calculate the posterior using Bayes rule , which is intractable. The idea behind variational Bayes is to approximate the true posterior by another distribution , selected from a tractable family. The goal is to select the one distribution , that is closest to the true posterior
in some sense. A natural choice to quantify the closeness is given by the Kullback-Leibler divergence
[15](9) |
By defining as the unnormalized posterior, equation (9) becomes
(10) |
with the first term on the right hand side being known as the evidence lower bound (ELBO). Equation (10) is the objective function we want to minimize with respect to to get a good approximation to the true posterior. Note that on the left hand side only the ELBO is dependent. So, in order to minimize (10), we can just as well maximize the ELBO. Because the Kullback-Leibler divergence is non-negative, the ELBO is a lower bound on the evidence 222The evidence is also referred to as log marginal likelihood in the literature. The term marginal likelihood is already used for in this paper. Therefore, we will refer to as the evidence.. Therefore, this procedure not only gives the best approximation to the posterior within the variational family under the KL ceriterion, but it also bounds the evidence, which serves as a measure of the goodness of our fit. The number of latent dimensions can be chosen to be the one, which maximizes the ELBO.
So, GP-LVM is a model, which reduces the dimensions of our data-matrix from to in a non-linear way and at the same time estimates the covariance matrix between the points. The estimated covariance matrix can then be used for further analysis.
Now we have a procedure to estimate the covariance matrix between different datapoints. This section discusses how we can relate this to financial models.
The Capital Asset Pricing Model (CAPM) describes the relationship between the expected returns of an asset for D days and its risk
(11) |
where is the risk free return on different days and is the market return on D different days. The main idea behind CAPM is, that an investor needs to be compensated for the risk of his holdings. For a risk free asset with , the expected return is just the risk free rate . If an asset is risky with a risk , the expected return is increased by , where is the excess return of the market .
We can write down equation (11) in terms of the excess return and get
(12) |
where is the excess return of a given asset and is the excess return of the market (also called a risk factor). Arbitrage pricing theory [16] generalizes the above model by allowing multiple risk factors beside the market . In particular, it assumes that asset returns follow a factor structure
(13) |
with denoting some independent zero mean noise with variance . Here, is the matrix of Q factor returns on D days and is the loading of stock to the Q factors. Arbitrage pricing theory [17] then shows that the expected excess returns adhere to
(14) |
i.e. the CAPM is derived as special case when assuming a single risk factor (single-index model).
To match the form of the GP-LVM (see equation (7)), we rewrite equation (13) as
(15) |
where is the return matrix333To stay consistent with the financial literature, we denote the return matrix with lower case .. Note that assuming latent factors distributed as and marginalizing over them, equation (13) is a special case of equation (15) with drawn from a GP mapping to with a linear kernel. Interestingly, this provides an exact correspondence with factor models by considering the matrix of couplings as the latent space positions444Because of the context, from now on we will use for the latent space instead of .. In this perspective the factor model can be seen as a linear dimensionality reduction, where we reduce the matrix to a low rank matrix of size . By chosing a non-linear kernel the GP-LVM formulation readily allows for non-linear dimensionality reductions. Since, it is generally known, that different assets have different volatilities, we further generalize the model. In particular, we assume the noise to be a zero mean Gaussian, but allow for different variances for different stocks. For this reason, we also have to parameterize the kernel (covariance) matrix in a different way than usual. Section 4.1 explains how to deal with that. The model is then approximated using variational inference as described in section 2.3. After inferring and the hyperparameters of the kernel, we can calculate the covariance matrix and use it for further analysis.
Markowitz [1] provided the foundation for modern portfolio theory, for which he received a Nobel Prize in economics. The method analyses how good a given portfolio is, based on the mean and the variance of the returns of the assets contained in the portfolio. This can also be formulated as an optimization problem for selecting an optimal portfolio, given the covariance between the assets and the risk tolerance of the investor.
Given the covariance matrix , we can calculate the optimal portfolio weights by
(16) |
where is the mean return vector. Risk friendly investors have a higher than risk averse investors. The model is constrained by . Since is very hard to estimate in general and we are primarily interested in the estimation of the covariance matrix , we set to zero and get
(17) |
This portfolio is called the minimal risk portfolio, i.e. the solution to equation (17) provides the weights for the portfolio, which minimizes the overall risk, assuming the estimated is the true covariance matrix.
In this section, we discuss the performance of the GP-LVM on financial data. After describing the data collection and modeling procedure, we evaluate the model on the daily return series of the S&P500 stocks. Subsequently, we discuss further financial applications. In particular, we show how to build a minimal risk portfolio (this can easily be extended to maximizing returns as well), how to fill-in prices for assets which are not traded frequently and how to visualize sector relations between different stocks (latent space embedding).
For a given time period, we take all the stocks from the S&P500, whose daily close prices were available for the whole period555We are aware that this introduces survivorship bias. Thus, in some applications our results might be overly optimistic. Nevertheless, we expect relative comparisons between different models to be meaningful.. The data were downloaded from Yahoo Finance. After having the close prices in a matrix , we calculate the return matrix , where . builds the basis of our analysis.
We can feed into the GP-LVM. The GP-LVM procedure, as described in section 2, assumes the likelihood to be Gaussian with the covariance given by the kernel function for each day and assumes independency over different days. We use the following kernel functions
(18) |
and the stationary kernels
(19) |
where is the Euclidean distance between and . is the kernel variance and kernel lengthscale. Note that since the diagonal elements of stationary kernels are the same, they are not well suited for an estimation of a covariance matrix between different financial assets. Therefore, in the case of stationary kernel we decompose our covariance matrix into a vector of coefficient scales and a correlation matrix , such that , where is a diagonal matrix with on the diagonal. The full kernel function at the end is the sum of the noise kernel and one of the other kernels. In matrix form we get
(20) |
where . We chose the following priors
(21) |
The prior on determines how much space is allocated to the points in the latent space. The volume of this space expands with higher latent space dimension, which make the model prone to overfitting. To cope with that, we assign an inverse gamma prior to the lengthscale and ( in the linear kernel has a similar functionality as
in the stationary kernels). It allows larger values for higher latent space dimension, thereby shrinking the effective latent space volume and exponentially suppresses very small values, which deters overfitting as well. The parameters of the priors are chosen such that they allow for enough volume in the latent space for roughly 100-150 datapoints, which we use in our analysis. If the number of points is drastically different, one should adjust the parameters accordingly. The kernel standard deviations
and are assigned a half Gaussian prior with variance 0.5, which is essentially a flat prior, since the returns are rarely above 0.1 for a day.Model inference under these specifications (GP-LVM likelihood for the data and prior for and all kernel hyperparameters and , which we denote by ) was carried out by variational inference as described in section 2.3. To this end, we implemented all models in the probabilistic programming language Stan [18], which supports variational inference out of the box. We approximate the posterior by independent Gaussians. The source code is available on Github666https://github.com/RSNirwan/GPLVMsInFinance. We tested different initializations for the parameter (random, PCA solution and Isomap solution), but there were no significant differences in the ELBO. So, we started the inference 50 times with random initializations and took the result with highest ELBO for each kernel function and .
The GP-LVM can be evaluated in many different ways. Since, it projects the data from a -dimensional space to a -dimensional latent space, we can look at the reconstruction error. A suitable measure of the reconstruction error is the R-squared () score, which is equal to one if there is no reconstruction error and decreases if the reconstruction error increases. It is defined by
(22) |
where are the true values, are the predicted values and is the mean of . In the following, we look at the as a function of the latent dimension for different kernels. Figure 1 (left plot) shows the results for three non-linear kernels and the linear kernel. Only a single dimension in the non-linear case can already capture almost 50% of the structure, whereas the linear kernel is at 15%. As one would expect, the higher , the more structure can be learned. But at some point the model will also start learning the noise and overfit.
![]() |
![]() |
As introduced in section 2.3, the ELBO is a good measure to evaluate different models and already incorporates models complexity (overfitting). Figure 1 (right plot) shows the ELBO as a function of the latent dimension . Here we see, that the model selects just a few latent dimensions. Depending on the used kernel, latent dimensions from three to five are already enough to capture the structure. If we increase the dimensions further, the ELBO starts dropping, which is a sign of overfitting. As can be seen from Figure 1, we do not need to go to higher dimensions. between two and five is already good enough and captures the structure that can be captured by the model.
The GP-LVM provides us the covariance matrix and the latent space representation of the data. We can build a lot of nice applications upon that, some of which are discussed in this section.
After inferring and , we can reconstruct the covariance matrix using equation (20). Thereafter, we only need to minimize equation (17), which provides the weights for our portfolio in the future. Minimization of (17) is done under the constraints: and . These constraints are commonly employed in practice and ensure that we are fully invested, take on long positions only and prohibit too much weight for a single asset.
For our tests, we proceed as follows: First, we get data for 60 randomly selected stocks from the S&P500 from Jan 2008 to Jan 2018. Then, we learn from the past year and buy accordingly for the next six months. Starting from Jan 2008, this procedure is repeated every six months. We calculate the average return, standard deviation and the Sharpe ratio. [19] suggested the Sharpe ratio as a measure for a portfolio‘s performance, which is the average return earned per unit of volatility and can be calculated by dividing the mean return of a series by its standard deviation. Table 1 shows the performance of the portfolio for different kernels for . For the GP-LVM we chose the linear, SE, EXP and M32 kernels and included the performance given by the sample covariance matrix, i.e. , where , the shrunk Ledoit-Wolf covariance matrix777Here, we have used the implementation in the Python toolbox scikit-learn [20]. [4] and the equally weighted portfolio, where .
Model | Linear | SE | EXP | M32 | Sample Cov | Ledoit Wolf | Eq. Weighted |
---|---|---|---|---|---|---|---|
Mean | 0.142 | 0.151 | 0.155 | 0.158 | 0.149 | 0.148 | 0.182 |
Std | 0.158 | 0.156 | 0.154 | 0.153 | 0.159 | 0.159 | 0.232 |
Sharpe ratio | 0.901 | 0.969 | 1.008 | 1.029 | 0.934 | 0.931 | 0.786 |
Non-linear kernels have the minimal variance and at the same time the best Sharpe ratio values. Note that we are building a minimal variance portfolio and therefore not maximizing the mean returns as explained in section 3.2. For finite in equation (16) one can also build portfolios, which not only minimize risk but also maximize the returns. Another requirement for that would be to have a good estimator for the expected return as well.
Regulation requires fair value assessment of all assets [21], including illiquid and infrequently traded ones. Here, we demonstrate how the GP-LVM could be used to fill-in missing prices, e.g. if no trading took place. For illustration purposes, we continue working with our daily close prices of stocks from the S&P500, but the procedure can be applied to any other asset class and time resolution.
First, we split our data into training and test set. The test set contains days where the returns of assets are missing and our goal is to accurately predict the return. In our case, we use stock data from Jan 2017 to Oct 2017 for training and Nov 2017 to Dez 2017 to test. The latent space and the hyperparameters are learned from the training set. Given and , we can use the standard GP equations (eq. (5) and (6)) to get the posterior return distribution. A suggestion for the value of the return at a particular day can be made by the mean of this distribution. Given stocks for a particular day , we fit a GP to stocks and predict the value of the remaining stock. We repeat the process times, each time leaving out a different stock (Leave-one-out cross-validation). Figure 2 shows the -score (eq. (22)) and the average absolute deviation of the suggested return to the real return. The average is build over all stocks and all days in the test set.
![]() |
![]() |
The predictions with just the historical mean have a negative -score. The linear model is better than that. But if we switch to non-linear kernels, we can even further increase the prediction score. For between 2 and 4 we obtain the best results. Note that to make a decent suggestion for the return of an asset, there must be some correlated assets in the data as well. Otherwise, the model has no information at all about the asset, we want to predict the returns for.
The 2-dimensional latent space can be visualized as a scatter plot. For a stationary kernel function like the SE, the distance between the stocks is directly related to their correlation. In this case, the latent positions are even easier to interpret than market betas. As an example, Figure 3 shows the 2-D latent space from 60 randomly selected stocks from the S&P500 from Jan 2017 to Dec 2017. Visually stocks from the same sector tend to cluster together and we consider our method as an alternative to other methods for detecting structure in financial data [22].
We applied the Gaussian Process Latent Variable Model (GP-LVM) to estimate the covariance matrix between different assets, given their time series. We then showed how the GP-LVM can be seen as a non-linear extension to the CAPM with latent factors. Based on the -score and the ELBO, we concluded, that for fixed latent space dimension , every non-linear kernel can capture more structure than the linear one.
The estimated covariance matrix helps us to build a minimal risk portfolio according to Markowitz Portfolio theory. We evaluated the performance of different models on the S&P500 from year 2008 to 2018. Again, non-linear kernels had lower risk in the suggested portfolio and higher Sharpe ratios than the linear kernel and the baseline measures. Furthermore, we showed how to use the GP-LVM to fill in missing prices of less frequently traded assets and we discussed the role of the latent positions of the assets. In the future, one could also put a Gaussian Process on the latent positions and allow them to vary in time, which would lead to a time-dependent covariance matrix.
The authors thank Dr. h.c. Maucher for funding their positions.
Proceedings of the Twenty-Seventh Conference on Uncertainty in Artificial Intelligence
, UAI’11, pages 736–744, Arlington, Virginia, United States, 2011. AUAI Press.
Comments
There are no comments yet.