FMO6 Web: Polls:

Size: px
Start display at page:

Download "FMO6 Web: Polls:"

Transcription

1 FMO6 Web: Polls: Improving numerical methods. Optimization. Dr John Armstrong King's College London November 20, 2018

2 What's coming up Improving numerical methods Time to complete survey Optimization in MATLAB

3 Improvements Improving numerical methods We'll discuss Richardson Extrapolation which can be used to improve many numerical methods Four methods of improving Monte Carlo methods: Antithetic sampling (which we've seen already) Importance sampling Control variate method. Quasi Monte Carlo

4 Improvements Richardson Extrapolation Richardson Extrapolation Suppose we have a numerical method to compute y using some function y depending on a parameter ɛ. y = lim ɛ 0 y(ɛ) Suppose moreover we know that y(ɛ) = y + Cɛ n + O(ɛ n+1 ) for some constant C. By comparing two estimates for y and taking a linear combination we can get the ɛ n term to cancel giving us a new method with faster convergence: y k (ɛ) := kn y(ɛ) y(kɛ) k n 1 = y + O(ɛ n+1 )

5 Improvements Richardson Extrapolation Proof. y(ɛ) = y + C(ɛ n ) + O(ɛ n+1 ) y(kɛ) = y + C((kɛ) n ) + O(ɛ n+1 ) Subtracting k n copies of the rst equation to one copy of the second k n y(ɛ) y(kɛ) = (k n 1)y + O(ɛ n+1 ) k n y(ɛ) y(kɛ) k n 1 = y + O(ɛ n+1 )

