Option Pricing with the SABR Model on the GPU

Size: px
Start display at page:

Download "Option Pricing with the SABR Model on the GPU"

Transcription

1 Option Pricing with the SABR Model on the GPU Yu Tian, Zili Zhu, Fima C. Klebaner and Kais Hamza School of Mathematical Sciences, Monash University, Clayton, VIC3800, Australia {yu.tian, fima.klebaner, CSIRO Mathematics, Informatics and Statistics, Clayton, VIC3168, Australia Abstract In this paper, we will present our research on the acceleration for option pricing using Monte Carlo techniques on the GPU. We first introduce some basic ideas of GPU programming and then the stochastic volatility SABR model. Under the SABR model, we discuss option pricing with Monte Carlo techniques. In particular, we focus on European option pricing using quasi-monte Carlo with the Brownian bridge method and American option pricing using the least squares Monte Carlo method. Next, we will study a GPUbased program for pricing European options and a hybrid CPU-GPU program for pricing American options. Finally, we implement our GPU programs, and compare their performance with their CPU counterparts. From our numerical results, around 100 speedup in European option pricing and 10 speedup in American option pricing can be achieved by GPU computing while maintaining satisfactory pricing accuracy. Keywords-GPU; CUDA; option pricing; SABR model; quasi- Monte Carlo I. INTRODUCTION In the world of financial engineering, there are two main streams for research: developing new financial models and proposing novel computation methodologies to solve the models efficiently. The aim of our research is to study and combine state-of-the-art techniques in financial option pricing, Monte Carlo simulation and other methods for specific research problems. Although Monte Carlo can be fast for some simple and one-dimensional option pricing problems implemented on the Central Processing Unit (CPU), it will definitely be slow for multi-dimensional problems, e.g. for pricing path-dependent options and single- and multi-asset options based on multi-dimensional stochastic processes. The advent of fast GPUs shows a promising way to fast parallel computing. One such implementation is through CUDA [1], an extension of C/C++ developed by NVIDIA. The motivation of using the Graphics Processing Unit (GPU) for computation is that the research applications can be parallelized, or at least partially parallelized. Since Monte Carlo simulation for pricing European options can be highly parallelized, the GPU is an excellent candidate for accelerating computation. In addition, in order to price American options with the least squares Monte Carlo method, GPUbased matrix solver can play an important role. In this paper, we first introduce some basic ideas of NVIDIA CUDA programming in Section II. We then discuss a two-dimensional stochastic volatility model, the SABR model, and option pricing techniques for European and American options under the SABR model in Section III. Next, we study programming techniques for pricing European and American options on the GPU in Section IV. In Section V, we implement numerical experiments and demonstrate the performance of GPU programs for option pricing. II. A SIMPLE DESCRIPTION OF THE CUDA PROGRAMMING SYSTEM The CUDA programming system consists of two parts, a host (CPU) and a device (GPU). The main routine of CUDA programming can be summarized as: 1) set up initial data on the host; 2) allocate device memory for computation; 3) copy initial data from the host to the device; 4) implement computation on the device; 5) copy results from the device to the host; 6) release device and host memory. There are up to 512 threads per block and up to blocks in the CUDA programming architecture. Each thread can be simply seen as a computation unit, while the number of computation units on the CPU is usually 2-4, which is equivalent to the number of CPU cores. Furthermore, threads within the same block on the GPU can cooperate by synchronizing their execution. Regarding the memory used, we mainly use four types for programming: host memory, which is the computer memory used by CPU to store data; global memory, which is the main part of off-chip memory on a graphics card used by GPU to read and write data and used by CPU to transfer data, and which should be coalesced for accesses; local memory, which is a part of off-chip memory used by the thread to read and write data; shared memory, which is on-chip memory with a small size and can be used by threads within the same block. The access to the off-chip global and local memory is slow, and a large part of time in GPU computation is used for Copyright /10/$26.00 c 2010 IEEE

