GAN-MC: a Variance Reduction Tool for Derivatives Pricing
1 Abstract
We propose a parameter-free model for estimating the price or valuation of financial derivatives like options, forwards and futures using non-supervised learning networks and Monte Carlo. Although some arbitrage-based pricing formula performs greatly on derivatives pricing like Black-Scholes on option pricing, generative model-based Monte Carlo estimation(GAN-MC) will be more accurate and holds more generalizability when lack of training samples on derivatives, underlying asset’s price dynamics are unknown or the no-arbitrage conditions can not be solved analytically. We analyze the variance reduction feature of our model and to validate the potential value of the pricing model, we collect real world market derivatives data and show that our model outperforms other arbitrage-based pricing models and non-parametric machine learning models. For comparison, we estimate the price of derivatives using Black-Scholes model, ordinary least squares, radial basis function networks, multilayer perception regression, projection pursuit regression and Monte Carlo only models.
2 Introduction
Financial derivatives are used for risk management, hedging, speculation, and arbitrage. Better understanding of pricing of derivatives could help traders better hedge against risk, and the price of derivatives could reflect the fluctuations on the underlying assets. Much of the success and growth of the market for options and other derivatives securities should be traced to the seminal work by Black and Scholes [1] and Merton [2]. They introduced the closed-form option pricing formulas through no-arbitrage conditions and dynamic hedging arguments. Such celebrated Black-Scholes and Merton formulas have been well generalized, extended and applied to various securities. Nicole, Monique and Steven [3] provide conditions under which the Black–Scholes formula is robust with respect to a misspecification of volatility. Wu [4] introduces the fuzzy set theory to the Black–Scholes formula, which attaches belief degree on the European option. Marcin [5] introduces a subdiffusive geometric Brownian motion to underlying asset prices’ dynamics and tests the pricing model on prices of European option. Carmona and Valdo [6] generalize the Black-Scholes formula in all dimensions by approximate formulas and provide lower and upper bounds for hedging of multivariate contingent claims. Moreover, while closed-form expressions are not available in some generalizations and extensions, pricing formulas may still take effects numerically.
However, the derivation of the pricing formula via the hedging or no-arbitrage approach, either analytically or numerically, highly depends on the particular parametric form of the underlying asset’s price dynamics. Thus the misspecification of the stochastic process will lead to system pricing and hedging errors for derivatives related to this price. Therefore, previous parametric pricing methods are closely tied to the ability of capturing the dynamics of underlying asset prices’ process.
In this paper, we creatively introduce the generative model-based Monte Carlo estimation(GAN-MC) for derivatives pricing and hedging. We will not assume any specific dynamics on the underlying asset prices. We only treat the asset prices as simple multivariate random variables and try to approximate its distribution by a neural network. Then we get the pricing formula from derivatives’ definition and Monte Carlo estimation for the statistical stability. Compared to the previous non-parametric pricing approach like Hutchinson [7], our model relies less on derivatives’ regime and more stable with the advantage of Monte Carlo.
In order to better capture the dynamics of underlying asset prices through non-parametric approach, we introduce generative adversarial nets(GAN) [8] to approximate underlying asset prices’ distribution. GAN is the framework for estimating generative models via an adversarial process. The celebrated neural network model has been widely generalized and extended. Zhang, Goodfellow, etc [9] propose the Self-Attention Generative Adversarial Network which allows attention-driven and long-range dependency modeling for generation tasks. Mehdi and Simon [10] introduce Conditional GAN, which uses additional information to direct the data generation process. Chen, Lin, etc [11] propose the Depth-image Guided GAN which adds some architectural constraints to network and generates realistic depth maps conditioned on input image. Martin and Soumith [12] introduce the Wasserstein GAN which stabilize the training process by replacing the original metric by Wasserstein-1 distance. Chen, Duan, etc [13] propose InfoGAN, an information-theoretic extension to the generative adversarial net which is able to learn disentangled representations in a completely unsupervised manner by attempting to make conditional learned automatically.
Monte Carlo could be used for option pricing under different underlying asset prices’ dynamics assumptions. The original approach is raised by Boyle [14], he uses risk neutrality to obtain equilibrium rate of return on underlying assets and uses Monte Carlo to improve efficiency of estimation. Fu and Hu [15] introduce techniques for the sensitivity analysis of Monte Carlo option pricing and they propose an approach for the pricing of options with early exercise features. Birge [16] introduces quasi Monte Carlo sequences which have order of magnitude better asymptotic error rate and such sequences could be used in option pricing. Mark [17] presents several enhancements to reduce the bias as well as variance of Monte Carlo estimators and improve the efficiency of the branching based estimators. Poirot and Tankov [18] relate the underlying asset prices to the tempered stable (also known as CGMY) processes and under an appropriate equivalent probability measure a tempered stable process becomes a stable process, thus provide a fast Monte Carlo algorithm for European option pricing.
The attention on training on biased datasets is increasing in recent days. The work from Yo-whan Kim, Samarth Mishra, etc [19] raise the idea of pre-training on synthetic video data. Compared with directly training on real video clips data, the model will perform better on downstream tasks when pre-training on the synthetic or biased datasets. Our GAN-MC model’s success on derivatives pricing could be analogous to their success. Estimation based on synthetic or fake underlying asset prices outperforms non-parametric models directly trained on real derivatives prices.
2.1 Our Contributions
We summarize the major contributions of our paper as follows:
-
•
We first introduce the generative model-based Monte Carlo estimation for derivatives pricing. We assume that the underlying asset prices follow multivariate random variable distribution and use GAN to approximate the distribution. Then we use Monte Carlo estimation to get pricing formula for each derivative: option, forward and futures.
-
•
We get the consistent estimators for prices of different derivatives theoretically and validate the accuracy of our pricing algorithms on real market data. Compared with arbitrage-based pricing formula like Black-Scholes formula, non-parametric pricing models like radial basis function networks, multilayer perception regression, and projection pursuit regression, and some simple models like linear regression and Monte Carlo only models, our GAN-MC pricing model always reaches state-of-the-art on real market data.
We organize this paper as follows: In Section 3, we define the problem setup and some assumptions for data representation and training. In Section 4, we introduce our GAN-MC model for derivatives pricing, including option, forward and futures. We cover European call option, European put option, American call option and American put option in option pricing. And we cover commodity and equity for forward and futures pricing. We still prove the variance of estimator will decrease with the increase of generated sample size in this section. In Section 5, we conduct experiments to test the generated sample and test the accuracy of our algorithms. Compared with other models, our GAN-MC always reaches state-of-the-art on real market option, futures and forward data.
3 Problem setup
The pricing methods for financial derivatives are highly based on the prediction of underlying assets, like stock prices. The basic idea of Monte Carlo for derivatives pricing is about generating fake stock price samples. Similarly here, if we denote the stock price vector as a multivariate random variable from time to time , where is a measurable function mapping from sample space to -dimensional positive real space. Then one stock price vector on real stock market would be a realization of .
For the generative adversarial nets, as shown in figure 1, we denote as the generator mapping, where is the number of parameters for generator network, is the dimension of random noise , we denote as the discriminator mapping, where is the number of parameters for discriminator network, and we denote is the real distribution mapping to image space. Then the training loss of GAN could be described as , where is the metric between two measurable functions, is the probability measure of random variable , is the probability measure of random noise after mapping of generator .
We first consider the dynamic structure of .
Assumption 1 (Date Independence).
If is a relative large number, the distribution of does not depend on initial time point , or equivalently the distribution of could be written as the distribution of .
Assumption 1 states that if is large, the high dimension distribution would be complex enough to include all the volatility on stock market within a period of time, like three years. GAN is a powerful tool to learn a specific high dimensional distribution from training set. Thus we can treat the stock price data as 1-D real distribution( in figure 1) under such assumption.
Assumption 2 (Covariance Rank).
The matrix rank of should not be too small.
The successful training of GAN models requires that we should not train the generator on highly-correlated samples to avoid loss collapse. For a given , The rank of ranges from to . Assumption 2 states that the rank should not be close to 1, which guarantees the covariance structure of stock market data is complex enough for GAN to learn and the training process would not collapse at most time.
4 Methodology
In this section, we introduce the main algorithm, Generative Adversarial Nets-Monte Carlo(GAN-MC) model, for derivatives pricing like option, futures and forward pricing.
4.1 GAN-MC for Option Pricing
The theory of option pricing estimates the value of an option contract by assigning a price, known as premium, based on the calculated probability that the contract will finish in the money(ITM) at expiration. The option pricing theory provides an evaluation of an option’s fair value, and the accurate pricing model could help traders better incorporate the option value into their strategies.
If we denote a specific underlying stock price data as which starts at day 1 with length , the continuously compounded annual risk-free interest rate as , the value of a call or put option on a stock that pays no dividend as or , the exercise price for the given option as , the proportion of a year before the option expires as and is the time unit. And is a fixed parameter which satisfies Assumption 1 and Assumption 2. We set as the sample size threshold for training, and as the size of fake data generation. While is a proportion parameter which controls the weights that different contributes for the generation. Then algorithm 1 illustrates how to use GAN-MC on option pricing.
First if we have the historical stock price data , we need to separate the data into realizations of to construct training set for the following missions. The training set with the length of sliding window and given is defined as
(1) |
Obviously, when equals to , all the realizations will be the same and the training process of GAN would fail and collapse. With the increase of , the overlap proportion between different training sample will become smaller, which will make it much more harder for generator to deceive the discriminator. But the size of training set would become smaller at the same time. Such trade-off is considered during the iteration, we start from a small and keep checking the training loss of GAN, if the loss does not collapse and the training set is not so small, we keep the GAN model for the following generation.
Inspired from the work of GAN [8], the 1-D optimization process of GAN here could be stated as
where is the probability distribution of and is the probability distribution of noise . We design both the generator and discriminator by fully connected networks(FCNNs) [20]. Instead of convolutional neural network, the dense layer could better capture the structure information on 1 dimensional data.
After training, the generated data could be treated as fake stock prices which follow the distribution of . Under Assumption 1, these fake stock prices could be treated as the predictions for the following days, which means we could denote . However, there will be endogenous variation within real world stock prices, which makes Assumption 1 hard to be completely satisfied. Obviously the price of a option should rely much more on recent stock prices, and the old stock price will contribute less to the option pricing. Similar to the work of Cassisi [21], here we define the similarity of two time series by
(2) |
and we calculate for each . Some of the generated fake stock prices will be similar to recent stock trend, while others may look completely different and are close to earlier stock data. Thus we rank the list of similarities to form a unique order such that the similarities are placed in a increasing trend, for every we have . For a proportion parameter we take the generated fake stock prices which are close to recent market trend as the candidate samples index set for Monte Carlo.
The basic theory of option pricing relies on risk neutral valuation. According to the original Monte Carlo methods used on European option pricing [14], the contract holder can purchase the stock at a future date at a price agreed upon in the contract. The payoff function of a call option could be stated as where is the stock price at expiration date. We need the investment payoff is equal to the compound total return obtained by investing the option premium , for European call option
and solving the equation we get the GAN-based Monte Carlo estimation for call option
(3) |
Similarly, the only difference for put option pricing lies on the payoff function. The put option is a contract giving the option buyer the right to sell a specified amount of an underlying security, therefore the payoff function for put option should be . And we get the GAN-based Monte Carlo estimation for European put option
(4) |
For American option, since the contract allows holders to exercise their right at any time before and including the expiration date, the equation of the call option should be changed to
and we get the lower and upper bound for American call option
Similarly for American put option
After getting the lower and upper bound for American put option, we could take the average of the two bounds as the final pricing formula for American option.
One significant advantage for Monte Carlo estimation methods is that the variance of statistics will decrease with the increase on sample size. Lower variance is associated with lower risk for investors. Such advantage could be stated as the following theorem.
Theorem 1.
Given , or would not increase with the increase of .
Proof.
We design generator as fully connected network consisting of dense layers and activation layers, thus is a continuous function. And is a random noise, we generate as independent and identically distributed random variables, if we denote as the j-th element of , then the random variables or are continuous functions of independent variables . Therefore are i.i.d. random variables and are i.i.d. random variables. We know that and we take and , then the variance of estimated call and put option could be stated as
therefore with the increase of , the size of set will increase or stay the same. So if we keep unchanged, or will decrease or stay the same. ∎
4.2 GAN-MC for Forward and Futures Pricing
A forward contract is a customized contract between two parties to buy or sell an asset at a specified price on a future date, and a futures contract is a standardized legal contract to buy or sell the underlying assets at a predetermined price for delivery at a specified time in the future. Forward contract is similar with futures, but settlement of forward contract takes place at the end of the contract, different with futures which settles on a daily basis. The underlying asset transacted is usually a commodity or financial instrument. Based on different commodities, securities, currencies or intangibles such as interest rates and stock indexes, the forward or futures could be categorized into markets like foreign exchange market, bond market, equity market and commodity market. Here we focus our pricing model on equity market and commodity market. And the valuation of equity forward or futures origins from a single stock, a customized basket of stocks or on an index of stocks, the valuation of commodity forward or futures depends on the cost of carry during the interim before delivery.
4.2.1 Equity Market
Similar to the setup in section 4.1, we denote the underlying stock or index price as , the value of equity forward or futures as , the historical data set of annual dividend per share of this stock as , the proportion of a year before the delivery date as and is the time unit. Other parameters are the same defined as section 4.1. We introduce algorithm 2 to use GAN-MC on equity forward or futures pricing.
(5) |
The first step for equity market pricing is the same with option pricing. We need to partition the stock or index data into training set with a proper sliding window , which could make the GAN trained successfully with the given . Similarly the stock or index price at different time will contribute differently for forward or futures pricing. We still use the rank of similarities between generated fake stock or index data and to control the effects of training sample at different time. Equity forward or futures prices are usually quoted in the same way as equity prices quoted in the underlying cash market by exchanges. And a pricing model is mainly used to calculate risk for a future contract, although it is utilized for computing both price and risk for a forward. The theoretical value of a equity forward or futures depends on the dividend model assumption [22], under dividend yield assumption, the theoretical equity forward’s or futures’ price is given by
(6) |
Where denotes the forward or futures price at delivery date , and denote the stock or index price at time and means the annual dividend per share at time .
Given the historical annual dividend per share data , we need to predict the annual dividend per share at time which is the delivery date for the equity forward or futures. There are lots of methods for prediction and here we just consider the simple linear model
Where denotes random noise and we use least squares estimation to get and where and . Therefore we predict the annual dividend per share at the delivery date as .
Given the annual dividend per share, the dividend yield estimation by GAN-based Monte Carlo should be . Put it into the equity futures pricing formula 6 we get the GAN-based Monte Carlo estimation formula 5.
Similar to the variance reduction in our method on option pricing. We could still reduce the variance of estimated prices.
Theorem 2.
Given , would not increase with the increase of .
Proof.
We design generator as fully connected network consisting of dense layers and activation layers, thus is a continuous function. And is a random noise, we generate as independent and identically distributed random variables, thus random variables set are collections of independent and identically distributed random variables if is fixed because is continuous functions of independent variables . We denote as the mean of and as the variance of , then
And with the increase of , , will increase or stay the same, and will not increase. If keeps unchanged, will decrease or stay the same. ∎
4.2.2 Commodity Market
For commodity forward contract or futures, the underlying asset could usually be divided into food, energy and materials. Similar to the parameter setup in section 4.1, we denote the underlying commodity spot price as , the average cost of carry from time to as , the historical commodity forward contract or futures price as , the proportion of a year before the delivery date as and is the time unit. Other parameters are the same defined as section 4.1. We introduce algorithm 3 to use GAN-MC on commodity forward or futures pricing.
Similar to the equity pricing formula (6), the theoretical commodity forward price is based on its current spot price, plus the cost of carry during the interim before delivery [1]. The simple commodity forward contract or futures could be expressed as
Where denotes the forward or futures price at delivery date , denotes the commodity spot price at time . Then if we use to replace the term , the price of commodity forward or futures would become . Like the previous notation in algorithms, for pricing the commodity forward or futures at time , we use empirical estimation of
(7) |
Where is the sample size for empirical estimation. Then we use GAN-MC to estimate . Analog to equity futures or forward pricing formula 5, the commodity futures or forward pricing formula would be
(8) |
Similar to the variance reduction theorem in equity forward or futures pricing, we claim
Theorem 3.
Given fixed, would not increase with the increase of .
5 Experiments
5.1 Stock and Index Price Prediction
The accuracy of Monte Carlo pricing models is highly based on the accuracy and variation of prediction on underlying assets. Equation (3)(4)(5) and(8) have shown the pricing results are directly correlated to the generated stock prices in the future. Thus before we test our pricing models on real-world market data, we first check the generated fake stock prices tracks after GAN training.