6 Improvements Richardson Extrapolation Example Numerical dierentiation We know three estimates for the derivative f (x) already: Name Formula Convergence f (x+ɛ) f (x) Forward O(ɛ) ɛ f (x) f (x ɛ) Backward O(ɛ) ɛ Central f c f (x+ɛ) f (x ɛ) (ɛ) := O(ɛ 2 ) 2ɛ Applying Richardson extrapolation to central estimate f c (ɛ) f r (ɛ) := (2)2 f c (ɛ) f c (2ɛ) = 4 ( ) f (x + ɛ) f (x ɛ) 1 ( ) f (x + 2ɛ) f (x 2ɛ) 3 2ɛ 3 4ɛ = f (x + 2ɛ) + 8f (x + ɛ) 8f (x ɛ) + f (x 2ɛ) 12ɛ This must have an error of O(ɛ 3 ) or better. (In fact it is O(ɛ 4 ). Exercise: Prove this using Taylor's theorem).

7 Improvements Richardson Extrapolation Example: Integration We wish to compute an integral by the trapezium rule. f : [a, b] R. Dene ɛ = (b a)/n where N is the number of steps. Compute estimate for the integral I 1 using N steps, ɛ 1 = (b a)/n. Compute estimate for the integral I 2 using 2N steps, ɛ 2 = 1 2 ɛ 1. So take k = ɛ 2 /ɛ 1 = 1 in Richardson method. 2 Trapezium rule converges at rate n = 2. New estimate is: I R = ( I 1 I 2 ) = 1 3 I I 2

8 Improvements Richardson Extrapolation MATLAB implementation of Richardson Extrapolation % Perform intergration by the trapezium rule then apply richardson % extrapolation to obtain estimates with improved convergence function richardsonestimate = integraterichardson( f, a, b, N ) h1 = (b-a)/n; h2 = (b-a)/(2*n); estimate1 = integratetrapezium( f,a,b,n); estimate2 = integratetrapezium( f,a,b,2*n); k = h2/h1; n = 2; richardsonestimate = (k^n*estimate1 - estimate2)/(k^n-1); end

9 Improvements Richardson Extrapolation Interpretation I R = 1 3 I I 2 I 2 is computed using trapezium rule with 2N steps I 2 = h 2 (f (x 0)+2f (x 1 )+2f (x 2 )+...+2f (x N 2 )+2f (x N 1 )+f (x N )) I 1 is computed using N steps I 1 = h 2 (f (x 0) +2f (x 2 )+...+2f (x N 2 ) +f (x N )) So I R is given by: I R = h 3 (f (x 0)+4f (x 1 )+2f (x 2 )+...+2f (x N 2 )+4f (x N 1 )+f (x N )) So Richardson extrapolation in this example is equivalent to Simpson's rule.

10 Improvements Richardson Extrapolation Importance of Richardson's rule Richardson's rule can be applied to many numerical methods e.g. integration methods and nite dierence methods. You can generalize it to cancel higher orders, or simply apply it more than once. Unfortunately it cannot be used for Monte Carlo pricing as the error term is not a constant multiple of ɛ 1 2

11 Improvements Antithetic Sampling Revision: Antithetic Sampling Suppose we have a Monte Carlo pricer based on drawing n normally distributed random numbers ɛ i It is often better to compute the price using a sample based on ɛ i and ɛ i rather than to use a sequence of 2n independent random variables. Theory: If X 1 and X 2 are random variables with E(X 1 ) = E(X 2 ) then ( ) X1 + X 2 E(X 1 ) = E 2 But ( ) X1 + X 2 Var = (Var(X 1) + Var(X 2 ) + 2 Cov(X 1, X 2 )) Let X 1 be estimate based on the n variables ɛ i. Let X 2 be estimate based on ɛ i. We will often have Cov(X 1, X 2 ) is

12 Improvements Antithetic Sampling MATLAB implementation of Antithetic sampling % Price a call option by antithetic sampling function [price,errorestimate] = callantithetic( K,T,... S0,r,sigma,... npaths ) logs0 = log(s0); epsilon1 = randn( npaths/2,1 ); epsilon2 = -epsilon1; logst1 = logs0 + (r-0.5*sigma^2)*t + sigma*sqrt(t)*epsilon1; logst2 = logs0 + (r-0.5*sigma^2)*t + sigma*sqrt(t)*epsilon2; ST1 = exp( logst1 ); ST2 = exp( logst2 ); discountedpayoffs1 = exp(-r*t)*max(st1-k,0); discountedpayoffs2 = exp(-r*t)*max(st2-k,0); price = mean(0.5*(discountedpayoffs1+discountedpayoffs2)); errorestimate = std(0.5*(discountedpayoffs1+discountedpayoffs2))/sqrt(npaths/2) end

13 Improvements Antithetic Sampling Antithetic Sampling Results Parameters: S0 = 100, K = 100, σ = 0.2, r = 0.14, T = 1, N = Results: Method Price Standard error estimate BlackScholes Formula Naive Monte Carlo Antithetic Sampling Conclusion: Antithetic sampling is easy to implement and often rather eective.

14 Improvements Importance Sampling Importance Sampling Monte Carlo pricing is an integration method. You can use substitution to change one integral to another integral by re-parameterizing Equivalently you can change the distribution from which you draw your samples so long as apply appropriate weights to correct for this. Monte Carlo integration is exact when the price function is constant If we can re-parameterize so the price function is nearer to being constant, we will have reduced the variance of the Monte Carlo algorithm.

15 Improvements Importance Sampling Importance Sampling Example Suppose we want to price a far out of the money knock out call option Suppose that for 99% of price paths the option will end out of the money This means that 99% of price paths in the Monte Carlo calculation will give us no information. Instead: nd a way to generate the 1% of price paths where the option ends up in the money; compute the expectation for these paths; re-weight by multiplying by 100. For simplicity, let's do this for a vanilla call option to see how it improves upon ordinary Monte Carlo.

16 Improvements Importance Sampling Calculation Generate stocks prices at time T using the formula: log(s T ) = log(s 0 ) + (r 12 ) σ2 T + σ T N 1 (u) where u is uniformly distributed on [0, 1]. Option is in the money only if log(s T ) log(k). Equivalently only if: ( ) log(k) log(s0 ) (r (1/2)σ 2 ) T u u min := N σ T So only generate values u on the interval [u min, 1], then multiply resulting expectation by 1 u min to account for the fact that we have only generated 1 u min of the possible samples. We know the other samples would have given 0 for the option payo.

17 Improvements Importance Sampling MATLAB implementation of Importance Sampling function [price,error] = callimportance( K,T,... S0,r,sigma,... npaths ) logs0 = log(s0); % Generate random numbers u on the interval [lowestu,1] lowestu = normcdf( (log(k)-logs0 - (r-0.5*sigma^2)*t)/(sigma*sqrt(t)) ); u = rand(npaths,1)*(1-lowestu)+lowestu; % Now generate stock paths using norminv( u ). lowestu was chosen % so that the lowest possible stock price obtained is K. Note that % we are only considering a certain proportion of possible stock prices logst = logs0 + (r-0.5*sigma^2)*t + sigma*sqrt(t)*norminv(u); ST = exp( logst ); discountedpayoff = exp(-r*t)*(st-k); % Since we only simulate a certain proportion of prices, the true % epectation of the final option value must be weighted by proportion proportion = 1-lowestU; price = mean(discountedpayoff)*proportion; error = std(discountedpayoff)*proportion/sqrt(npaths);

18 Improvements Importance Sampling Importance Sampling Results Parameters: S 0 = 100, K = 200, σ = 0.2, r = 0.14, T = 1, n = Note that this is far out of the money, so naive Monte Carlo will perform badly. Results: Method Price Standard Error BlackScholes Formula Naive Monte Carlo Importance Sampling Conclusions: Importance Sampling is more dicult to implement than antithetic sampling, but can produce excellent improvement for far out of the money options

19 Improvements Control Variate Method The Control Variate Method - Idea Suppose that we wish to price a Knock Out option We have an analytic formula for the price of a Call Option with the same strike. Maybe, rather than pricing a Knock Out option directly, it would be a better idea to estimate the dierence between the price of a Knock Out option and the price of the Call Option using Monte Carlo instead. Price of Knockout Option Price of Call Option + Estimate of dierence (1) Because the dierence is probably smaller than the price we're trying to estimate, the variability in a Monte Carlo estimate of the dierence is probably lower than the variablility in a Monte Carlo estimate of the price.

20 Improvements Control Variate Method Control Variate - Example that proves it can work Consider the extreme case of pricing a knock out option where the barrier is so high it will very rarely be hit. In the control variate method, we will estimate that the dierence between the call price and the knock-out option price is zero even if we use a tiny sample (e.g. a sample of one). The control variate method will converge to the exact answer immediately. The naive method will be no more accurate than pricing a call by Monte Carlo, so only converges slowly.

21 Improvements Control Variate Method The Control Variate method Suppose we have a random variable M with E(M) = µ and wish to nd µ. Suppose we have another random variable T with E(T ) = τ with τ known. Dene M = M + c(t τ). E(M ) = µ too for any c R. Our previous example was the special case when c = 1. Var(M ) = Var(M) + c 2 Var(T ) + 2c Cov(M, T ) Choose c to minimize this c = Cov(M, T ) Var(T, T ) Var(M ) = (1 ρ 2 ) Var(M) where ρ is the correlation between M and T.

22 Improvements Control Variate Method Control Variate method, worked example Let us price a Call Option by Monte Carlo We expect the price of a Call Option to be correlated with the price of the stock, so let's use the stock price as our control variate.

23 Improvements Control Variate Method function [price,errorestimate, c] = callcontrolvariate( K,T,... S0,r,sigma,... npaths,... c) % Usual pricing code logs0 = log(s0); epsilon = randn( npaths,1 ); logst = logs0 + (r-0.5*sigma^2)*t + sigma*sqrt(t)*epsilon; ST = exp( logst ); discountedpayoffs = exp(-r*t)*max(st-k,0); % Standard formula for control variate method m = discountedpayoffs; t = exp(-r*t)*st; tau = S0; covmatrix = cov(m,t); if nargin<7 c = -covmatrix(1,2)/covmatrix(2,2); end mstar = m + c*(t-tau); % Result price = mean(mstar); errorestimate = std(mstar)/sqrt(npaths);

24 Improvements Control Variate Method Control Variate Results Parameters: S0 = 100, K = 100, σ = 0.2, r = 0.14, T = 1, n = Method Result Standard Error BlackScholes Formula Results: Naive Monte Carlo Control variate Note, to compute the error I xed c and then re-ran to compute the same error as I was concerned using the same data to nd c and estimate error may lead to bias. Conclusions: The control variate technique is easy to implement. It can produce signicant improvements in the Monte Carlo price.

25 Improvements Low Discrepancy Sequences Low Discrepancy Sequences In one dimension, evenly distributed sample points give better performance than Monte Carlo sampling (i.e. the rectangle rule is faster than Monte Carlo). In high dimensions there are better sets of sample points available. Given an N and a dimension d, you can generate a low discrepancy sequence of N points in [0, 1] d so that if you wish to estimate a function f : [0, 1] d R you will get a better estimate by sampling at the points in the low discrepancy sequence than you would be Monte Carlo. Using a low discrepancy sequence rather than pseudo-random numbers is called quasi-monte Carlo. Low discrepancy sequences are also called quasi-random numbers. Quasi Monte Carlo converges faster than Monte Carlo but you have to be careful: you can only guarantee better results as N tends to innity and you want good results for low N. See Joshi More Mathematical Finance (or many other sources) for details on how to use low discrepancy sequences in practice.

26 Improvements Low Discrepancy Sequences Generating Low discrepancy sequencey in MATLAB d = 2; s = sobolset ( d ); points = net (s,1000); You can replace sobolset with haltonset for another low discrepancy sequence. Try plotting a scatter plot of the results and comparing with the halton version and genuine random numbers. Aside: this is an example of object oriented MATLAB code. We are creating a complex data object and then calling special functions to work with that kind of data object

27 Improvements Summary Summary of improvements to numerical methods With little eort you can use techniques such as Richardson extrapolation to improve the convergence of a numerical method. There are various variance reduction techniques available for Monte Carlo. If you need to speed up your Monte Carlo pricer why not try all of them at once?

28 Improvements Summary Feedback Please ll in the online feedback for the module. There are separate paper forms to rate your classes.

29 Introduction Introduction

30 Introduction Outline Modern Portfolio Theory Markowitz's theory The ecient frontier quadprog for quadratic optimization Calibrating models The jump diusion model Incomplete market models fminunc for unconstrained, nonlinear optimization Dynamic optimization Revision of delta hedging strategy The Galerkin method fmincon for constrained, nonlinear optimization

31 Introduction Strange terminology Programming is another term for optimization. Linear programming = solving linear optimization problems Quadratic programming = solving nonlinear optimization problems Linear programming is so-called because it was originally used for optimizing military questions, which was phrased as how best to conduct military programs. Operations Research, is, according to Wikipedia, a discipline that deals with the application of advanced analytical methods to help make better decisions. The name comes from military operations If you apply optimization to real world business problems, you are performing operations research.

32 Introduction Uniqueness Find x that minimizes f (x) subject to the constraint x X. If x exists it may not be unique. This is not a problem it just means that two equally good solutions can be found. When nding numerical solutions, there may be a variety of equally good solutions found When testing the correctness of your optimization, you should see if two competing methods both give the same value for f (x) rather than seeing if they give the same value for x.

33 Introduction Convexity For convex functions f on convex domains X, a local minimum is a global minimum. For this reason it is much easier to minimize a convex function numerically than a general function. Convex problems have lots of nice properties, e.g. a theory of dual problems. We won't cover this in this course.

34 Introduction Algorithms There are many optimization algorithms. We will let MATLAB choose the best algorithm for us. For large/dicult problems one may wish to choose the algorithm carefully. Dierent algorithms exist for small, medium, large and ridiculously large problems. Specialist algorithms exist for certain problems (e.g. quadratic and linear problems) Most algorithms assume f is smooth, but algorithms do exist for non-smooth, convex f. We will be interested in local algorithms that nd local minima. This is obviously not a problem for convex problems. Global algorithms are, inevitably, slower.

35 Modern Portfolio Theory Modern Portfolio Theory

36 Modern Portfolio Theory Modern Portfolio Theory Theory developed my H. Markowitz in 1950's. Not very modern! There are n assets whose returns over some xed time period T are random variables R i. R i = price of asset i at time T - current price of asset i current price of asset i The random variables R i are assumed to have a known mean µ and covariance matrix Σ. We wish to invest a xed amount P over the time period T in a xed portfolio of the assets. The portfolio is determined by choosing the weights w i to assign to each asset with w i = 1. We are allowed to short sell so the w i may take any real values.

37 Modern Portfolio Theory Optimization problem Suppose we wish to have an expected return on our portfolio of r, what portfolio should we choose to minimize the standard deviation of the portfolio? If w is the vector of weights, then the return of the portfolio has a distribution with mean: and variance: µ T w w T Σw So problem can be stated as: Minimize w T Σw Subject to the constraints i w i = 1 and µ T w = r. Σ is a positive denite matrix, µ is a vector.

38 Modern Portfolio Theory Quadratic optimization problem Minimize 1 2 x T Hx + f T x Optionally subject to constraints of the form: Ax b A x = b l x u For some matrices A and A and vectors vecb, b, l and u. We write x y if every entry of the vector x is less than or equal to the corresponding entry in y. The vectors l and u may contain the values and + respectively. To solve this problem simply use quadprog

39 Modern Portfolio Theory MATLAB quadprog For a problem as dened on the previous slide with A = Aeq and b = beq [x, fval, exitflag ]= quadprog (H,f,A,b, Aeq, beq, lb, ub, x0, options ); x is the optimal value of the vector fval is the value of 1 2 x T Hx + f T x exitflag indicates whether the optimization worked. You must check this! You can use the empty array [] where a constraint is not needed. The options parameter allows you to ne tune the optimization if you wish. It can be omitted. quadprog standard for quadratic programming

40 Modern Portfolio Theory Markowitz problem as quadratic optimization The condition i w i = 1 and µ T w = r can be rewritten A w = b where ( ) ( ) A =, b 1 = µ 1 µ 2 µ 3... µ n r Thus the Markowitz problem is just a special case of quadratic programming.

41 Modern Portfolio Theory MATLAB implementation function [ ret, variance, w ] = markowitzoptimizeret (... r, mu, sigma ) H = sigma ; n = size ( sigma,1); f = zeros (n,1); Aeq = [ ones (1, n ); mu ]; beq = [1; r ]; [w,~, exitflag ] = quadprog (H,f,[],[], Aeq, beq,[],[],[]); assert ( exitflag >0); ret = mu * w ; variance = w ' * sigma * w ; end

42 Modern Portfolio Theory Remarks If you run the code on the previous slide, MATLAB prints out a lot of messages and a warning. To switch o the messages you can customize the options To switch o the warning you use the warning command to indicate that you aren't interested in the specic warning message.

43 Modern Portfolio Theory Quieter MATLAB implementation function [ ret, variance, w ] = markowitzoptimizeret(... r, mu, sigma ) warning('off','optim:quadprog:willrundiffalg'); H = sigma; n = size(sigma,1); f = zeros(n,1); Aeq = [ ones(1,n); mu]; beq = [1; r]; options = optimset('quadprog'); options = optimset(options,'display','off'); [w,~,exitflag]=... quadprog(h,f,[],[],aeq,beq,[],[],[],options); assert(exitflag>0); ret = mu * w; variance = w' * sigma * w; end

44 Modern Portfolio Theory Creating options To create a set of options rst call optimset passing in a single parameter, the name of the optimization routine you will call. This returns an options object. options = optimset ( ' quadprog ' ); Call optimset a second time to modify the options. This time you should pass in your options object and then a set of key/value pairs that indicate what options you would like to set. We're setting the option Display to off. options = optimset ( options, ' Display ', ' off ' ); The function optimset returns the new modied options object.

45 Modern Portfolio Theory Using the options You can now pass this customized set of options object to the optimization function. [w,~, exitflag ]=... quadprog (H,f,[],[], Aeq, beq,[],[],[], options ); The reason for this procedure is to make sure that you choose the default values for all options except the ones you wish to customize.

46 Modern Portfolio Theory Available options When optimizing in MATLAB you can use options to set things like: How much information to print during the calculation (Display) The actual algorithm to use (Algorithm) How accurate the answer needs to be The maximum number of steps to perform of the algorithm before giving in etc. Consult the MATLAB documentation for details of the available options and their settings.

47 Modern Portfolio Theory Ecient frontier using all stocks 0.02 The Markowitz efficient frontier Expected return Standard deviation

48 Modern Portfolio Theory Given an expectation r, there is a corresponding minimum standard deviation. As r varies, this traces out the ecient frontier. The points represent the performance of individual stocks in the FTSE 100 They all lie inside the ecient frontier. The code to plot the ecient frontier is available from the course website.

49 Modern Portfolio Theory Ecient frontier with 10 stocks The Markowitz efficient frontier Expected return Standard deviation

50 Modern Portfolio Theory Remarks on Markowitz theory The Markowitz model only makes sense if you think standard deviation is a good measure of risk. For normal distributions, this is uncontroversial. For more complex distributions more general utility optimization makes more sense. This is why normally distributed returns are often assumed. For large markets, the assumptions are very unrealistic Precisely known drift and covariance matrix for returns Unlimited buying and selling It tends to produce unreasonable portfolios that exploit quirks in the data. Example: suppose X and Y are two highly correlated stocks with the same price. Markowitz optimization might construct a portfolio consisting of 1000 units of X and sell 999 units of Y. Despite its shortcomings, it is enormously inuential and is where the idea of portfolio optimization originated.

51 Optimizing utility Optimizing utility

52 Optimizing utility General setup Suppose that we have n assets X 1, X 2,... X n and we have a stochastic model for the price of these assets. There are various constraints on our trading for example we might only be allowed to buy or sell a certain quantity of each asset. Suppose that we have a utility function u : R R We wish to nd the trading strategy that maximizes our expected utility.

53 Optimizing utility Utility functions A utility function is a concave function. Popular examples are: power utility with risk aversion parameter η x 1 η 1 1 η η 1, x > 0 u(x) = ln(x) η = 1, x > 0 x 0 exponential utility with risk aversion parameter λ u(x) = 1 e λx Note that power utility assigns innite negative utility to losing money. This means that only trading strategies that have 0 chance of bankruptcy will ever be considered. For example, using power utility in a Markowitz type problem would eectively mean prohibiting short selling.

54 Optimizing utility Computing expected utility Computing expected utility is just a matter of computing an expectation so we can use all the techniques we have developed for computing expectations Rectangle rule, converges with rate... Trapezium rule, converges with rate... Simpson's rule, converges with rate... Monte Carlo, converges with rate... Gaussian quadrature, converges with rate... Compute the condence interval for Monte Carlo using... Try to reduce the variance of Monte Carlo using...

55 Optimizing utility One period problem A trader wishes to invest in a number of stocks that all follow multivariate geometric Brownian motion model. ds i t = S i t(µ i dt + σ i dw i t ) where each S i t is a vector of stock prices, µ i a drift vector, σ i is a volatility. The W i are Brownian motions with given correlation matrix. Equivalently d(log S i ) t = (µ i 12 (σi ) 2 ) dt + σ i dw i t We wish to choose a static portfolio of given quantities in each stock to maximize the expected utility at time T. Trading at intermediate times is not allowed.

56 Optimizing utility One period solution, sketch Use... to generate normally distributed random variables with the desired correlation matrix. Use the... method with one step to simulate log stock prices at time T. We simulate log stock prices so that... Hence compute the expected utility at time T as a function of the proportions invested in each stock using the Monte Carlo method. This will converge at a rate... Using fmincon or fminunc nd the optimal proportions that minimize the expected disutility (=minus the utility).

57 Optimizing utility Dynamic Programming Example hedging X 1 is the stock and it follows the Black Scholes model. X 2 is a call option on the stock. We know the payo at maturity and we know that we have a customer who is willing to buy one call option today at the Black Scholes price plus a small commission. We have the following constraints on our trading: We can sell up to one unit of the call option at time 0. We can't buy the call option. We can't trade in the call option at other times. We can only trade in the stock at 20 evenly spaced time points. i.e. continuous time trading is not possible. How should we trade?

58 Optimizing utility Numerical methods for dynamic programming Dynamic programming problems are very hard General purpose algorithms exist, but they are not very ecient. The basic problem is that the space of possible strategies is innite dimensional and it is hard to nd good low dimensional approximations. To resolve this problem we use the Galerkin approach.

59 Optimizing utility Galerkin method - idea Choose a nite set of candidate strategies based on intuition and experience: Strategy S 1 : delta hedging. Sell the customer the option, delta hedge at each time time point (and then pay out as required option). Strategy S 2 : no hedging. Sell the customer the option and don't bother hedging. Strategy S 3 : stop-loss hedging. Sell the customer the option, perform stop-loss at each time time point. Strategy S 4 : trade in the stock alone. Borrow money to buy the stock, wait till maturity and then sell the stock. We can form linear combinations of strategies. Suppose that we're a bank, we can instruct trader i to follow strategy i (scaled up or down by a factor of α i ) and then see what the net eect is. This is strategy α i S i.

60 Optimizing utility Galerkin method We have n strategies S n. We can calculate by Monte Carlo N possible scenarios for asset prices and compute the prot and loss of each strategy. This gives a vector x (i) of prot and loss for each strategy with rows corresponding to each scenarios. It is crucial to use the same scenarios for each strategy. Linear combinations i α is i are also valid strategies (possibly subject to some constraints on the α i ). The prot and loss of the combined strategy in each scenario is i α ix (i). Find the values of α i, subject to constraints, that minimize 1 u( N j i α i x (i) j ). The index j is running over scenarios. i is running over stratgies.

61 Optimizing utility Output of the Galerkin method The Galerkin method will give us a portfolio of strategies. This combined strategy is unlikely to be a perfectly optimal solution to the problem, but it is guaranteed to be at least as good as any individual strategy. Thus the Galerkin method allows you to improve performance by diversifying over strategies. This generalizes the notion of diversication for static trading strategies to dynamic trading strategies. Note that the method can be applied equally well to static trading strategies. This allows you to optimize static trading strategies even when Markowitz assumptions do not hold. Note: so long as the utility function is smooth and concave, this will be a smooth convex optimization problem.

62 Optimizing utility Our example We have already (in previous weeks) shown how to compute the prot and loss of strategies S 1, S 2 and S 3 given scenarios for the stock price. S 4, buying and holding stock, is trivial to evaluate. Thus we can compute the vectors x (i). The customer is only willing to buy up to one call option. We cannot sell call options. This gives constraints: α 1 0 α 2 0 α 3 0 α 1 + α 2 + α 3 1 We can write the last equation in matrix form as ( )α 1

63 Optimizing utility end function [ alpha ] = optimizeutility(... lambda,... pnlarray,... A,... b,... lb,... ub) function d = expecteddisutility( alpha ) pnl = pnlarray*alpha; u = mean( 1 - exp(-lambda*pnl)); d = -u; end nstrategies = size(pnlarray,2); alpha0 = zeros(nstrategies,1); alpha0(1)=1; options = optimset('fmincon'); options = optimset(options,... 'Display','off', 'Algorithm', 'active-set'); [alpha,~,exitflag] = alpha0, A,b,[],[],lb,ub,[],options ); assert( exitflag>0 );