2 transferring data between host and device. However, since the access to shared memory is very fast, the low-latency shared memory provides an efficient means for threads to share data within the same block. To build a good GPU program, we should make the best of shared memory and the cooperation of threads within the same block to reduce the work on the CPU and to accelerate the computation speed. In our GPU implementations, we will use columnmajor ordering to store all vectors and matrices hereafter. We refer to [1] for detailed descriptions of CUDA programming. III. FINANCIAL MODELS A. The SABR model A class of stochastic volatility models has been used to explain why the Black-Scholes implied volatilities are different for options with different strikes and maturities. These models involve a stochastic process for the volatility parameter. One popular socialistic volatility model is the SABR model proposed by Hagan et al. [2]. In the SABR model, the stochastic processes for a forward price F t and its volatility α t are assumed to be df t = α t F β t dwt 1,F 0 = f, dα t = να t dwt 2,α 0 = α, (1) cov[dwt 1, dwt 2 ]=ρdt, where 0 β 1 and ν 0. If the short rate r(t) is assumed to be a deterministic function of the time, the discount rate D(t, T ) is ( T ) D(t, T )=exp r(s)ds. (2) So the spot price S t equals S t = F t D(t, T ). From Ito s lemma, we can express the processes for the spot price S t as ds t = r(t)s t dt + α t S β t D(t, T ) 1 β dwt 1,S 0 = f D(0,T), dα t = να t dwt 2,α 0 = α, cov[dwt 1, dwt 2 ]=ρdt. (3) If β =1,theD(t, T ) term in the process of the spot price disappears. In other cases, it will affect the change of the spot price. When β =1, the spot price model represents a stochastic log-normal process; and when β =0,itisa stochastic normal process. The volatility parameter in the SABR model follows a stochastic log-normal process. An important feature of the SABR model is that it has asymptotic analytical solutions for European options, which are given by Black s formula [2] as V call = D(0,T) {fφ(d 1 ) KΦ(d 2 ), V put = D(0,T) {KΦ( d 2 ) fφ( d 1 ), d 1 = log (f/k)+ 1 2 σ2 B T (4),d 2 = d 1 σ B T, σ B T t where Φ(x) denotes a cumulative distribution function of the standard normal distribution and the implied volatility σ B (K, f) is given by σ B (K, f) = α (fk) (1 β)/2 {1+ (1 β)2 24 log 2 (f/k)+ (1 β) (f/k) ( ) log4 z x(z) { [ (1 β) (fk) 1 β + 1 ρβνα 2 3ρ2 + 4 (fk)(1 β)/2 24 with z = ν α (fk)(1 β)/2 log (f/k), { 1 2ρz + z2 + z ρ and x(z) = log 1 ρ For the case when K = f, the limit lim z 0 then the implied volatility is simplified as σ B (f,f) = α { [ (1 β) 2 α 2 f 1 β f + 2(1 β) α ρβνα 2 3ρ2 + f 1 β 24 ν ]T 2,. (5) z x(z) =1and ν 2 ]T. (6) After calibration of the model parameters from market prices (see, e.g., [2], [3]), the model can be used to capture the volatility surface and to price exotic options. B. Pricing European options with quasi-monte Carlo and Brownian bridging Given a constant risk-free interest rate r and a initial spot price S 0, the European option price at the initial time 0 is given by V (S 0, 0) = e rt E[V (S T,T) S 0 ] (7) where V (S T,T) is the payoff of the European option at maturity T. When using Monte Carlo methods by simulating N paths of the spot price with M time steps, one can approximate the option price V (S 0, 0) by N V (S 0, 0) = e rt k=1 V (Sk t M,t M ) (8) N where the payoff function V (St k M,t M ) is max(st k M K, 0) for European call and max(k St k M, 0) for European put at the maturity T = t M. The SABR model (3) with a constant interest rate r can be discretized with M time steps as S ti+1 = S ti + rs ti Δt + α ti S β t i exp {(T iδt)(β 1)ΔWt 1 i, α ti+1 = α ti + να ti [ρδwt 1 i + 1 ρ 2 ΔWt 2 i ], with S t0 = f exp ( rt ), α t0 = α, i =0,...,M 1, and Δt = T M, ΔW j t i = W j t i+1 W j t i,j=1, 2. (9)

3 A simple way to simulate the increment of a Brownian motion ΔW j t i is to use the property ΔW j t i = (Δt) N (0, 1), wheren (0, 1) is the standard normal distribution. Numerically, the standard normal random number can be generated as a pseudo-random number artificially. The convergence rate of the Monte Carlo simulation is O(N 1/2 ), where N is the number of simulations. For accelerating the convergence of pricing, there are various variance reduction techniques. We refer to [4], [5] for more information. Another good alternative method to Monte Carlo simulation is known as the quasi-monte Carlo method. The idea of quasi-monte Carlo is to use a d- dimensional low discrepancy sequence from [0, 1) d, with d the dimension of the quasi-monte Carlo problem, to generate d-dimensional uniformly distributed vectors. For a problem of k-dimensional single-asset option pricing, the dimension of quasi-monte Carlo d equals k times the number of time steps M. In particular, the dimension of quasi-monte Carlo for single-asset option pricing under the SABR model is 2M as there are two stochastic processes in the model. For multi-asset option pricing, the problem dimension increases accordingly. A good candidate of the uniformly distributed low discrepancy sequences is the Sobol sequence (see [6], [7]). We can convert the uniformly distributed Sobol sequence to standard normals. Since the generation of the Sobol sequence can be parallelized on the GPU (see the NVIDIA GPU Computing SDK), we need a GPU-based algorithm, e.g., the ICNDfloat2 algorithm [8], to obtain the standard normals. The performance of the quasi-monte Carlo is excellent for low dimensional problems but not so good for high dimensions. This is because the theoretical convergence rate O(N 1 log d N) of the quasi-monte Carlo becomes slower than O(N 1/2 ) of the crude Monte Carlo for high dimensional problems, unless N is very large. In addition, the uniformity of the Sobol sequence in higher dimensions is inferior to that in lower dimensions. Hence, the speed of convergence in European option pricing using the Sobol sequence will decrease for a large number of time steps. Nevertheless, note that, from principal component analysis (see [5]), the first few steps of Brownian motion largely determine the movement of a stochastic process. Moreover, since many option contracts depend on the terminal point of Brownian motion, we can use the Sobol sequence from a low dimension with good statistical properties to construct Brownian motion at the terminal point. Hence, we will use Brownian bridging techniques to construct Brownian motion in order to improve the performance of quasi-monte Carlo methods. To be specific, if the time step M is a power of 2, we use the following techniques to generate the Brownian motion: ( see [5]) W t0 =0,W tm = T Z 1, W tm/2 = 1 2 (W t 0 + W tm )+ T/4 Z 2, W tm/4 = 1 2 (W t 0 + W tm/2 )+ T/8 Z 3,. W tm 1 = 1 2 (W t M 2 + W tm )+ T/2M Z M,j=1, 2. (10) where Z i is an independent standard normal generated from the Sobol sequence 1. In such a way, the first standard normal generated from the first coordinate of a Sobol sequence, which should have superior statistical properties, is used to determine the terminal value of the Brownian path. The second standard normal is used to construct the mid-point of the Brownian path and so forth. In such a way, the first few coordinates of the Sobol sequence determine a general shape of Brownian motion. After bridging, we use successive differences of the Brownian motion to simulate paths for the spot price and the volatility parameter. We refer to [5], [9], [10] for detailed discussions on the construction and implementation of Brownian bridges. C. Pricing American options with least squares method An American option can be exercised at any time during its life. The value of an American option is thereby obtained by exercising optimally. Here we assume that the underlying asset does not pay dividend. We will focus on American put options hereafter. When using Monte Carlo methods to price American put options, we need to specify a number of discrete exercise time points within the maturity. Since quasi-monte Carlo with Brownian bridging performs a good approximation in European option pricing, we will continue to use the techniques presented in Section III-B, and combine them with the least squares methods proposed by Longstaff and Schwartz [11] to price American put options. Given M exercise time points t 1,...,t M, the cash flow of an American put at the maturity time t M is set to be the payoff of the put as F M (S tm )=max(k S tm, 0). Atan exercise time t i (i =1,...,M 1) prior to the maturity, the cash flow of an American put option is given by { ψi (S F i (S ti )= ti ), if ψ i (S ti ) C i (S ti ), (11) 0, if ψ i (S ti ) <C i (S ti ), where the immediate exercise value is ψ i (S ti )=max(k S ti ) for put option and the expected continuation value is C i (S ti )=E[ M m=i+1 e r(m i)δt F m (S tm ) S ti ]. To model 1 Note that when applying Brownian bridging techniques to pseudorandom numbers, it will generally not improve the performance of Monte Carlo. One may use conventional variance reduction techniques to improve the performance of conventional Monte Carlo.

4 the expected continuation value with regression-based methods, we will assume a regression function for C i (S ti ). Under the SABR model, we assume the following regression function for estimating the expected continuation value as Ĉ i (S ti )=b 0 + b 1 α ti + b 2 (α ti ) b 3 S ti + b 4 (S ti ) 2 + b 5 α ti S ti. (12) It can be generalized as Ĉ i (S ti )= 5 b j X j (S ti,α ti ). (13) j=0 where b j is the regression coefficient and X j (S ti,α ti ) is called the basis function. To estimate the value of the coefficients, given N simulated values of the spot price with its volatility parameter, we need to identify the set I i of in-the-money paths. At exercise time t i, we collect St k i, α k t i and realized continuation values C i (St k i )= M m=i+1 e r(m i)δt F m (St k m ) in the set of inthe-money paths (k I i ) for regression. Then the following merit function L is to be minimized: L = 5 2 (C i (St k i ) b j X j (St k i,α k t i )). (14) k I i j=0 To find the minimum of L, we can simply solve a system of equations of the first derivative of L with respect to each b j being zero. However, a nearly zero element is likely to occur when using numerical methods to solve the equations, which will give rise to the equations being very close to singular. In such cases we cannot obtain desirable solutions. In addition, we may obtain different sets of regression coefficients which fit the data in the above least squares problem equally well so that it can be difficult to determine which set of coefficients gives better approximations to expected continuation values. An alternative method which gives better estimations is the singular value decomposition (SVD) method. The idea of the SVD method is to find a solution of estimated coefficients in the sense of least squares, i.e, to find a set of b j which minimizes L in equation (14). That is exactly what we need. Furthermore, SVD method is valid for nearly singular equations. For these advantages, we will rely on the SVD method to solve the least squares problem in pricing American options. Let b be the regression coefficient vector, c be the realized continuation value vector from the in-the-money paths and X be the P Q basis function matrix with P the number of in-the-money paths at time t i and Q the number of basis functions, which is 6 in the case of the SABR model from equation (13). In our case of regression, the number of inthe-money paths P is usually much larger than the number of basis functions Q, which implies that the number of equations is much more than that of unknown regression coefficients. For the SVD method, matrix X can be written as X = U W V T, (15) where U is a P Q column-orthogonal matrix, W is a Q Q diagonal matrix containing non-negative singular values of X in the diagonal in descending order, and V is a Q Q orthogonal matrix. Since the diagonal matrix W can be stored as a vector w =(w 0,...,w Q 1 ), we can derive the regression coefficient vector b from b = V [diag(1/w j )] U T c, (16) We refer to [12] for detailed discussions on the SVD method. After all cash flows at each exercise time point are determined, backward regression and payoff comparison are performed. The value of the American put at the initial time t 0 is approximated by V 0 (S t0 )= 1 N N k=1 m=1 M e rmδt F m (St k m ). (17) The general procedure for pricing American put with the least squares Monte Carlo method is summarized in Algorithm 1. Algorithm 1 Least squares Monte Carlo method for pricing American put 1. Simulation: simulaten paths for spot price St k i and its volatility parameter α k t i with M exercise time points t i,fork =1,...,N and i =1,...,M. 2. Approximation: at terminal time t M, set cash flow F M (St k M )=max(k St k M, 0) for k =1,...,N. for i = M 1,...,1 do 2.1. find the set I i of in-the-money paths; 2.2. generate realized continuation value C i (St k i ) and basis function X j (St k i,α k t i ) for j =0,...,5 and k I i ; 2.3. derive regression coefficient b j by the SVD method from C i (St k i ) and X j (St k i,α k t i ) for j =0,...,5 and k I i ; 2.4. estimate expected continuation value Ĉi(St k i ) = 5 j=0 b jx j (St k i,α k t i ) for k I i ; 2.5. for k I i,setψ i (St k i )=max(k St k i ): if ψ i (St k i ) Ĉi(St k i ) then F i (St k i )=ψ i (St k i ) for m = i +1,...,M do F m (St k m )=0 end for else F i (St k i )=0 end if 2.6. for k {1,...,N/I i :setf i (St k i )=0; end for 3. Output: V 0 (S t0 )= 1 N M N k=1 m=1 e rmδt F m (St k m ).

5 IV. PROGRAMMING TECHNIQUES FOR OPTION PRICING A. GPU-based program for pricing European options We first develop a GPU-based implementation for pricing European options under the SABR model with quasi-monte Carlo and Brownian bridging. Here we focus on pricing a European option based on a single asset. We use one thread for one simulation, which contains one path for the spot price and one for the volatility parameter. So the total number of threads used in all blocks equals the number of simulations. Then we can output the payoff in each thread from GPU to CPU and calculate the discounted average of all the payoffs on CPU. In addition, since the construction of Brownian bridges on CPU is very time-consuming but can be parallelized, we can implement Brownian bridging on GPU. The general computation procedure for pricing European options under the SABR model is summarized as: 1) set up initial data on CPU with N simulations and M time steps; 2) generate 2M-dimensional Sobol sequence of N vectors, and convert all vectors into standard normals on GPU; 3) construct all Brownian motions from Brownian bridgingongpu; 4) generate simulation paths, compute the payoff in each thread, and output all the payoffs to CPU; 5) calculate the discounted average of all payoffs on CPU. Since all threads within the same block have the access to the same shared memory and thereby can cooperate, we use shared memory to store the partial sum of the payoffs within one block in order to reduce data transfer from GPU to CPU and the work on CPU. This is done as follows. First, we simulate the underlying process and derive the payoff of the option in each thread. All threads within the same block will not be synchronized until all the payoffs calculated within the block are stored in the shared memory. We implement tree-based summation, see Listing 1. Afterwards, we only need to output all the partial sums to CPU. The number of output results now equals the number of blocks used, instead of the number of simulations. When averaging partial sums, we use Kahan summation algorithm to reduce the numerical error of floating-point code occurred in the summation of a large sequence. See [13] [15] for detailed discussions. To reduce data transfer between GPU and CPU, we find that Step 3 and Step 4 in the above computation procedure can be combined by first constructing two Brownian motions (one for the spot price and the other for the volatility parameter) from Brownian bridging per thread and then by using constructed Brownian motions to generate paths in the same thread. In such a way, we do not need to construct all Brownian motions for the simulation beforehand. Moreover, const int tid=threadidx.x; const int bid=blockidx.x; const int totalid=blockdim.x bid+tid ; // simulate paths for spot price and its volatility parameter in each thread // call option : payoff=s K float thispayoff=thisspot ( dev K); thispayoff=thispayoff >0?thisPayOff :0; extern shared float partialsum []; partialsum [ tid ]=thispayoff ; syncthreads () ; for ( int offset=blockdim.x/2; offset >0;offset >>=1){ if ( tid<offset ){ partialsum [ tid]+=partialsum [ tid+offset ]; syncthreads () ; if ( tid==0){ dev output [bid]=partialsum [ tid ]; Listing 1. Using shared memory to implement partial summation from numerical experiments, we find that time spent on the combined step is almost the same as that spent on Step 4 alone in the above computation procedure and hence the combined step can save us time. In summary, the improved computation procedure is: 1) set up initial data on CPU with N simulations and M time steps; 2) generate 2M-dimensional Sobol sequence of N vectors, and convert all vectors into standard normals on GPU; 3) construct two Brownian motions from Brownian bridging, then generate one simulation per thread, compute the partial sum of the option payoffs per block, and output all partial sums to CPU; 4) calculate the discounted average of all partial sums on CPU. B. Hybrid CPU-GPU program for pricing American options We now discuss our implementation of American option pricing. As a first step, similar to the procedure in Section IV-A, we can implement the simulation part for pricing an American put on GPU and then output paths of the spot price and the volatility parameter to CPU for choosing in-the-money paths. This could save us time while maintaining almost the same precision as that implemented on CPU. When analyzing the CPU program of Algorithm 1, we find that over 80% of the total computation time is used for Step 2. In particular, generating data for regression in Step 2.2 can occupy more than 60% of the total computation time. We note that the generation of realized continuation values in Step 2.2 can be seen as the multiplication of a P R cash flow matrix F and a discount factor vector e with R elements, where P is the number of in-the-money paths at time t i and R is the number of discount period.

6 To accelerate the generation of realized continuation values without much effort, we turn to the parallelization of matrixvector multiplication on GPU with the help of CUBLAS [16], a basic linear algebra library in CUDA. We first allocate GPU memory for multiplication and then copy the cash flow matrix and the discount vector from CPU to GPU. Thereafter we call the single-precision cublassgemv function in CUBLAS to generate a vector of realized continuation values c by c = F e. In addition, the generation of basis functions can also be implemented on GPU, which can save some time. The third step for accelerating American option pricing is to implement the singular value decomposition on GPU with the help of CULA [17], a linear algebra package for CUDA-enabled GPUs. We use the single-precision culadevicesgesvd function in CULA to obtain the matrices U, V and the vector w (see Section III-C), and we obtain the coefficient vector b from matrix-vector multiplication by using cublassgemv on GPU. Consequently, we can also derive the expected continuation value vector in Step 2.4 from multiplying basis function matrix by the coefficient vector on GPU. We now have a hybrid CPU-GPU program for pricing American options. In summary, the following steps in Algorithm 1 will be implemented on GPU: Step 1: simulate paths for spot price and its volatility parameter from quasi-monte Carlo with Brownian bridging on GPU, and then output simulated paths to CPU; Step 2.2: generate realized continuation value vector c = F e by cublassgemv and generate basis function matrix X on GPU; Step 2.3: generate matrices U, V and vector w by culadevicesgesvd and derive coefficient vector b from b = V [diag(1/w j )] U T c by cublassgemv on GPU; Step 2.4: estimate expected continuation value vector ĉ = X b by cublassgemv on GPU, and then output ĉ to CPU for comparison; For other sequential parts of the algorithm, we rely on CPU for computing. V. NUMERICAL RESULTS We now present the numerical results of our GPU implementations of option pricing under the SABR model. All the experiments are implemented on the Monash Sun Grid. The CPU we use is quad-core Intel Xeon L GHz with 48 GB DDR MHz RAM. The GPU is NVIDIA Tesla C GHz with 4 GB GDDR3 800 MHz RAM. The single-precision code is written in Microsoft Visual Studio 2008 SP1 with NVIDIA CUDA 3.1. A. European options In the first numerical experiment, we compare the performances of crude Monte Carlo and quasi-monte Carlo methods on GPU. We set the initial parameters of the SABR model to be: S 0 = 100,K = 100,r =0.05,T =1, (18) α =0.2,β =0.5,ν =0.2,ρ= 0.5. The reference value of the European call is as derived from the asymptotic analytical solution in equation (4). We use 2 15 = simulations but different time steps for comparison, see Table I. In terms of accuracy, we can see that quasi-monte Carlo with Brownian bridges outperforms quasi-monte Carlo without Brownian bridges and the crude Monte Carlo. We also report that if more than 2 20 (around one million) simulations are used, the accuracy of crude Monte Carlo and quasi-monte Carlo without Brownian bridges can match that of quasi-monte Carlo with Brownian bridges. For European options, we find that all the Monte Carlo results obtained from the GPU program are identical to those from the CPU program, which shows that the singleprecision arithmetic of the GPU is comparable to that of the CPU. result relative error time steps=64 GPU-MC % GPU-QMC % GPU-QMC-BB % time steps=128 GPU-MC % GPU-QMC % GPU-QMC-BB % time steps=256 GPU-MC % GPU-QMC % GPU-QMC-BB % Table I COMPARISONS OF MONTE CARLO (MC) AND QUASI-MONTE CARLO (QMC) WITHOUT AND WITH BROWNIAN BRIDGES (BB) ON GPU. THE REFERENCE VALUE IS paths= 2 n CPU (time) GPU (time) speedup s 0.01s s 0.02s s 0.61s 105 Table II COMPARISON OF COMPUTATION TIME (IN SECOND) FOR CPU AND GPU PROGRAMS, TIME STEPS=128 Next, in Table II, we compare the computation time used in GPU and CPU programs for pricing European options when using quasi-monte Carlo with Brownian bridging. We find that a speedup of around 100 times can be achieved as can be seen in Figure 1 while maintaining the same precision. In addition, we find that around half of the GPU computation time is used for transferring data between GPU and CPU. Hence, how to minimize data transfer is a challenge for GPU computing.

7 that, with the help of CULA and CUBLAS, a four-fold speedup can be found in the SVD method implemented on GPU compared to the one on CPU. The parallelization of these operations contributes to a total speedup of around 10 times in pricing American options. speedup paths=2 n CPU (time) GPU (time) speedup total time s 13.63s 10 PS 9.13s 0.48s 19 components DGR s 5.92s 19 SVD 9.30s 2.44s 4 UP 4.80s 4.79s 1 Table IV COMPARISON OF TIME IN CPU AND HYBRID CPU-GPU PROGRAMS FOR PRICING AMERICAN PUTS, PATHS=131072, TIME STEPS=128, PS=PATH SIMULATION, DGR=DATA GENERATION FOR REGRESSION, UP=UNPARALLELIZED PARTS Figure 1. steps=128 Speedup of European option pricing on GPU vs CPU, time B. American options We now implement numerical experiments for pricing American put options. We will compare the performances of our hybrid CPU-GPU version with the CPU version of Algorithm 1. We set the parameters of the SABR model to be: S 0 = 100,K = 100,r =0.05,T =1, (19) α =0.4,β =0.9,ν =0.4,ρ=0.3. change from standard case CPU result GPU result relative difference % K= % K= % β= % ρ= % ν= % Table III COMPARISON OF CPU AND HYBRID CPU-GPU RESULTS FOR PRICING AMERICAN PUTS, PATHS=131072, TIME STEPS=128 We compare the CPU and the hybrid CPU-GPU pricing results with different SABR parameters in Table III. From Table III, we can find very small relative differences between the CPU and GPU results, which shows that our hybrid CPU-GPU program is acceptable. The small numerical difference is due to the rounding error in the implementation of matrix computation on GPU. This can be minimized by updating the CUBLAS and CULA libraries and the GPU hardware. When comparing the computation time in different parts of the CPU and GPU programs in Table IV, we first find that the path simulation part in pricing American option can be accelerated by around 19 times on GPU. Moreover, a speedup of around 19 times can be achieved in data generation for regression on GPU in our example with the help of CUBLAS for matrix multiplication. In addition to We also note that almost half of the GPU computation time is used for data transfer between GPU and CPU, which again demonstrates that efficient data transfer is a key for GPU-based high performance computing. VI. CONCLUSION AND DISCUSSION In this paper, we have presented the implementation of option pricing under the SABR model on GPU. From the numerical results presented for GPU computing, the speed of pricing European and American options can be accelerated significantly while maintaining satisfactory pricing accuracy. A possible and simple extension of the work is to price a European or American option on multi assets. The number of paths simulated on each thread corresponds to the number of assets plus the number of their volatility parameters. However, more advanced GPU-based or hybrid CPU-GPU implementation with efficient data transfer for option pricing need to be investigated in the future. ACKNOWLEDGMENT The authors would like to thank Philip Chan (Monash e- Research Centre) for his kind help with the use of Monash Sun Grid and fruitful discussions on the programming code. REFERENCES [1] NVIDIA, NVIDIA CUDA Programming Guide, 2010, ver [2] P. S. Hagan, D. Kumar, A. Lesniewski, and D. E. Woodward, Managing smile risk, Wilmott Magazine, pp , September [3] G. West, Calibration of the SABR model in illiquid markets, Applied Mathematical Finance, vol. 12, no. 4, pp , [4] P. Jackel, Monte Carlo Methods in Finance. West Sussex: John Wiley & Sons, [5] P. Glasserman, Monte Carlo Methods in Financial Engineering. New York: Springer-Verlag, 2003.

8 [6] P. Bratley and B. Fox, Implementing Sobol s quasirandom sequence generator, ACM Transactions on Mathematical Software, vol. 14, no. 1, pp , [7] S. Joe and F. Kuo, Remark on algorithm 659: implementing Sobol s quasirandom sequence generator, ACM Transactions on Mathematical Software, vol. 29, no. 1, pp , [8] W. T. Shaw and N. Brickman, Differential equations for Monte Carlo recycling and a GPU-optimized normal quantile, 2009, working paper. arxiv: [9] J. Lin and X. Wang, New Brownian bridge construction in quasi-monte Carlo methods for computational finance, Journal of Complexity, vol. 24, no. 2, pp , [10] M. S. Joshi, Graphical Asian options, Wilmott Journal, vol. 2, no. 2, pp , [11] F. A. Longstaff and E. S. Schwartz, Valuing American options by simulation: A simple least-squares approach, Review of Financial Studies, vol. 14, no. 1, p. 113C147, [12] W. H. Press, S. A. Teukolsky, W. T. Vetterling, and B. P. Flannery, Numerical Recipes: The Art of Scientific Computing, 3rd ed. New York: Cambridge University Press, [13] N. J. Higham, The accuracy of floating point summation, SIAM Journal on Scientific Computing, vol. 14, pp , [14] E. Fleegal, Microsoft Visual C++ floating-point optimization, Microsoft Visual Studio Technical Articles, June [15] D. B. Kirk and W. mei W. Hwu, Programming Massively Parallel Processors : A Hands-on Approach, 1st ed. Burlington: Morgan Kaufmann Publishers, [16] NVIDIA, CUDA CUBLAS Library, 2010, ver [17] EMPhotonics, CULA Reference Manual, 2010, ver. 2.1.

GRAPHICAL ASIAN OPTIONS

GRAPHICAL ASIAN OPTIONS GRAPHICAL ASIAN OPTIONS MARK S. JOSHI Abstract. We discuss the problem of pricing Asian options in Black Scholes model using CUDA on a graphics processing unit. We survey some of the issues with GPU programming

More information

Financial Mathematics and Supercomputing

Financial Mathematics and Supercomputing GPU acceleration in early-exercise option valuation Álvaro Leitao and Cornelis W. Oosterlee Financial Mathematics and Supercomputing A Coruña - September 26, 2018 Á. Leitao & Kees Oosterlee SGBM on GPU

More information

Financial Risk Modeling on Low-power Accelerators: Experimental Performance Evaluation of TK1 with FPGA

Financial Risk Modeling on Low-power Accelerators: Experimental Performance Evaluation of TK1 with FPGA Financial Risk Modeling on Low-power Accelerators: Experimental Performance Evaluation of TK1 with FPGA Rajesh Bordawekar and Daniel Beece IBM T. J. Watson Research Center 3/17/2015 2014 IBM Corporation

More information

Pricing Early-exercise options

Pricing Early-exercise options Pricing Early-exercise options GPU Acceleration of SGBM method Delft University of Technology - Centrum Wiskunde & Informatica Álvaro Leitao Rodríguez and Cornelis W. Oosterlee Lausanne - December 4, 2016

More information

Stochastic Grid Bundling Method

Stochastic Grid Bundling Method Stochastic Grid Bundling Method GPU Acceleration Delft University of Technology - Centrum Wiskunde & Informatica Álvaro Leitao Rodríguez and Cornelis W. Oosterlee London - December 17, 2015 A. Leitao &

More information

2.1 Mathematical Basis: Risk-Neutral Pricing

2.1 Mathematical Basis: Risk-Neutral Pricing Chapter Monte-Carlo Simulation.1 Mathematical Basis: Risk-Neutral Pricing Suppose that F T is the payoff at T for a European-type derivative f. Then the price at times t before T is given by f t = e r(t

More information

Valuation of performance-dependent options in a Black- Scholes framework

Valuation of performance-dependent options in a Black- Scholes framework Valuation of performance-dependent options in a Black- Scholes framework Thomas Gerstner, Markus Holtz Institut für Numerische Simulation, Universität Bonn, Germany Ralf Korn Fachbereich Mathematik, TU

More information

Algorithmic Differentiation of a GPU Accelerated Application

Algorithmic Differentiation of a GPU Accelerated Application of a GPU Accelerated Application Numerical Algorithms Group 1/31 Disclaimer This is not a speedup talk There won t be any speed or hardware comparisons here This is about what is possible and how to do

More information

PRICING AMERICAN OPTIONS WITH LEAST SQUARES MONTE CARLO ON GPUS. Massimiliano Fatica, NVIDIA Corporation

PRICING AMERICAN OPTIONS WITH LEAST SQUARES MONTE CARLO ON GPUS. Massimiliano Fatica, NVIDIA Corporation PRICING AMERICAN OPTIONS WITH LEAST SQUARES MONTE CARLO ON GPUS Massimiliano Fatica, NVIDIA Corporation OUTLINE! Overview! Least Squares Monte Carlo! GPU implementation! Results! Conclusions OVERVIEW!

More information

Monte-Carlo Pricing under a Hybrid Local Volatility model

Monte-Carlo Pricing under a Hybrid Local Volatility model Monte-Carlo Pricing under a Hybrid Local Volatility model Mizuho International plc GPU Technology Conference San Jose, 14-17 May 2012 Introduction Key Interests in Finance Pricing of exotic derivatives

More information

Calibration of SABR Stochastic Volatility Model. Copyright Changwei Xiong November last update: October 17, 2017 TABLE OF CONTENTS

Calibration of SABR Stochastic Volatility Model. Copyright Changwei Xiong November last update: October 17, 2017 TABLE OF CONTENTS Calibration of SABR Stochastic Volatility Model Copyright Changwei Xiong 2011 November 2011 last update: October 17, 2017 TABLE OF CONTENTS 1. Introduction...2 2. Asymptotic Solution by Hagan et al....2

More information

Accelerated Option Pricing Multiple Scenarios

Accelerated Option Pricing Multiple Scenarios Accelerated Option Pricing in Multiple Scenarios 04.07.2008 Stefan Dirnstorfer (stefan@thetaris.com) Andreas J. Grau (grau@thetaris.com) 1 Abstract This paper covers a massive acceleration of Monte-Carlo

More information

EFFICIENT MONTE CARLO ALGORITHM FOR PRICING BARRIER OPTIONS

EFFICIENT MONTE CARLO ALGORITHM FOR PRICING BARRIER OPTIONS Commun. Korean Math. Soc. 23 (2008), No. 2, pp. 285 294 EFFICIENT MONTE CARLO ALGORITHM FOR PRICING BARRIER OPTIONS Kyoung-Sook Moon Reprinted from the Communications of the Korean Mathematical Society

More information

"Pricing Exotic Options using Strong Convergence Properties

Pricing Exotic Options using Strong Convergence Properties Fourth Oxford / Princeton Workshop on Financial Mathematics "Pricing Exotic Options using Strong Convergence Properties Klaus E. Schmitz Abe schmitz@maths.ox.ac.uk www.maths.ox.ac.uk/~schmitz Prof. Mike

More information

Barrier Option. 2 of 33 3/13/2014

Barrier Option. 2 of 33 3/13/2014 FPGA-based Reconfigurable Computing for Pricing Multi-Asset Barrier Options RAHUL SRIDHARAN, GEORGE COOKE, KENNETH HILL, HERMAN LAM, ALAN GEORGE, SAAHPC '12, PROCEEDINGS OF THE 2012 SYMPOSIUM ON APPLICATION

More information

F1 Acceleration for Montecarlo: financial algorithms on FPGA

F1 Acceleration for Montecarlo: financial algorithms on FPGA F1 Acceleration for Montecarlo: financial algorithms on FPGA Presented By Liang Ma, Luciano Lavagno Dec 10 th 2018 Contents Financial problems and mathematical models High level synthesis Optimization

More information

Math Computational Finance Option pricing using Brownian bridge and Stratified samlping

Math Computational Finance Option pricing using Brownian bridge and Stratified samlping . Math 623 - Computational Finance Option pricing using Brownian bridge and Stratified samlping Pratik Mehta pbmehta@eden.rutgers.edu Masters of Science in Mathematical Finance Department of Mathematics,

More information

Risk Neutral Valuation

Risk Neutral Valuation copyright 2012 Christian Fries 1 / 51 Risk Neutral Valuation Christian Fries Version 2.2 http://www.christian-fries.de/finmath April 19-20, 2012 copyright 2012 Christian Fries 2 / 51 Outline Notation Differential

More information

Monte Carlo Methods in Structuring and Derivatives Pricing

Monte Carlo Methods in Structuring and Derivatives Pricing Monte Carlo Methods in Structuring and Derivatives Pricing Prof. Manuela Pedio (guest) 20263 Advanced Tools for Risk Management and Pricing Spring 2017 Outline and objectives The basic Monte Carlo algorithm

More information

SPEED UP OF NUMERIC CALCULATIONS USING A GRAPHICS PROCESSING UNIT (GPU)

SPEED UP OF NUMERIC CALCULATIONS USING A GRAPHICS PROCESSING UNIT (GPU) SPEED UP OF NUMERIC CALCULATIONS USING A GRAPHICS PROCESSING UNIT (GPU) NIKOLA VASILEV, DR. ANATOLIY ANTONOV Eurorisk Systems Ltd. 31, General Kiselov str. BG-9002 Varna, Bulgaria Phone +359 52 612 367

More information

A distributed Laplace transform algorithm for European options

A distributed Laplace transform algorithm for European options A distributed Laplace transform algorithm for European options 1 1 A. J. Davies, M. E. Honnor, C.-H. Lai, A. K. Parrott & S. Rout 1 Department of Physics, Astronomy and Mathematics, University of Hertfordshire,

More information

Geometric tools for the valuation of performance-dependent options

Geometric tools for the valuation of performance-dependent options Computational Finance and its Applications II 161 Geometric tools for the valuation of performance-dependent options T. Gerstner & M. Holtz Institut für Numerische Simulation, Universität Bonn, Germany

More information

Design of a Financial Application Driven Multivariate Gaussian Random Number Generator for an FPGA

Design of a Financial Application Driven Multivariate Gaussian Random Number Generator for an FPGA Design of a Financial Application Driven Multivariate Gaussian Random Number Generator for an FPGA Chalermpol Saiprasert, Christos-Savvas Bouganis and George A. Constantinides Department of Electrical

More information

Computational Finance. Computational Finance p. 1

Computational Finance. Computational Finance p. 1 Computational Finance Computational Finance p. 1 Outline Binomial model: option pricing and optimal investment Monte Carlo techniques for pricing of options pricing of non-standard options improving accuracy

More information

Outline. GPU for Finance SciFinance SciFinance CUDA Risk Applications Testing. Conclusions. Monte Carlo PDE

Outline. GPU for Finance SciFinance SciFinance CUDA Risk Applications Testing. Conclusions. Monte Carlo PDE Outline GPU for Finance SciFinance SciFinance CUDA Risk Applications Testing Monte Carlo PDE Conclusions 2 Why GPU for Finance? Need for effective portfolio/risk management solutions Accurately measuring,

More information

Monte Carlo Methods for Uncertainty Quantification

Monte Carlo Methods for Uncertainty Quantification Monte Carlo Methods for Uncertainty Quantification Mike Giles Mathematical Institute, University of Oxford Contemporary Numerical Techniques Mike Giles (Oxford) Monte Carlo methods 2 1 / 24 Lecture outline

More information

Optimal Search for Parameters in Monte Carlo Simulation for Derivative Pricing

Optimal Search for Parameters in Monte Carlo Simulation for Derivative Pricing Optimal Search for Parameters in Monte Carlo Simulation for Derivative Pricing Prof. Chuan-Ju Wang Department of Computer Science University of Taipei Joint work with Prof. Ming-Yang Kao March 28, 2014

More information

Computational Efficiency and Accuracy in the Valuation of Basket Options. Pengguo Wang 1

Computational Efficiency and Accuracy in the Valuation of Basket Options. Pengguo Wang 1 Computational Efficiency and Accuracy in the Valuation of Basket Options Pengguo Wang 1 Abstract The complexity involved in the pricing of American style basket options requires careful consideration of

More information

Domokos Vermes. Min Zhao

Domokos Vermes. Min Zhao Domokos Vermes and Min Zhao WPI Financial Mathematics Laboratory BSM Assumptions Gaussian returns Constant volatility Market Reality Non-zero skew Positive and negative surprises not equally likely Excess

More information

Remarks on stochastic automatic adjoint differentiation and financial models calibration

Remarks on stochastic automatic adjoint differentiation and financial models calibration arxiv:1901.04200v1 [q-fin.cp] 14 Jan 2019 Remarks on stochastic automatic adjoint differentiation and financial models calibration Dmitri Goloubentcev, Evgeny Lakshtanov Abstract In this work, we discuss

More information

Computer Exercise 2 Simulation

Computer Exercise 2 Simulation Lund University with Lund Institute of Technology Valuation of Derivative Assets Centre for Mathematical Sciences, Mathematical Statistics Fall 2017 Computer Exercise 2 Simulation This lab deals with pricing

More information

The Pennsylvania State University. The Graduate School. Department of Industrial Engineering AMERICAN-ASIAN OPTION PRICING BASED ON MONTE CARLO

The Pennsylvania State University. The Graduate School. Department of Industrial Engineering AMERICAN-ASIAN OPTION PRICING BASED ON MONTE CARLO The Pennsylvania State University The Graduate School Department of Industrial Engineering AMERICAN-ASIAN OPTION PRICING BASED ON MONTE CARLO SIMULATION METHOD A Thesis in Industrial Engineering and Operations

More information

Math Computational Finance Double barrier option pricing using Quasi Monte Carlo and Brownian Bridge methods

Math Computational Finance Double barrier option pricing using Quasi Monte Carlo and Brownian Bridge methods . Math 623 - Computational Finance Double barrier option pricing using Quasi Monte Carlo and Brownian Bridge methods Pratik Mehta pbmehta@eden.rutgers.edu Masters of Science in Mathematical Finance Department

More information

Market interest-rate models

Market interest-rate models Market interest-rate models Marco Marchioro www.marchioro.org November 24 th, 2012 Market interest-rate models 1 Lecture Summary No-arbitrage models Detailed example: Hull-White Monte Carlo simulations

More information

Math 416/516: Stochastic Simulation

Math 416/516: Stochastic Simulation Math 416/516: Stochastic Simulation Haijun Li lih@math.wsu.edu Department of Mathematics Washington State University Week 13 Haijun Li Math 416/516: Stochastic Simulation Week 13 1 / 28 Outline 1 Simulation

More information

A No-Arbitrage Theorem for Uncertain Stock Model

A No-Arbitrage Theorem for Uncertain Stock Model Fuzzy Optim Decis Making manuscript No (will be inserted by the editor) A No-Arbitrage Theorem for Uncertain Stock Model Kai Yao Received: date / Accepted: date Abstract Stock model is used to describe

More information

Practical example of an Economic Scenario Generator

Practical example of an Economic Scenario Generator Practical example of an Economic Scenario Generator Martin Schenk Actuarial & Insurance Solutions SAV 7 March 2014 Agenda Introduction Deterministic vs. stochastic approach Mathematical model Application

More information

Monte-Carlo Methods in Financial Engineering

Monte-Carlo Methods in Financial Engineering Monte-Carlo Methods in Financial Engineering Universität zu Köln May 12, 2017 Outline Table of Contents 1 Introduction 2 Repetition Definitions Least-Squares Method 3 Derivation Mathematical Derivation

More information

NEWCASTLE UNIVERSITY SCHOOL OF MATHEMATICS, STATISTICS & PHYSICS SEMESTER 1 SPECIMEN 2 MAS3904. Stochastic Financial Modelling. Time allowed: 2 hours

NEWCASTLE UNIVERSITY SCHOOL OF MATHEMATICS, STATISTICS & PHYSICS SEMESTER 1 SPECIMEN 2 MAS3904. Stochastic Financial Modelling. Time allowed: 2 hours NEWCASTLE UNIVERSITY SCHOOL OF MATHEMATICS, STATISTICS & PHYSICS SEMESTER 1 SPECIMEN 2 Stochastic Financial Modelling Time allowed: 2 hours Candidates should attempt all questions. Marks for each question

More information

Computational Finance

Computational Finance Path Dependent Options Computational Finance School of Mathematics 2018 The Random Walk One of the main assumption of the Black-Scholes framework is that the underlying stock price follows a random walk

More information

Stochastic Volatility (Working Draft I)

Stochastic Volatility (Working Draft I) Stochastic Volatility (Working Draft I) Paul J. Atzberger General comments or corrections should be sent to: paulatz@cims.nyu.edu 1 Introduction When using the Black-Scholes-Merton model to price derivative

More information

Accelerating Quantitative Financial Computing with CUDA and GPUs

Accelerating Quantitative Financial Computing with CUDA and GPUs Accelerating Quantitative Financial Computing with CUDA and GPUs NVIDIA GPU Technology Conference San Jose, California Gerald A. Hanweck, Jr., PhD CEO, Hanweck Associates, LLC Hanweck Associates, LLC 30

More information

Monte Carlo Simulation of a Two-Factor Stochastic Volatility Model

Monte Carlo Simulation of a Two-Factor Stochastic Volatility Model Monte Carlo Simulation of a Two-Factor Stochastic Volatility Model asymptotic approximation formula for the vanilla European call option price. A class of multi-factor volatility models has been introduced

More information

Accelerating Financial Computation

Accelerating Financial Computation Accelerating Financial Computation Wayne Luk Department of Computing Imperial College London HPC Finance Conference and Training Event Computational Methods and Technologies for Finance 13 May 2013 1 Accelerated

More information

Monte Carlo Methods in Finance

Monte Carlo Methods in Finance Monte Carlo Methods in Finance Peter Jackel JOHN WILEY & SONS, LTD Preface Acknowledgements Mathematical Notation xi xiii xv 1 Introduction 1 2 The Mathematics Behind Monte Carlo Methods 5 2.1 A Few Basic

More information

Reconfigurable Acceleration for Monte Carlo based Financial Simulation

Reconfigurable Acceleration for Monte Carlo based Financial Simulation Reconfigurable Acceleration for Monte Carlo based Financial Simulation G.L. Zhang, P.H.W. Leong, C.H. Ho, K.H. Tsoi, C.C.C. Cheung*, D. Lee**, Ray C.C. Cheung*** and W. Luk*** The Chinese University of

More information

Math Option pricing using Quasi Monte Carlo simulation

Math Option pricing using Quasi Monte Carlo simulation . Math 623 - Option pricing using Quasi Monte Carlo simulation Pratik Mehta pbmehta@eden.rutgers.edu Masters of Science in Mathematical Finance Department of Mathematics, Rutgers University This paper

More information

The Use of Importance Sampling to Speed Up Stochastic Volatility Simulations

The Use of Importance Sampling to Speed Up Stochastic Volatility Simulations The Use of Importance Sampling to Speed Up Stochastic Volatility Simulations Stan Stilger June 6, 1 Fouque and Tullie use importance sampling for variance reduction in stochastic volatility simulations.

More information

Towards efficient option pricing in incomplete markets

Towards efficient option pricing in incomplete markets Towards efficient option pricing in incomplete markets GPU TECHNOLOGY CONFERENCE 2016 Shih-Hau Tan 1 2 1 Marie Curie Research Project STRIKE 2 University of Greenwich Apr. 6, 2016 (University of Greenwich)

More information

Computational Finance Least Squares Monte Carlo

Computational Finance Least Squares Monte Carlo Computational Finance Least Squares Monte Carlo School of Mathematics 2019 Monte Carlo and Binomial Methods In the last two lectures we discussed the binomial tree method and convergence problems. One

More information

Accelerated Variance Reduction Methods on GPU

Accelerated Variance Reduction Methods on GPU Accelerated Variance Reduction Methods on GPU Chuan-Hsiang Han Department of Quantitative Finance, ational Tsing-Hua University, Hsinchu, Taiwan, R.O.C. chhan@mx.nthu.edu.tw Yu-Tuan Lin Institute of Mathematics

More information

NAG for HPC in Finance

NAG for HPC in Finance NAG for HPC in Finance John Holden Jacques Du Toit 3 rd April 2014 Computation in Finance and Insurance, post Napier Experts in numerical algorithms and HPC services Agenda NAG and Financial Services Why

More information

Quasi-Monte Carlo for Finance

Quasi-Monte Carlo for Finance Quasi-Monte Carlo for Finance Peter Kritzer Johann Radon Institute for Computational and Applied Mathematics (RICAM) Austrian Academy of Sciences Linz, Austria NCTS, Taipei, November 2016 Peter Kritzer

More information

Richardson Extrapolation Techniques for the Pricing of American-style Options

Richardson Extrapolation Techniques for the Pricing of American-style Options Richardson Extrapolation Techniques for the Pricing of American-style Options June 1, 2005 Abstract Richardson Extrapolation Techniques for the Pricing of American-style Options In this paper we re-examine

More information

Monte Carlo Simulations

Monte Carlo Simulations Monte Carlo Simulations Lecture 1 December 7, 2014 Outline Monte Carlo Methods Monte Carlo methods simulate the random behavior underlying the financial models Remember: When pricing you must simulate

More information

ENHANCED QUASI-MONTE CARLO METHODS WITH DIMENSION REDUCTION

ENHANCED QUASI-MONTE CARLO METHODS WITH DIMENSION REDUCTION Proceedings of the 2002 Winter Simulation Conference E Yücesan, C-H Chen, J L Snowdon, J M Charnes, eds ENHANCED QUASI-MONTE CARLO METHODS WITH DIMENSION REDUCTION Junichi Imai Iwate Prefectural University,

More information

Likelihood-based Optimization of Threat Operation Timeline Estimation

Likelihood-based Optimization of Threat Operation Timeline Estimation 12th International Conference on Information Fusion Seattle, WA, USA, July 6-9, 2009 Likelihood-based Optimization of Threat Operation Timeline Estimation Gregory A. Godfrey Advanced Mathematics Applications

More information

King s College London

King s College London King s College London University Of London This paper is part of an examination of the College counting towards the award of a degree. Examinations are governed by the College Regulations under the authority

More information

On the Scrambled Sobol sequences Lecture Notes in Computer Science 3516, , Springer 2005

On the Scrambled Sobol sequences Lecture Notes in Computer Science 3516, , Springer 2005 On the Scrambled Sobol sequences Lecture Notes in Computer Science 3516, 775-782, Springer 2005 On the Scrambled Soboĺ Sequence Hongmei Chi 1, Peter Beerli 2, Deidre W. Evans 1, and Micheal Mascagni 2

More information

Computational Finance Improving Monte Carlo

Computational Finance Improving Monte Carlo Computational Finance Improving Monte Carlo School of Mathematics 2018 Monte Carlo so far... Simple to program and to understand Convergence is slow, extrapolation impossible. Forward looking method ideal

More information

HIGH PERFORMANCE COMPUTING IN THE LEAST SQUARES MONTE CARLO APPROACH. GILLES DESVILLES Consultant, Rationnel Maître de Conférences, CNAM

HIGH PERFORMANCE COMPUTING IN THE LEAST SQUARES MONTE CARLO APPROACH. GILLES DESVILLES Consultant, Rationnel Maître de Conférences, CNAM HIGH PERFORMANCE COMPUTING IN THE LEAST SQUARES MONTE CARLO APPROACH GILLES DESVILLES Consultant, Rationnel Maître de Conférences, CNAM Introduction Valuation of American options on several assets requires

More information

No-arbitrage theorem for multi-factor uncertain stock model with floating interest rate

No-arbitrage theorem for multi-factor uncertain stock model with floating interest rate Fuzzy Optim Decis Making 217 16:221 234 DOI 117/s17-16-9246-8 No-arbitrage theorem for multi-factor uncertain stock model with floating interest rate Xiaoyu Ji 1 Hua Ke 2 Published online: 17 May 216 Springer

More information

American Option Pricing Formula for Uncertain Financial Market

American Option Pricing Formula for Uncertain Financial Market American Option Pricing Formula for Uncertain Financial Market Xiaowei Chen Uncertainty Theory Laboratory, Department of Mathematical Sciences Tsinghua University, Beijing 184, China chenxw7@mailstsinghuaeducn

More information

King s College London

King s College London King s College London University Of London This paper is part of an examination of the College counting towards the award of a degree. Examinations are governed by the College Regulations under the authority

More information

Calibrating to Market Data Getting the Model into Shape

Calibrating to Market Data Getting the Model into Shape Calibrating to Market Data Getting the Model into Shape Tutorial on Reconfigurable Architectures in Finance Tilman Sayer Department of Financial Mathematics, Fraunhofer Institute for Industrial Mathematics

More information

Risk managing long-dated smile risk with SABR formula

Risk managing long-dated smile risk with SABR formula Risk managing long-dated smile risk with SABR formula Claudio Moni QuaRC, RBS November 7, 2011 Abstract In this paper 1, we show that the sensitivities to the SABR parameters can be materially wrong when

More information

Analytics in 10 Micro-Seconds Using FPGAs. David B. Thomas Imperial College London

Analytics in 10 Micro-Seconds Using FPGAs. David B. Thomas Imperial College London Analytics in 10 Micro-Seconds Using FPGAs David B. Thomas dt10@imperial.ac.uk Imperial College London Overview 1. The case for low-latency computation 2. Quasi-Random Monte-Carlo in 10us 3. Binomial Trees

More information

Modeling Path Dependent Derivatives Using CUDA Parallel Platform

Modeling Path Dependent Derivatives Using CUDA Parallel Platform Modeling Path Dependent Derivatives Using CUDA Parallel Platform A Thesis Presented in Partial Fulfillment of the Requirements for the Degree Master of Mathematical Sciences in the Graduate School of The

More information

Computational Finance in CUDA. Options Pricing with Black-Scholes and Monte Carlo

Computational Finance in CUDA. Options Pricing with Black-Scholes and Monte Carlo Computational Finance in CUDA Options Pricing with Black-Scholes and Monte Carlo Overview CUDA is ideal for finance computations Massive data parallelism in finance Highly independent computations High

More information

MONTE CARLO METHODS FOR AMERICAN OPTIONS. Russel E. Caflisch Suneal Chaudhary

MONTE CARLO METHODS FOR AMERICAN OPTIONS. Russel E. Caflisch Suneal Chaudhary Proceedings of the 2004 Winter Simulation Conference R. G. Ingalls, M. D. Rossetti, J. S. Smith, and B. A. Peters, eds. MONTE CARLO METHODS FOR AMERICAN OPTIONS Russel E. Caflisch Suneal Chaudhary Mathematics

More information

Monte Carlo Methods for Uncertainty Quantification

Monte Carlo Methods for Uncertainty Quantification Monte Carlo Methods for Uncertainty Quantification Abdul-Lateef Haji-Ali Based on slides by: Mike Giles Mathematical Institute, University of Oxford Contemporary Numerical Techniques Haji-Ali (Oxford)

More information

Option Pricing. Chapter Discrete Time

Option Pricing. Chapter Discrete Time Chapter 7 Option Pricing 7.1 Discrete Time In the next section we will discuss the Black Scholes formula. To prepare for that, we will consider the much simpler problem of pricing options when there are

More information

History of Monte Carlo Method

History of Monte Carlo Method Monte Carlo Methods History of Monte Carlo Method Errors in Estimation and Two Important Questions for Monte Carlo Controlling Error A simple Monte Carlo simulation to approximate the value of pi could

More information

Option Pricing Formula for Fuzzy Financial Market

Option Pricing Formula for Fuzzy Financial Market Journal of Uncertain Systems Vol.2, No., pp.7-2, 28 Online at: www.jus.org.uk Option Pricing Formula for Fuzzy Financial Market Zhongfeng Qin, Xiang Li Department of Mathematical Sciences Tsinghua University,

More information

Contents Critique 26. portfolio optimization 32

Contents Critique 26. portfolio optimization 32 Contents Preface vii 1 Financial problems and numerical methods 3 1.1 MATLAB environment 4 1.1.1 Why MATLAB? 5 1.2 Fixed-income securities: analysis and portfolio immunization 6 1.2.1 Basic valuation of

More information

Monte Carlo Methods for Uncertainty Quantification

Monte Carlo Methods for Uncertainty Quantification Monte Carlo Methods for Uncertainty Quantification Abdul-Lateef Haji-Ali Based on slides by: Mike Giles Mathematical Institute, University of Oxford Contemporary Numerical Techniques Haji-Ali (Oxford)

More information

Multilevel Monte Carlo for Basket Options

Multilevel Monte Carlo for Basket Options MLMC for basket options p. 1/26 Multilevel Monte Carlo for Basket Options Mike Giles mike.giles@maths.ox.ac.uk Oxford University Mathematical Institute Oxford-Man Institute of Quantitative Finance WSC09,

More information

Portfolio Optimization using Conditional Sharpe Ratio

Portfolio Optimization using Conditional Sharpe Ratio International Letters of Chemistry, Physics and Astronomy Online: 2015-07-01 ISSN: 2299-3843, Vol. 53, pp 130-136 doi:10.18052/www.scipress.com/ilcpa.53.130 2015 SciPress Ltd., Switzerland Portfolio Optimization

More information

Some Important Optimizations of Binomial and Trinomial Option Pricing Models, Implemented in MATLAB

Some Important Optimizations of Binomial and Trinomial Option Pricing Models, Implemented in MATLAB Some Important Optimizations of Binomial and Trinomial Option Pricing Models, Implemented in MATLAB Juri Kandilarov, Slavi Georgiev Abstract: In this paper the well-known binomial and trinomial option

More information

Computer Exercise 2 Simulation

Computer Exercise 2 Simulation Lund University with Lund Institute of Technology Valuation of Derivative Assets Centre for Mathematical Sciences, Mathematical Statistics Spring 2010 Computer Exercise 2 Simulation This lab deals with

More information

Toward a coherent Monte Carlo simulation of CVA

Toward a coherent Monte Carlo simulation of CVA Toward a coherent Monte Carlo simulation of CVA Lokman Abbas-Turki (Joint work with A. I. Bouselmi & M. A. Mikou) TU Berlin January 9, 2013 Lokman (TU Berlin) Advances in Mathematical Finance 1 / 16 Plan

More information

Quasi-Monte Carlo Methods in Financial Engineering: An Equivalence Principle and Dimension Reduction

Quasi-Monte Carlo Methods in Financial Engineering: An Equivalence Principle and Dimension Reduction Quasi-Monte Carlo Methods in Financial Engineering: An Equivalence Principle and Dimension Reduction Xiaoqun Wang,2, and Ian H. Sloan 2,3 Department of Mathematical Sciences, Tsinghua University, Beijing

More information

Efficient Reconfigurable Design for Pricing Asian Options

Efficient Reconfigurable Design for Pricing Asian Options Efficient Reconfigurable Design for Pricing Asian Options Anson H.T. Tse, David B. Thomas, K.H. Tsoi, Wayne Luk Department of Computing Imperial College London, UK {htt08,dt10,khtsoi,wl}@doc.ic.ac.uk ABSTRACT

More information

An Analytical Approximation for Pricing VWAP Options

An Analytical Approximation for Pricing VWAP Options .... An Analytical Approximation for Pricing VWAP Options Hideharu Funahashi and Masaaki Kijima Graduate School of Social Sciences, Tokyo Metropolitan University September 4, 215 Kijima (TMU Pricing of

More information

Cash Accumulation Strategy based on Optimal Replication of Random Claims with Ordinary Integrals

Cash Accumulation Strategy based on Optimal Replication of Random Claims with Ordinary Integrals arxiv:1711.1756v1 [q-fin.mf] 6 Nov 217 Cash Accumulation Strategy based on Optimal Replication of Random Claims with Ordinary Integrals Renko Siebols This paper presents a numerical model to solve the

More information

MASM006 UNIVERSITY OF EXETER SCHOOL OF ENGINEERING, COMPUTER SCIENCE AND MATHEMATICS MATHEMATICAL SCIENCES FINANCIAL MATHEMATICS.

MASM006 UNIVERSITY OF EXETER SCHOOL OF ENGINEERING, COMPUTER SCIENCE AND MATHEMATICS MATHEMATICAL SCIENCES FINANCIAL MATHEMATICS. MASM006 UNIVERSITY OF EXETER SCHOOL OF ENGINEERING, COMPUTER SCIENCE AND MATHEMATICS MATHEMATICAL SCIENCES FINANCIAL MATHEMATICS May/June 2006 Time allowed: 2 HOURS. Examiner: Dr N.P. Byott This is a CLOSED

More information

Strategies for Improving the Efficiency of Monte-Carlo Methods

Strategies for Improving the Efficiency of Monte-Carlo Methods Strategies for Improving the Efficiency of Monte-Carlo Methods Paul J. Atzberger General comments or corrections should be sent to: paulatz@cims.nyu.edu Introduction The Monte-Carlo method is a useful

More information

Numerical schemes for SDEs

Numerical schemes for SDEs Lecture 5 Numerical schemes for SDEs Lecture Notes by Jan Palczewski Computational Finance p. 1 A Stochastic Differential Equation (SDE) is an object of the following type dx t = a(t,x t )dt + b(t,x t

More information

Multilevel Monte Carlo Simulation

Multilevel Monte Carlo Simulation Multilevel Monte Carlo p. 1/48 Multilevel Monte Carlo Simulation Mike Giles mike.giles@maths.ox.ac.uk Oxford University Mathematical Institute Oxford-Man Institute of Quantitative Finance Workshop on Computational

More information

Analytical formulas for local volatility model with stochastic. Mohammed Miri

Analytical formulas for local volatility model with stochastic. Mohammed Miri Analytical formulas for local volatility model with stochastic rates Mohammed Miri Joint work with Eric Benhamou (Pricing Partners) and Emmanuel Gobet (Ecole Polytechnique Modeling and Managing Financial

More information

Fast and accurate pricing of discretely monitored barrier options by numerical path integration

Fast and accurate pricing of discretely monitored barrier options by numerical path integration Comput Econ (27 3:143 151 DOI 1.17/s1614-7-991-5 Fast and accurate pricing of discretely monitored barrier options by numerical path integration Christian Skaug Arvid Naess Received: 23 December 25 / Accepted:

More information

Heston Stochastic Local Volatility Model

Heston Stochastic Local Volatility Model Heston Stochastic Local Volatility Model Klaus Spanderen 1 R/Finance 2016 University of Illinois, Chicago May 20-21, 2016 1 Joint work with Johannes Göttker-Schnetmann Klaus Spanderen Heston Stochastic

More information

Multi-Asset Options. A Numerical Study VILHELM NIKLASSON FRIDA TIVEDAL. Master s thesis in Engineering Mathematics and Computational Science

Multi-Asset Options. A Numerical Study VILHELM NIKLASSON FRIDA TIVEDAL. Master s thesis in Engineering Mathematics and Computational Science Multi-Asset Options A Numerical Study Master s thesis in Engineering Mathematics and Computational Science VILHELM NIKLASSON FRIDA TIVEDAL Department of Mathematical Sciences Chalmers University of Technology

More information

Pricing of a European Call Option Under a Local Volatility Interbank Offered Rate Model

Pricing of a European Call Option Under a Local Volatility Interbank Offered Rate Model American Journal of Theoretical and Applied Statistics 2018; 7(2): 80-84 http://www.sciencepublishinggroup.com/j/ajtas doi: 10.11648/j.ajtas.20180702.14 ISSN: 2326-8999 (Print); ISSN: 2326-9006 (Online)

More information

MINIMAL PARTIAL PROXY SIMULATION SCHEMES FOR GENERIC AND ROBUST MONTE-CARLO GREEKS

MINIMAL PARTIAL PROXY SIMULATION SCHEMES FOR GENERIC AND ROBUST MONTE-CARLO GREEKS MINIMAL PARTIAL PROXY SIMULATION SCHEMES FOR GENERIC AND ROBUST MONTE-CARLO GREEKS JIUN HONG CHAN AND MARK JOSHI Abstract. In this paper, we present a generic framework known as the minimal partial proxy

More information

TEST OF BOUNDED LOG-NORMAL PROCESS FOR OPTIONS PRICING

TEST OF BOUNDED LOG-NORMAL PROCESS FOR OPTIONS PRICING TEST OF BOUNDED LOG-NORMAL PROCESS FOR OPTIONS PRICING Semih Yön 1, Cafer Erhan Bozdağ 2 1,2 Department of Industrial Engineering, Istanbul Technical University, Macka Besiktas, 34367 Turkey Abstract.

More information

Monte Carlo Option Pricing

Monte Carlo Option Pricing Monte Carlo Option Pricing Victor Podlozhnyuk vpodlozhnyuk@nvidia.com Mark Harris mharris@nvidia.com Document Change History Version Date Responsible Reason for Change 1. 2/3/27 vpodlozhnyuk Initial release

More information

Pricing Variance Swaps under Stochastic Volatility Model with Regime Switching - Discrete Observations Case

Pricing Variance Swaps under Stochastic Volatility Model with Regime Switching - Discrete Observations Case Pricing Variance Swaps under Stochastic Volatility Model with Regime Switching - Discrete Observations Case Guang-Hua Lian Collaboration with Robert Elliott University of Adelaide Feb. 2, 2011 Robert Elliott,

More information

Assignment - Exotic options

Assignment - Exotic options Computational Finance, Fall 2014 1 (6) Institutionen för informationsteknologi Besöksadress: MIC, Polacksbacken Lägerhyddvägen 2 Postadress: Box 337 751 05 Uppsala Telefon: 018 471 0000 (växel) Telefax:

More information

Math 623 (IOE 623), Winter 2008: Final exam

Math 623 (IOE 623), Winter 2008: Final exam Math 623 (IOE 623), Winter 2008: Final exam Name: Student ID: This is a closed book exam. You may bring up to ten one sided A4 pages of notes to the exam. You may also use a calculator but not its memory

More information