We collect TSLA historical daily stock prices from 3/22/2019 to 4/11/2022 and S&P 500 index prices from 6/14/2019 to 7/6/2022 for training and prediction. Excluding all the holidays and weekends, there are 771 daily data in total. We set in to 670, the dimension of generator output to 128, the sample size threshold to 270, the size of generation to and the proportion parameter to . All the financial data is collected from Bloomberg database.
We follow the procedures of fake price generation in algorithm 1 and algorithm 2. Then we form the index set and pick two generated price tracks as prediction in comparison to real market data. As shown in fig 2, the red dotted line and green dotted line indicate two generated samples where . Overall the generated fake stock tracks are more turbulent than real stock prices, there are sharp decreases and sharp increases between two single day. In TSLA stock price prediction, the generated samples distribute around real stock prices. And as for pricing, the variation between different generations would make Monte Carlo estimation more accurate. An interesting discovery in S&P 500 index price prediction is that two generated data share a same trend, which means they have a large linear correlation. The trends are similar but the predicted index prices are not exactly the same for each day. The prediction experiments show that our GAN could generate fitful samples for pricing.
5.2 Option Pricing
Before showing our experiments on option pricing, we first introduce other basic models for option pricing.
5.2.1 Black–Scholes
The Black-Scholes model, also known as the Black-Scholes-Merton (BSM) model estimates the theoretical value of derivatives based on other investment instruments, taking into account the impact of time and other risk factors. Raised by Fisher and Myron [23], the Black-Scholes model for option pricing assumes no dividends are paid out during the life of the option, markets are random, there are no transaction costs in buying the option, the risk-free rate and volatility of the underlying asset are known and constant, the returns of the underlying asset are normally distributed and the option can only be exercised at expiration. Then if we denote as the call option price, denotes the standard normal cumulative distribution function, . And we denote as the strike price, as the spot price at time , as the date of option expiration, as annual risk-free interest rate, as the standard deviation of the stock’s returns, which is known as volatility. Then the formula for call option
where
And the formula for put option
where are same defined in call option.
In implementing Black-Scholes formula, we actually use the pricing tools in Bloomberg where volatility is automatically calculated according to market data.
5.2.2 Radial Basis Function Network
As mentioned in the work by Hutchinson and Poggio [7], the Radial Basis Function(RBF) network could be used for data fitting[24]. If we replace the Euclidean norm with matrix norm, the fitting process could be expressed as
where are parameters to be optimized on, and is the basis function, which could be either Gaussian or multiquadric. In pricing model we add one more sigmoid layer as output. The augmented network will be of the form where .
In implementing RBF network, we set the basis function as multiquadric and set the input for the model as where is stock price, is strike price and is the time until maturity.
5.2.3 Multilayer Perceptrons Regression
Still in the paper by Hutchinson and Poggio [7], Multilayer Perceptrons(MLPs) [25] are classical methods for high dimension regression. Consisting of fully connected networks, a general formulation of MLPs with univariate output could be written as
Where is the sigmoid function, and are parameters to be optimized on. Unlike the RBF network, the nonlinear function in MLP is usually fixed for the entire network.
In implementing MLP regression, we set the input of the model as where is stock price, is strike price and is the time until maturity.
5.2.4 Projection Pursuit Regression
Still mentioned in the work of Hutchinson and Poggio [7], projection pursuit regression(PPR) [26] was developed for high-dimensional regression. PPR models are composed of projections of the data and estimating nonlinear combining functions from data. The regression model could be stated as
where are functions estimated from data, are parameters to be optimized on, and is the number of projections.
In implementing PPR, we set the input of the model as where is stock price, is strike price and is the time until maturity.
5.2.5 Monte Carlo
In fact there are many methods of Monte Carlo estimation for option pricing, and the main difference lays on the assumptions of stock price generation. Here we adapt the methods from Kevin [27]. We assume that the process of stock price follows geometric Brownian motion. If we denote as stock price, as time, then
where is the drift parameter, is volatility parameter, is a random draw from standard normal distribution. Given stock price at time , we relate drift parameter to expected stock price and exercise price where is the date of option expiration. Following the stochastic process, we generate different stock price tracks for pricing. Then if we denote as time unit, r as annual risk-free interest rate, the estimated price and for European option pricing and take the average of lower and upper bounds for American option pricing.
In implementing Monte Carlo, we collect the volatility parameter for each option from Bloomberg.
5.2.6 Experiments
We first test our model on option pricing, which covers European and American options, call and put options. As for American options, we collect TSLA historical daily stock prices data from 3/22/2019 to 1/27/2022 for GAN training and Monte Carlo estimation, excluding all the holidays and weekends, there are 720 daily data in total. We collect TSLA call option data with strike price, last deal price and expiration date from 2/25/2022 to 3/10/2022, there are 8 different expiration dates for each day, and there are 10 different strike prices for each expiration date. We collect TSLA put option data from 3/21/2022 to 4/1/2022 and the other setup is same to call. Thus we have 800 option data for call and put, we use 720 data for training RBF network, MLP regression, PPR and Linear Regression, and the rest for testing.
We set the dimension of generator to 128, the sample size threshold to 290, the size of generation to 5120 and the proportion parameter to 0.8. We collect the annual risk-free interest rate from Bloomberg. We use mean absolute percentage error(MAPE) as the metric for model evaluation, where
where is the predicted call or put option price, is the real option price and is the size of test set.
|
|
As seen from table 1, our model’s performance is close to Black-Scholes model on call option pricing and our model reaches state-of-the-art for TSLA put option pricing. For a single price prediction, a smaller variance of or would make the prediction more accurate, we set as a relative large number to make the Monte Carlo estimation more accurate. And in both two cases our GAN-MC performs better than MC only model, which means GAN holds better generation capacity for real market data. As for the three non-parametric deep learning models, RBF network, MLP regression and PPR, the performances on TSLA call and put option are quite similar for the equivalence of three representations.
Apart from common stock prices, our model could still work on index prices. As for European options, we test our model on S&P 500 index option price. Similar to TSLA, for call option pricing, we collect S&P 500 historical daily index prices data from 6/14/2019 to 1/10/2022 for GAN training and Monte Carlo estimation, excluding all the holidays and weekends, there are 650 daily data in total. We collect S&P 500 call option(SPXW) data with strike price, last deal price and expiration date from 4/6/2022 to 4/28/2022, there are 8 different expiration dates mixed with call option types for each day and 10 different strike prices for each expiration date. After removing the part of SPX, we have 700 S&P 500 call option data. We use 650 data for training and the rest for testing. As for put option, we collect S&P 500 historical daily index prices data from 1/6/2020 to 9/30/2022 for GAN training and Monte Carlo estimation, excluding all the holidays and weekends, there are 690 daily data in total. We collect S&P 500 put option(SPXW) data with strike price, last deal price and expiration date from 10/7/2022 to 10/28/2022, we use 690 data for training and the rest for testing.
|
|
As seen from table 2, our model performs best among all the pricing models. Maybe sometimes the last deal price of SPXW will not lay on the range of bid price and ask price, Black-Scholes performs badly on SPXW pricing. And it seems the linear trend is significant in SPXW, therefore linear models perform better than other datasets.
5.3 Equity Forward or Futures Pricing
Similar to the methods used in option pricing, we conduct experiments for equity futures pricing by GAN-MC, RBF network, MLP regression, PPR, linear regression and Monte Carlo. We first collect S&P 500 historical daily index prices data from 6/14/2019 to 4/21/2022 for GAN training and Monte Carlo estimation, excluding all the holidays and weekends, there are 720 daily data in total. Then we collect E-Mini S&P 500 futures data, which includes ESU22(delivery at 9/16/2022) and ESZ22(delivery at 12/16/2022) from 7/12/2021 to 7/6/2022. In addtion we collect historical E-Mini S&P 500 futures ESH21(delivery at 3/18/2022) from 1/8/2021 to 3/18/2022. All the futures data includes the last futures price, remaining time before delivery date and S&P 500 index price. We use 720 data for training RNF network, MLP regression, PPR and linear regression, and the rest for testing. Different from option pricing, we use stock price and the time until delivery as the input variables for non-parametric machine learning models for equity futures pricing.
As for Monte Carlo, following the assumption of geometric Brownian motion, we estimate drift parameter for lack of strike prices
where . And we estimate the volatility parameter as historical volatility
with and is the mean of . Then the Monte Carlo estimation of equity forward or futures price is given by , where is current date, is the delivery date, is time unit and is the generated stock price in track .
We set the dimension of generator to 128, the sample size threshold to 290, the size of generation to 5120 and the proportion parameter to 0.8. We collect the annual risk-free interest rate from Bloomberg. And we use mean absolute percentage error(MAPE) as the metric for model evaluation.
Model | MAPE |
---|---|
*GAN-MC | 0.03% |
MC | 0.36% |
RBF Network(Gauss) | 0.17% |
RBF Network(Sqrt) | 0.31% |
MLP Regression | 0.43% |
PPR | 0.11% |
LR | 0.31% |
As seen from table 3 our model still performs best on equity futures pricing. For a single price prediction, a smaller variance of would make the prediction value more accurate. We set as a relative large number to make the Monte Carlo estimation more accurate. And in all cases our GAN-MC performs better than MC only model, which means GAN holds better stability and generation capacity for market data.
5.4 Commodity Forward or Futures Pricing
Quite similar to the methods used in section 5.3, we conduct experiments for commodity forward contract pricing by GAN-MC, RBF network, MLP regression, PPR, linear regression and Monte Carlo. We first collect LME copper spot daily price data from 12/4/19 to 9/2/22 for GAN training and Monte Carlo estimation, excluding all the holidays and weekends, there are 700 daily data in total. Then we collect LME copper 3 months rolling forward daily price data from 10/17/18 to 9/30/22. All the forward data includes the last forward price, remaining time before delivery date, which is three months and spot price. We use 700 data for training RNF network, MLP regression, PPR and linear regression, and the rest for testing. We use spot price and the time until delivery as the input variables for non-parametric machine learning models for commodity forward or futures pricing.
Similar to the method used in equity futures pricing, the Monte Carlo estimation of commodity forward contract or futures price is given by where is current date, is the settlement date, and is the generated stock price in track .
We set the dimension of generator to 128, the sample size threshold to 290, the size of generation to 5120, sample size for estimating cost of carry to 50 and the proportion parameter to 0.8. We collect the annual risk-free interest rate from Bloomberg. And we use mean absolute percentage error(MAPE) as the metric for model evaluation.
Model | MAPE |
---|---|
*GAN-MC | 0.08% |
MC | 0.53% |
RBF Network(Gauss) | 0.90% |
RBF Network(Sqrt) | 2.33% |
MLP Regression | 1.11% |
PPR | 1.24% |
LR | 1.13% |
The results in table 4 show that our model performs best on commodity forward pricing. If we compare GAN-MC with MC, the better performance of our model proves the generative network’s efficiency and capacity during generation. Apart from our model, Monte Carlo and RBF Network(Gauss) models perform greatly on LME copper forward pricing.
Apart from commodity forward contract, GAN-MC could still handle the commodity futures cases. We then test our model on crude oil futures. Similar to copper, we collect Cushing, OK WTI crude oil historical daily spot price from 7/11/2019 to 8/30/2022 for GAN training and Monte Carlo estimation, excluding all the holidays and weekends, there are 700 daily data in total. Then we collect CLV2, which is the WTI crude oil future settled on October 2022 from 2/5/2019 to 2/9/2022, and CLX2, which is settled on November 2022 from 2/5/2020 to 2/9/2022. All the futures data includes the last futures price, remaining time before delivery date and WTI crude oil spot price. We use 700 daily data for training RNF network, MLP regression, PPR and linear regression, and the rest for testing.
Model | MAPE |
---|---|
*GAN-MC | 0.58% |
MC | 7.44% |
RBF Network(Gauss) | 2.59% |
RBF Network(Sqrt) | 1.88% |
MLP Regression | 4.75% |
PPR | 2.26% |
LR | 4.29% |
The results in table 5 show that our model performs best on commodity futures pricing. Such success results from the capacity, generating ability and the variance reduction properties of GAN-MC. Apart from our model, RBF Network(Sqrt) and PPR models perform greatly on WTI crude oil futures pricing.
6 Conclusion
All the success of our model on different real market derivatives pricing proves the correctness of our GAN-MC model. GAN is a powerful tool for capturing the trend and variation of the underlying asset prices like stock or index price. Monte Carlo could be used for reducing the variance of estimators given independent sequences and efficient for derivatives pricing. Although parametric derivatives pricing formulas are preferred when they are available, our result show that generative model-based Monte Carlo alternatives could be useful substitutes when arbitrage-based pricing formula or non-parametric pricing model fails. While our results are promising, we can not claim our approach will be successful in general, we have not covered swap and other derivatives pricing yet and we hope to provide a more comprehensive analysis of these alternatives in the near future.
References
- Black [1976] Fischer Black. The pricing of commodity contracts. Journal of financial economics, 3(1-2):167–179, 1976.
- Merton [1973] Robert C Merton. Theory of rational option pricing. The Bell Journal of economics and management science, pages 141–183, 1973.
- Karoui et al. [1998] Nicole El Karoui, Monique Jeanblanc-Picquè, and Steven E Shreve. Robustness of the black and scholes formula. Mathematical finance, 8(2):93–126, 1998.
- Wu [2004] Hsien-Chung Wu. Pricing european options based on the fuzzy pattern of black–scholes formula. Computers & Operations Research, 31(7):1069–1081, 2004.
- Magdziarz [2009] Marcin Magdziarz. Black-scholes formula in subdiffusive regime. Journal of Statistical Physics, 136(3):553–564, 2009.
- Carmona and Durrleman [2005] René Carmona and Valdo Durrleman. Generalizing the black-scholes formula to multivariate contingent claims. Journal of computational finance, 9(2):43, 2005.
- Hutchinson et al. [1994] James M Hutchinson, Andrew W Lo, and Tomaso Poggio. A nonparametric approach to pricing and hedging derivative securities via learning networks. The journal of Finance, 49(3):851–889, 1994.
- Goodfellow et al. [2014] Ian Goodfellow, Jean Pouget-Abadie, Mehdi Mirza, Bing Xu, David Warde-Farley, Sherjil Ozair, Aaron Courville, and Yoshua Bengio. Generative adversarial nets. Advances in neural information processing systems, 27, 2014.
- Zhang et al. [2019] Han Zhang, Ian Goodfellow, Dimitris Metaxas, and Augustus Odena. Self-attention generative adversarial networks. In International conference on machine learning, pages 7354–7363. PMLR, 2019.
- Mirza and Osindero [2014] Mehdi Mirza and Simon Osindero. Conditional generative adversarial nets. arXiv preprint arXiv:1411.1784, 2014.
- Chen et al. [2020] Liangjian Chen, Shih-Yao Lin, Yusheng Xie, Yen-Yu Lin, Wei Fan, and Xiaohui Xie. Dggan: Depth-image guided generative adversarial networks for disentangling rgb and depth images in 3d hand pose estimation. In Proceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision, pages 411–419, 2020.
- Arjovsky et al. [2017] Martin Arjovsky, Soumith Chintala, and Léon Bottou. Wasserstein generative adversarial networks. In International conference on machine learning, pages 214–223. PMLR, 2017.
- Chen et al. [2016] Xi Chen, Yan Duan, Rein Houthooft, John Schulman, Ilya Sutskever, and Pieter Abbeel. Infogan: Interpretable representation learning by information maximizing generative adversarial nets. Advances in neural information processing systems, 29, 2016.
- Boyle [1977] Phelim P Boyle. Options: A monte carlo approach. Journal of financial economics, 4(3):323–338, 1977.
- Fu and Hu [1995] Michael C Fu and Jian-Qlang Hu. Sensitivity analysis for monte carlo simulation of option pricing. Probability in the Engineering and Informational Sciences, 9(3):417–446, 1995.
- Birge [1995] John R Birge. Quasi-monte carlo approaches to option pricing. Technical report, 1995.
- Broadie et al. [1997] Mark Broadie, Paul Glasserman, and Gautam Jain. Enhanced monte carlo estimates for american option prices. Journal of Derivatives, 5:25–44, 1997.
- Poirot and Tankov [2006] Jérémy Poirot and Peter Tankov. Monte carlo option pricing for tempered stable (cgmy) processes. Asia-Pacific Financial Markets, 13(4):327–344, 2006.
- Kim [2022] Yo-whan Kim. How Transferable are Video Representations Based on Synthetic Data? PhD thesis, Massachusetts Institute of Technology, 2022.
- Rosenblatt [1961] Frank Rosenblatt. Principles of neurodynamics. perceptrons and the theory of brain mechanisms. Technical report, Cornell Aeronautical Lab Inc Buffalo NY, 1961.
- Cassisi et al. [2012] Carmelo Cassisi, Placido Montalto, Marco Aliotta, Andrea Cannata, and Alfredo Pulvirenti. Similarity measures and dimensionality reduction techniques for time series data mining. Advances in data mining knowledge discovery and applications, pages 71–96, 2012.
- Quail and Overdahl [2009] Rob Quail and James A Overdahl. Financial derivatives: pricing and risk management, volume 5. John Wiley & Sons, 2009.
- Black and Scholes [2019] Fischer Black and Myron Scholes. The pricing of options and corporate liabilities. In World Scientific Reference on Contingent Claims Analysis in Corporate Finance: Volume 1: Foundations of CCA and Equity Valuation, pages 3–21. World Scientific, 2019.
- Poggio and Girosi [1990] Tomaso Poggio and Federico Girosi. Networks for approximation and learning. Proceedings of the IEEE, 78(9):1481–1497, 1990.
- Rumelhart et al. [1985] David E Rumelhart, Geoffrey E Hinton, and Ronald J Williams. Learning internal representations by error propagation. Technical report, California Univ San Diego La Jolla Inst for Cognitive Science, 1985.
- Friedman and Stuetzle [1981] Jerome H Friedman and Werner Stuetzle. Projection pursuit regression. Journal of the American statistical Association, 76(376):817–823, 1981.
- Brewer et al. [2012] Kevin D Brewer, Yi Feng, and Clarence CY Kwan. Geometric brownian motion, option pricing, and simulation: Some spreadsheet-based exercises in financial modeling. Spreadsheets in Education, 5(3):4598, 2012.