64 Optimizing utility fmincon fmincon is MATLAB's function for constrained nonlinear optimization It takes similar parameters to both quadprog and fminunc. You specify the objective function by creating an appropriate MATLAB function. In this case we use the exponential utility function to compute the objective. Just like quadprog you specify constraints using various matrices and vectors such as A and b. fmincon also allows you to specify a general non linear constraint function if necessary. You should center and scale the problem well. This means that the interesting behaviour should happen near zero and the length scale should be roughly 1. (Recall that similarly you should center and scale your problem well before using the integral function.)

65 Optimizing utility Applying this to the problem We can now nd the optimal combination of strategies to use for our problem. We choose a concrete process for the price. S follows the Black Scholes model with K = 100, S = 100, T = 0.5, r = 0.03, µ = 0.2, σ = 0.2 The customer is willing to pay 1.1 times the BlackScholes predicted price for the call option. We can now generate stock price scenarios and compute the prot and loss vector x (i) for each strategy. We then call optimizeutility to nd the optimal combination of strategies.

66 Optimizing utility The optimal portfolo of strategies How much of each strategy is optimal? Delta hedge strategy Stop loss strategy No hedge strategy Invest in stock 1.2 Quantity of strategy Lambda (risk aversion)

67 Optimizing utility Interpretation of results The optimal strategy depends upon risk preferences λ. Note that our model has a very high drift µ = 0.2. This explains why investing in the stock seems like a good idea. Our model is a discrete time model. So perfect delta hedging is impossible. This is reected in the charge the customer pays on top of the BlackScholes predicted price. Delta hedging is not the optimal strategy. This is because it is risky in discrete time. Depending upon our risk aversion we may prefer no hedging to delta hedging If our risk aversion is high, we might prefer not to trade since no risk free strategy is available.

68 Optimizing utility Remarks on using Galerkin method It is likely that you would want to report the expected utility of the strategy. If you want to do this, note that the returned fval will not be an unbiased estimate of the disutility of performing our strategy. To estimate the utility correctly, you must try the portfolio on a new random sample of scenarios. In general you should always test a strategy on out-of-sample data At every time step you can re-run the Galerkin method to nd a new strategy which incorporates the information received since the previous time step.

69 Optimizing utility Generalization This idea can be generalized easily. Include transaction costs in the model. We simply need to change the computations of the prot and loss vectors to take this into account. Use a dierent model to generate stock paths. You can use any model at all, or historic data, to simulate price paths and hence compute prot and loss vectors. Add in other strategies, assets etc. Although the Galerkin method does not nd the true optimal solution to the problem, it does allow us to nd improved solutions easily. Moreover it can be applied very generally.

70 Summary Summary We have seen how quadprog, fmincon can be used to perform: Static portfolio optimization Dynamic portfolio optimization The lecture notes also discuss how to perform calibration of a pricing model to market prices using the fminunc function. References: Markowitz : "Portfolio Selection". The Journal of Finance (1952) Koivu & Pennanen: "Galerkin methods in dynamic stochastic programming". Optimization 59 (2010)

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

FMO6 Web: https://tinyurl.com/ycaloqk6 Polls: https://pollev.com/johnarmstron561

FMO6 Web: https://tinyurl.com/ycaloqk6 Polls: https://pollev.com/johnarmstron561 FMO6 Web: https://tinyurl.com/ycaloqk6 Polls: https://pollev.com/johnarmstron561 Revision Lecture Dr John Armstrong King's College London July 6, 2018 Types of Options Types of options We can categorize

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

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

- 1 - **** d(lns) = (µ (1/2)σ 2 )dt + σdw t

- 1 - **** d(lns) = (µ (1/2)σ 2 )dt + σdw t - 1 - **** These answers indicate the solutions to the 2014 exam questions. Obviously you should plot graphs where I have simply described the key features. It is important when plotting graphs to label

More information

The Binomial Model. Chapter 3

The Binomial Model. Chapter 3 Chapter 3 The Binomial Model In Chapter 1 the linear derivatives were considered. They were priced with static replication and payo tables. For the non-linear derivatives in Chapter 2 this will not work

More information

Simulating more interesting stochastic processes

Simulating more interesting stochastic processes Chapter 7 Simulating more interesting stochastic processes 7. Generating correlated random variables The lectures contained a lot of motivation and pictures. We'll boil everything down to pure algebra

More information

Markowitz portfolio theory

Markowitz portfolio theory Markowitz portfolio theory Farhad Amu, Marcus Millegård February 9, 2009 1 Introduction Optimizing a portfolio is a major area in nance. The objective is to maximize the yield and simultaneously minimize

More information

Financial Mathematics III Theory summary

Financial Mathematics III Theory summary Financial Mathematics III Theory summary Table of Contents Lecture 1... 7 1. State the objective of modern portfolio theory... 7 2. Define the return of an asset... 7 3. How is expected return defined?...

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

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

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

DRAFT. 1 exercise in state (S, t), π(s, t) = 0 do not exercise in state (S, t) Review of the Risk Neutral Stock Dynamics

DRAFT. 1 exercise in state (S, t), π(s, t) = 0 do not exercise in state (S, t) Review of the Risk Neutral Stock Dynamics Chapter 12 American Put Option Recall that the American option has strike K and maturity T and gives the holder the right to exercise at any time in [0, T ]. The American option is not straightforward

More information

Lecture IV Portfolio management: Efficient portfolios. Introduction to Finance Mathematics Fall Financial mathematics

Lecture IV Portfolio management: Efficient portfolios. Introduction to Finance Mathematics Fall Financial mathematics Lecture IV Portfolio management: Efficient portfolios. Introduction to Finance Mathematics Fall 2014 Reduce the risk, one asset Let us warm up by doing an exercise. We consider an investment with σ 1 =

More information

1 The continuous time limit

1 The continuous time limit Derivative Securities, Courant Institute, Fall 2008 http://www.math.nyu.edu/faculty/goodman/teaching/derivsec08/index.html Jonathan Goodman and Keith Lewis Supplementary notes and comments, Section 3 1

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

Extend the ideas of Kan and Zhou paper on Optimal Portfolio Construction under parameter uncertainty

Extend the ideas of Kan and Zhou paper on Optimal Portfolio Construction under parameter uncertainty Extend the ideas of Kan and Zhou paper on Optimal Portfolio Construction under parameter uncertainty George Photiou Lincoln College University of Oxford A dissertation submitted in partial fulfilment for

More information

Characterization of the Optimum

Characterization of the Optimum ECO 317 Economics of Uncertainty Fall Term 2009 Notes for lectures 5. Portfolio Allocation with One Riskless, One Risky Asset Characterization of the Optimum Consider a risk-averse, expected-utility-maximizing

More information

JDEP 384H: Numerical Methods in Business

JDEP 384H: Numerical Methods in Business Chapter 4: Numerical Integration: Deterministic and Monte Carlo Methods Chapter 8: Option Pricing by Monte Carlo Methods JDEP 384H: Numerical Methods in Business Instructor: Thomas Shores Department of

More information

Quantitative Risk Management

Quantitative Risk Management Quantitative Risk Management Asset Allocation and Risk Management Martin B. Haugh Department of Industrial Engineering and Operations Research Columbia University Outline Review of Mean-Variance Analysis

More information

IEOR E4703: Monte-Carlo Simulation

IEOR E4703: Monte-Carlo Simulation IEOR E4703: Monte-Carlo Simulation Simulating Stochastic Differential Equations Martin Haugh Department of Industrial Engineering and Operations Research Columbia University Email: martin.b.haugh@gmail.com

More information

Martingale Pricing Theory in Discrete-Time and Discrete-Space Models

Martingale Pricing Theory in Discrete-Time and Discrete-Space Models IEOR E4707: Foundations of Financial Engineering c 206 by Martin Haugh Martingale Pricing Theory in Discrete-Time and Discrete-Space Models These notes develop the theory of martingale pricing in a discrete-time,

More information

MSc in Financial Engineering

MSc in Financial Engineering Department of Economics, Mathematics and Statistics MSc in Financial Engineering On Numerical Methods for the Pricing of Commodity Spread Options Damien Deville September 11, 2009 Supervisor: Dr. Steve

More information

SYSM 6304: Risk and Decision Analysis Lecture 6: Pricing and Hedging Financial Derivatives

SYSM 6304: Risk and Decision Analysis Lecture 6: Pricing and Hedging Financial Derivatives SYSM 6304: Risk and Decision Analysis Lecture 6: Pricing and Hedging Financial Derivatives M. Vidyasagar Cecil & Ida Green Chair The University of Texas at Dallas Email: M.Vidyasagar@utdallas.edu October

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

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

Deterministic Income under a Stochastic Interest Rate

Deterministic Income under a Stochastic Interest Rate Deterministic Income under a Stochastic Interest Rate Julia Eisenberg, TU Vienna Scientic Day, 1 Agenda 1 Classical Problem: Maximizing Discounted Dividends in a Brownian Risk Model 2 Maximizing Discounted

More information

AMH4 - ADVANCED OPTION PRICING. Contents

AMH4 - ADVANCED OPTION PRICING. Contents AMH4 - ADVANCED OPTION PRICING ANDREW TULLOCH Contents 1. Theory of Option Pricing 2 2. Black-Scholes PDE Method 4 3. Martingale method 4 4. Monte Carlo methods 5 4.1. Method of antithetic variances 5

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

Lecture outline. Monte Carlo Methods for Uncertainty Quantification. Importance Sampling. Importance Sampling

Lecture outline. Monte Carlo Methods for Uncertainty Quantification. Importance Sampling. Importance Sampling Lecture outline Monte Carlo Methods for Uncertainty Quantification Mike Giles Mathematical Institute, University of Oxford KU Leuven Summer School on Uncertainty Quantification Lecture 2: Variance reduction

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

Probability and Stochastics for finance-ii Prof. Joydeep Dutta Department of Humanities and Social Sciences Indian Institute of Technology, Kanpur

Probability and Stochastics for finance-ii Prof. Joydeep Dutta Department of Humanities and Social Sciences Indian Institute of Technology, Kanpur Probability and Stochastics for finance-ii Prof. Joydeep Dutta Department of Humanities and Social Sciences Indian Institute of Technology, Kanpur Lecture - 07 Mean-Variance Portfolio Optimization (Part-II)

More information

The University of Chicago, Booth School of Business Business 41202, Spring Quarter 2011, Mr. Ruey S. Tsay. Solutions to Final Exam.

The University of Chicago, Booth School of Business Business 41202, Spring Quarter 2011, Mr. Ruey S. Tsay. Solutions to Final Exam. The University of Chicago, Booth School of Business Business 41202, Spring Quarter 2011, Mr. Ruey S. Tsay Solutions to Final Exam Problem A: (32 pts) Answer briefly the following questions. 1. Suppose

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

Advanced Topics in Derivative Pricing Models. Topic 4 - Variance products and volatility derivatives

Advanced Topics in Derivative Pricing Models. Topic 4 - Variance products and volatility derivatives Advanced Topics in Derivative Pricing Models Topic 4 - Variance products and volatility derivatives 4.1 Volatility trading and replication of variance swaps 4.2 Volatility swaps 4.3 Pricing of discrete

More information

Pricing in markets modeled by general processes with independent increments

Pricing in markets modeled by general processes with independent increments Pricing in markets modeled by general processes with independent increments Tom Hurd Financial Mathematics at McMaster www.phimac.org Thanks to Tahir Choulli and Shui Feng Financial Mathematics Seminar

More information

Optimizing S-shaped utility and risk management

Optimizing S-shaped utility and risk management Optimizing S-shaped utility and risk management Ineffectiveness of VaR and ES constraints John Armstrong (KCL), Damiano Brigo (Imperial) Quant Summit March 2018 Are ES constraints effective against rogue

More information

u (x) < 0. and if you believe in diminishing return of the wealth, then you would require

u (x) < 0. and if you believe in diminishing return of the wealth, then you would require Chapter 8 Markowitz Portfolio Theory 8.7 Investor Utility Functions People are always asked the question: would more money make you happier? The answer is usually yes. The next question is how much more

More information

Monte Carlo Methods in Financial Engineering

Monte Carlo Methods in Financial Engineering Paul Glassennan Monte Carlo Methods in Financial Engineering With 99 Figures

More information

MS-E2114 Investment Science Lecture 5: Mean-variance portfolio theory

MS-E2114 Investment Science Lecture 5: Mean-variance portfolio theory MS-E2114 Investment Science Lecture 5: Mean-variance portfolio theory A. Salo, T. Seeve Systems Analysis Laboratory Department of System Analysis and Mathematics Aalto University, School of Science Overview

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

Chapter 7: Portfolio Theory

Chapter 7: Portfolio Theory Chapter 7: Portfolio Theory 1. Introduction 2. Portfolio Basics 3. The Feasible Set 4. Portfolio Selection Rules 5. The Efficient Frontier 6. Indifference Curves 7. The Two-Asset Portfolio 8. Unrestriceted

More information

Market Volatility and Risk Proxies

Market Volatility and Risk Proxies Market Volatility and Risk Proxies... an introduction to the concepts 019 Gary R. Evans. This slide set by Gary R. Evans is licensed under a Creative Commons Attribution-NonCommercial-ShareAlike 4.0 International

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

Chapter 15: Jump Processes and Incomplete Markets. 1 Jumps as One Explanation of Incomplete Markets

Chapter 15: Jump Processes and Incomplete Markets. 1 Jumps as One Explanation of Incomplete Markets Chapter 5: Jump Processes and Incomplete Markets Jumps as One Explanation of Incomplete Markets It is easy to argue that Brownian motion paths cannot model actual stock price movements properly in reality,

More information

Lecture Quantitative Finance Spring Term 2015

Lecture Quantitative Finance Spring Term 2015 implied Lecture Quantitative Finance Spring Term 2015 : May 7, 2015 1 / 28 implied 1 implied 2 / 28 Motivation and setup implied the goal of this chapter is to treat the implied which requires an algorithm

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

Yao s Minimax Principle

Yao s Minimax Principle Complexity of algorithms The complexity of an algorithm is usually measured with respect to the size of the input, where size may for example refer to the length of a binary word describing the input,

More information

IEOR E4602: Quantitative Risk Management

IEOR E4602: Quantitative Risk Management IEOR E4602: Quantitative Risk Management Basic Concepts and Techniques of Risk Management Martin Haugh Department of Industrial Engineering and Operations Research Columbia University Email: martin.b.haugh@gmail.com

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

IEOR E4703: Monte-Carlo Simulation

IEOR E4703: Monte-Carlo Simulation IEOR E4703: Monte-Carlo Simulation Simulation Efficiency and an Introduction to Variance Reduction Methods Martin Haugh Department of Industrial Engineering and Operations Research Columbia University

More information

Lecture 17. The model is parametrized by the time period, δt, and three fixed constant parameters, v, σ and the riskless rate r.

Lecture 17. The model is parametrized by the time period, δt, and three fixed constant parameters, v, σ and the riskless rate r. Lecture 7 Overture to continuous models Before rigorously deriving the acclaimed Black-Scholes pricing formula for the value of a European option, we developed a substantial body of material, in continuous

More information

IEOR E4703: Monte-Carlo Simulation

IEOR E4703: Monte-Carlo Simulation IEOR E4703: Monte-Carlo Simulation Other Miscellaneous Topics and Applications of Monte-Carlo Martin Haugh Department of Industrial Engineering and Operations Research Columbia University Email: martin.b.haugh@gmail.com

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

Equity correlations implied by index options: estimation and model uncertainty analysis

Equity correlations implied by index options: estimation and model uncertainty analysis 1/18 : estimation and model analysis, EDHEC Business School (joint work with Rama COT) Modeling and managing financial risks Paris, 10 13 January 2011 2/18 Outline 1 2 of multi-asset models Solution to

More information

Chapter 8. Markowitz Portfolio Theory. 8.1 Expected Returns and Covariance

Chapter 8. Markowitz Portfolio Theory. 8.1 Expected Returns and Covariance Chapter 8 Markowitz Portfolio Theory 8.1 Expected Returns and Covariance The main question in portfolio theory is the following: Given an initial capital V (0), and opportunities (buy or sell) in N securities

More information

Chapter 5 Portfolio. O. Afonso, P. B. Vasconcelos. Computational Economics: a concise introduction

Chapter 5 Portfolio. O. Afonso, P. B. Vasconcelos. Computational Economics: a concise introduction Chapter 5 Portfolio O. Afonso, P. B. Vasconcelos Computational Economics: a concise introduction O. Afonso, P. B. Vasconcelos Computational Economics 1 / 22 Overview 1 Introduction 2 Economic model 3 Numerical

More information

Gamma. The finite-difference formula for gamma is

Gamma. The finite-difference formula for gamma is Gamma The finite-difference formula for gamma is [ P (S + ɛ) 2 P (S) + P (S ɛ) e rτ E ɛ 2 ]. For a correlation option with multiple underlying assets, the finite-difference formula for the cross gammas

More information

Market risk measurement in practice

Market risk measurement in practice Lecture notes on risk management, public policy, and the financial system Allan M. Malz Columbia University 2018 Allan M. Malz Last updated: October 23, 2018 2/32 Outline Nonlinearity in market risk Market

More information

Some useful optimization problems in portfolio theory

Some useful optimization problems in portfolio theory Some useful optimization problems in portfolio theory Igor Melicherčík Department of Economic and Financial Modeling, Faculty of Mathematics, Physics and Informatics, Mlynská dolina, 842 48 Bratislava

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

Monte Carlo Methods in Option Pricing. UiO-STK4510 Autumn 2015

Monte Carlo Methods in Option Pricing. UiO-STK4510 Autumn 2015 Monte Carlo Methods in Option Pricing UiO-STK4510 Autumn 015 The Basics of Monte Carlo Method Goal: Estimate the expectation θ = E[g(X)], where g is a measurable function and X is a random variable such

More information

EE365: Risk Averse Control

EE365: Risk Averse Control EE365: Risk Averse Control Risk averse optimization Exponential risk aversion Risk averse control 1 Outline Risk averse optimization Exponential risk aversion Risk averse control Risk averse optimization

More information

MAFS Computational Methods for Pricing Structured Products

MAFS Computational Methods for Pricing Structured Products MAFS550 - Computational Methods for Pricing Structured Products Solution to Homework Two Course instructor: Prof YK Kwok 1 Expand f(x 0 ) and f(x 0 x) at x 0 into Taylor series, where f(x 0 ) = f(x 0 )

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

On the investment}uncertainty relationship in a real options model

On the investment}uncertainty relationship in a real options model Journal of Economic Dynamics & Control 24 (2000) 219}225 On the investment}uncertainty relationship in a real options model Sudipto Sarkar* Department of Finance, College of Business Administration, University

More information

Ecient Monte Carlo Pricing of Basket Options. P. Pellizzari. University of Venice, DD 3825/E Venice Italy

Ecient Monte Carlo Pricing of Basket Options. P. Pellizzari. University of Venice, DD 3825/E Venice Italy Ecient Monte Carlo Pricing of Basket Options P. Pellizzari Dept. of Applied Mathematics University of Venice, DD 385/E 3013 Venice Italy First draft: December 1997. Minor changes: January 1998 Abstract

More information

Mean-Variance Analysis

Mean-Variance Analysis Mean-Variance Analysis Mean-variance analysis 1/ 51 Introduction How does one optimally choose among multiple risky assets? Due to diversi cation, which depends on assets return covariances, the attractiveness

More information

Queens College, CUNY, Department of Computer Science Computational Finance CSCI 365 / 765 Fall 2017 Instructor: Dr. Sateesh Mane.

Queens College, CUNY, Department of Computer Science Computational Finance CSCI 365 / 765 Fall 2017 Instructor: Dr. Sateesh Mane. Queens College, CUNY, Department of Computer Science Computational Finance CSCI 365 / 765 Fall 2017 Instructor: Dr. Sateesh Mane c Sateesh R. Mane 2017 14 Lecture 14 November 15, 2017 Derivation of the

More information

Log-Robust Portfolio Management

Log-Robust Portfolio Management Log-Robust Portfolio Management Dr. Aurélie Thiele Lehigh University Joint work with Elcin Cetinkaya and Ban Kawas Research partially supported by the National Science Foundation Grant CMMI-0757983 Dr.

More information

Simulating Stochastic Differential Equations

Simulating Stochastic Differential Equations IEOR E4603: Monte-Carlo Simulation c 2017 by Martin Haugh Columbia University Simulating Stochastic Differential Equations In these lecture notes we discuss the simulation of stochastic differential equations

More information

Asymptotic methods in risk management. Advances in Financial Mathematics

Asymptotic methods in risk management. Advances in Financial Mathematics Asymptotic methods in risk management Peter Tankov Based on joint work with A. Gulisashvili Advances in Financial Mathematics Paris, January 7 10, 2014 Peter Tankov (Université Paris Diderot) Asymptotic

More information

One-Factor Models { 1 Key features of one-factor (equilibrium) models: { All bond prices are a function of a single state variable, the short rate. {

One-Factor Models { 1 Key features of one-factor (equilibrium) models: { All bond prices are a function of a single state variable, the short rate. { Fixed Income Analysis Term-Structure Models in Continuous Time Multi-factor equilibrium models (general theory) The Brennan and Schwartz model Exponential-ane models Jesper Lund April 14, 1998 1 Outline

More information

BROWNIAN MOTION Antonella Basso, Martina Nardon

BROWNIAN MOTION Antonella Basso, Martina Nardon BROWNIAN MOTION Antonella Basso, Martina Nardon basso@unive.it, mnardon@unive.it Department of Applied Mathematics University Ca Foscari Venice Brownian motion p. 1 Brownian motion Brownian motion plays

More information

1 Introduction. Term Paper: The Hall and Taylor Model in Duali 1. Yumin Li 5/8/2012

1 Introduction. Term Paper: The Hall and Taylor Model in Duali 1. Yumin Li 5/8/2012 Term Paper: The Hall and Taylor Model in Duali 1 Yumin Li 5/8/2012 1 Introduction In macroeconomics and policy making arena, it is extremely important to have the ability to manipulate a set of control

More information

Fast Convergence of Regress-later Series Estimators

Fast Convergence of Regress-later Series Estimators Fast Convergence of Regress-later Series Estimators New Thinking in Finance, London Eric Beutner, Antoon Pelsser, Janina Schweizer Maastricht University & Kleynen Consultants 12 February 2014 Beutner Pelsser

More information

1.1 Interest rates Time value of money

1.1 Interest rates Time value of money Lecture 1 Pre- Derivatives Basics Stocks and bonds are referred to as underlying basic assets in financial markets. Nowadays, more and more derivatives are constructed and traded whose payoffs depend on

More information

Market Risk: FROM VALUE AT RISK TO STRESS TESTING. Agenda. Agenda (Cont.) Traditional Measures of Market Risk

Market Risk: FROM VALUE AT RISK TO STRESS TESTING. Agenda. Agenda (Cont.) Traditional Measures of Market Risk Market Risk: FROM VALUE AT RISK TO STRESS TESTING Agenda The Notional Amount Approach Price Sensitivity Measure for Derivatives Weakness of the Greek Measure Define Value at Risk 1 Day to VaR to 10 Day

More information

1 Answers to the Sept 08 macro prelim - Long Questions

1 Answers to the Sept 08 macro prelim - Long Questions Answers to the Sept 08 macro prelim - Long Questions. Suppose that a representative consumer receives an endowment of a non-storable consumption good. The endowment evolves exogenously according to ln

More information

INTRODUCTION TO MODERN PORTFOLIO OPTIMIZATION

INTRODUCTION TO MODERN PORTFOLIO OPTIMIZATION INTRODUCTION TO MODERN PORTFOLIO OPTIMIZATION Abstract. This is the rst part in my tutorial series- Follow me to Optimization Problems. In this tutorial, I will touch on the basic concepts of portfolio

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

IEOR E4602: Quantitative Risk Management

IEOR E4602: Quantitative Risk Management IEOR E4602: Quantitative Risk Management Risk Measures Martin Haugh Department of Industrial Engineering and Operations Research Columbia University Email: martin.b.haugh@gmail.com Reference: Chapter 8

More information

Using Monte Carlo Integration and Control Variates to Estimate π

Using Monte Carlo Integration and Control Variates to Estimate π Using Monte Carlo Integration and Control Variates to Estimate π N. Cannady, P. Faciane, D. Miksa LSU July 9, 2009 Abstract We will demonstrate the utility of Monte Carlo integration by using this algorithm

More information

Optimizing Portfolios

Optimizing Portfolios Optimizing Portfolios An Undergraduate Introduction to Financial Mathematics J. Robert Buchanan 2010 Introduction Investors may wish to adjust the allocation of financial resources including a mixture

More information

23 Stochastic Ordinary Differential Equations with Examples from Finance

23 Stochastic Ordinary Differential Equations with Examples from Finance 23 Stochastic Ordinary Differential Equations with Examples from Finance Scraping Financial Data from the Web The MATLAB/Octave yahoo function below returns daily open, high, low, close, and adjusted close

More information

Mathematics in Finance

Mathematics in Finance Mathematics in Finance Steven E. Shreve Department of Mathematical Sciences Carnegie Mellon University Pittsburgh, PA 15213 USA shreve@andrew.cmu.edu A Talk in the Series Probability in Science and Industry

More information

MONTE CARLO EXTENSIONS

MONTE CARLO EXTENSIONS MONTE CARLO EXTENSIONS School of Mathematics 2013 OUTLINE 1 REVIEW OUTLINE 1 REVIEW 2 EXTENSION TO MONTE CARLO OUTLINE 1 REVIEW 2 EXTENSION TO MONTE CARLO 3 SUMMARY MONTE CARLO SO FAR... Simple to program

More information

Minimum Downside Volatility Indices

Minimum Downside Volatility Indices Minimum Downside Volatility Indices Timo Pfei er, Head of Research Lars Walter, Quantitative Research Analyst Daniel Wendelberger, Quantitative Research Analyst 18th July 2017 1 1 Introduction "Analyses

More information

Behavioral Finance and Asset Pricing

Behavioral Finance and Asset Pricing Behavioral Finance and Asset Pricing Behavioral Finance and Asset Pricing /49 Introduction We present models of asset pricing where investors preferences are subject to psychological biases or where investors

More information

Lecture Note 8 of Bus 41202, Spring 2017: Stochastic Diffusion Equation & Option Pricing

Lecture Note 8 of Bus 41202, Spring 2017: Stochastic Diffusion Equation & Option Pricing Lecture Note 8 of Bus 41202, Spring 2017: Stochastic Diffusion Equation & Option Pricing We shall go over this note quickly due to time constraints. Key concept: Ito s lemma Stock Options: A contract giving

More information

The mean-variance portfolio choice framework and its generalizations

The mean-variance portfolio choice framework and its generalizations The mean-variance portfolio choice framework and its generalizations Prof. Massimo Guidolin 20135 Theory of Finance, Part I (Sept. October) Fall 2014 Outline and objectives The backward, three-step solution

More information

Financial Giffen Goods: Examples and Counterexamples

Financial Giffen Goods: Examples and Counterexamples Financial Giffen Goods: Examples and Counterexamples RolfPoulsen and Kourosh Marjani Rasmussen Abstract In the basic Markowitz and Merton models, a stock s weight in efficient portfolios goes up if its

More information

STOCHASTIC CALCULUS AND BLACK-SCHOLES MODEL

STOCHASTIC CALCULUS AND BLACK-SCHOLES MODEL STOCHASTIC CALCULUS AND BLACK-SCHOLES MODEL YOUNGGEUN YOO Abstract. Ito s lemma is often used in Ito calculus to find the differentials of a stochastic process that depends on time. This paper will introduce

More information

Rapid computation of prices and deltas of nth to default swaps in the Li Model

Rapid computation of prices and deltas of nth to default swaps in the Li Model Rapid computation of prices and deltas of nth to default swaps in the Li Model Mark Joshi, Dherminder Kainth QUARC RBS Group Risk Management Summary Basic description of an nth to default swap Introduction

More information

Portfolio Sharpening

Portfolio Sharpening Portfolio Sharpening Patrick Burns 21st September 2003 Abstract We explore the effective gain or loss in alpha from the point of view of the investor due to the volatility of a fund and its correlations

More information

1.1 Basic Financial Derivatives: Forward Contracts and Options

1.1 Basic Financial Derivatives: Forward Contracts and Options Chapter 1 Preliminaries 1.1 Basic Financial Derivatives: Forward Contracts and Options A derivative is a financial instrument whose value depends on the values of other, more basic underlying variables

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

Illiquidity, Credit risk and Merton s model

Illiquidity, Credit risk and Merton s model Illiquidity, Credit risk and Merton s model (joint work with J. Dong and L. Korobenko) A. Deniz Sezer University of Calgary April 28, 2016 Merton s model of corporate debt A corporate bond is a contingent

More information

Monte Carlo and Empirical Methods for Stochastic Inference (MASM11/FMS091)

Monte Carlo and Empirical Methods for Stochastic Inference (MASM11/FMS091) Monte Carlo and Empirical Methods for Stochastic Inference (MASM11/FMS091) Magnus Wiktorsson Centre for Mathematical Sciences Lund University, Sweden Lecture 3 Importance sampling January 27, 2015 M. Wiktorsson

More information

The stochastic discount factor and the CAPM

The stochastic discount factor and the CAPM The stochastic discount factor and the CAPM Pierre Chaigneau pierre.chaigneau@hec.ca November 8, 2011 Can we price all assets by appropriately discounting their future cash flows? What determines the risk

More information