SlideShare a Scribd company logo
1 of 49
Download to read offline
Generative Adversarial Networks (GANs) and
their applications in Finance
A brief introduction
Vanessa Bridge1 Prof. Salisbury2
1Department of Mathematics And Statistics
York University
15, April 2023
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 1 / 49
Table of Contents
1 Introduction
2 Deep Learning
3 Generative Adversarial Networks
4 Training Model
5 Fine-tuning of trading strategies
6 Sampling And Aggregation
7 Experimental Results
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 2 / 49
Introduction
There are many advantages of using machine learning tools in the field of
Finance, from predictive models, to data generation to find new alpha
opportunities.
To obtain an edge we will explore the use of Generative Adversarial
Networks or GAN to create synthetic data to calibrate trading strategies
on weak signals.
We will also explore how generated data can be used for ensemble
modeling.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 3 / 49
Why Use These Techniques?
(i) Generate more diverse training and testing sets, compared to traditional
resampling techniques;
(ii) Provides the ability to draw samples specifically about stressful events,
ideal for model checking and stress testing; and
(iii) Provides a level of anonymization to the dataset, differently from
other techniques that (re)shuffle/resample data.[1]
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 4 / 49
Time Series Challenges
1.Missing data interval in between
If the intervals of the time series are regular but some values are simply
not present. Sometimes data received through data ingestion may not
have continuous data events as expected.
2. Units of Measurements
Sudden change in Units of measurement will affect the prediction and also
the recommendation generated later. During pre-processing steps, it is
necessary to validate the units of measurements.
3. Timestamp collected is wrong or having unexpected delay
If time series data collected is wrong or if there is a delay in timestamps
may lead to prediction failures in production. Monitor the data in the
native tool and find out the cause for it if prediction failures happen.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 5 / 49
Content Review
Before we go into the talk we will cover some concepts:
Deep Learning
Generative Adversarial Networks
Time Series Analysis
Stochastic Gradient Descent
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 6 / 49
Deep Learning
Figure: Deep Learning
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 7 / 49
Deep Learning: Perceptron
Definition
Perceptrons are functions that receives a list of input signals and
transforms them into output signals. The perceptron aims to understand
data representation by stacking together many layers, where each layer is
responsible for understanding some part of the input.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 8 / 49
Neural Networks
Neural Networks
NN consist of multiple layers of interconnected nodes, each building upon
the previous layer to refine and optimize the prediction or categorization.
They use non-linear activation functions to the network. This progression
of computations through the network ends in a final output that is used as
the result or prediction.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 9 / 49
Deep Learning: Propagation
Forward Propagation
This progression of computations through the network is called forward
propagation. The input and output layers of a deep neural network are
called visible layers. The input layer is where the deep learning model
ingests the data for processing, and the output layer is where the final
prediction or classification is made.
Back-Propagation
Another process called backpropagation uses algorithms, like gradient
descent, to calculate errors in predictions and then adjusts the weights and
biases of the function by moving backwards through the layers in an effort
to train the model.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 10 / 49
Deep Leaning Algorithm
Combination
Together, forward propagation and backpropagation allow a neural
network to make predictions and correct for any errors accordingly. Over
time, the algorithm becomes gradually more accurate.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 11 / 49
Generative Adversarial Networks
Generative Adversarial Networks (GANs)
Is a modelling strategy that employ two Neural Networks:
a Generator (G)
a Discriminator (D)
How they work?
They are trained jointly, with G benefiting from D incapability to recognise
true from generated data, whilst D loss is minimized when it is able to
classify correctly inputs coming from G as fake and the dataset as true.
Competition drive both Networks to improve their performance until the
genuine data is indistinguishable from the generated one.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 12 / 49
GAN
Figure: GAN Architecture
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 13 / 49
Discriminator Architecture
The Discriminator
the Discriminator acts to separate the input created by the Generator and
of the real/observed data generation process.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 14 / 49
Generator Architecture
Generator
The Generator is responsible to produce a rich, high dimensional vector
attempting to replicate a given data generation process;
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 15 / 49
Conditional GAN
A Conditional GAN (cGAN) attempts to learn an implicit conditional
generative model by using extra input data V:
a class label,
a certain categorical feature,
a current/expected market condition
It is specially useful when the data follows a sequence, like time series or
text, or wants to build ”what if” scenarios.
Defintion
Formally a cGAN can be defined by including the conditional variable v:
G : z × v −
→ x and D : x∗ × v −
→ [0, 1]
D and G follow a two-player minmax game with value function V (G, D) :
minG maxD V (D, G) = Ex pdata(x)
[logD(x|v)]+Ez pdata(z)
[log(1−D(G(z|v)))]
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 16 / 49
cGAN
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 17 / 49
Motivation For Conditional GAN
In many scenarios it is interesting to have the ability to generate data to
analyse and forecast. In the world of finance due to trade and other
limiting factors data is not often easily available. cGAN’s offer the
possibility of:
Generation of training and testing sets instead of resampling
techniques
Ability to test and fine tune trading strategies
Discover alpha gaining strategies
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 18 / 49
Algorithm
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 19 / 49
Selecting The Right Hyperparameters
Before running cGAN Training one must set the hyperparameters. It
mainly encompasses:
G and D architectures,
Number of lags p,
Noise vector size and prior distribution,
Minibatch size L,
Number of epochs,
Snapshot frequency (snap),
Number of samples C,
Parameters associated to the stochastic gradient optimizer;
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 20 / 49
Model Training: Stochastic Gradient (SG)
Much like regular GANs, training cGANs consists of a similar approach
using a Stochastic Gradient minibatch. The SG is calculated using L
samples from the mini batch and z is the noise vector.
Stochastic Gradient Discriminator
∇θD
1
L
PL
l=1[logD(y
(l)
t |y
(l)
t−1, ..., y
(l)
t−p) + log(1 − D(G(z(l)|y
(l)
t−1, ..., y
(l)
t−p)]
Stochastic Gradient Generator
∇θG
1
L
PL
l=1[logD(G(z(l)|y
(l)
t−1, ..., y
(l)
t−p))]
However selecting the rigth cGAN can be a difficult task that is
computationally expensive and so using snapshots as a way to evaluate
them at different points in time should be considered.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 21 / 49
Model Training: Loss Function
Root Mean Squared Error
To measure the goodness-fit of the model (aking to thee chi-square
distance):
RSMEc =
q
1
T−p−1
PT
p+1(yt − y
(∗)
t )2
Figure: RMSE curves, considering a range of snapshot frequencies and number of
samples
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 22 / 49
Fine-tuning Trading Strategies
Goal Setting: Utility function
To find the proper hyperparemeters a goal needs to be set. This goal
depends on what is the utility function P that the quantitative analyst is
targeting:
outperformance during active trading,
hedging a specific risk,
reaching a certain level of risk-adjusted returns.
Model Validation
Hence, we train a cGAN and use the generator G to draw B samples from
the time series. For every sample, we perform an one-split to create
X(train)
and X(val)
, so that we are able to identify Mλ parameters λ and
assess a set of hyperparameters λ.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 23 / 49
Model Validation: Data Selection
Finite set of examples: X(train), draw from a probability distribution
px (x)
Set of hyperparameters λ ∈ Λ, such as number of neurons, activation
function of layer j, etc.
Utility function P to measure a trading strategy Sλ performance in
face of new samples from px (x)
trading strategy Mλ with parameters θ identifiable by an optimization
of a training criterion, but only spotted after a certain λ is fixed
Optimal Configuration
λ∗ = arg max{λ∈Λ} Ex px [P(x; Mλ(Xtrain
))]
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 24 / 49
Hyperparameter Optimization And Model Validation
Optimal vs. Approximation
Challenges arise when trying to use the previous formula due to the
difficulty in generating new samples from px (x). Additionally Λ can be
extremely large.
Approximation
λ∗ = arg max{λ∈Λ} Ex px [P(x; Mλ(Xtrain
))]
≈ arg max{λ∈{λ1,λ2,...,λm} Ex px [P(x; Mλ(Xtrain
))]
≈ arg max{λ∈{λ1,λ2,...,λn} meanx∈X(val) [P(x; Mλ(Xtrain
))]
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 25 / 49
cGAN for Fine-tuning Trading Strategies
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 26 / 49
Alternatives
Parameter Search can be difficult, other solutions can be used such as:
Evolution Strategies
Bayesian Optimization
Similarly, the creation of proper validation sets can be challenging
depending on whether the samples are independent and identically
distributed or not. Solutions like:
k-fold-cross-validation
bootstrap
block-cross-validation
slidding window
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 27 / 49
Sampling And Aggregation
Ensemble Of Trading Strategies
By combining a set of base learners, usually considered ”Weak”, such as
Classification and Regression Tree, aggregation of these strategies can out
compete ”strong” learners such as SVM. These method can be compared
to bagging.
Variance Reduction
Let Y1, ..., YB be a set of base learners. If we average their predictions and
analyse its variance we get:
V[ 1
B
PB
b=1 Ŷb] = 1
B2 (
PB
b=1 V[Ŷb] + 2
PB
1≤b≤j≤B C[Ŷb, Ŷj ])
if we assume V[Ŷb] = σ2 and C[Ŷb, Ŷj ] = ρσ2 that simplifies to:
V[ 1
B
PB
b=1 Ŷb] = σ2( 1
B + B−1
B ρ) ≤ σ2
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 28 / 49
Algorithm 3
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 29 / 49
Experiments
Statistics Collected
The techniques presented below were tested by a group of researchers.
The collected data over a a wide number of assets. Ran experiments and
tested the Generator and Discriminator performances. Some of the
statistics used were related to cumulative returns per asset pool.
Figure: Cumulative returns aggregated across asset pool. Before being averaged,
each individual asset was volatility scaled to 10
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 30 / 49
Data Set
Data Parameters
The data collected corresponds to 579 assets (currencies, equities and
fixed income). The period used goes from March 2000 to February 2018.
The process used split data in a sequence of returns r1, ..., rT in a single
in-sample/training (IS) and out-sample(OS) set. The trading horizon is
h=1260 days
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 31 / 49
Asset Statistics
Figure: Aggregated statistics of the assets used during empirical evaluation.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 32 / 49
Alpha Metrics
Calamar Ratio
The Calmar ratio is a gauge of the performance of investment funds. It is
a function of the fund’s average compounded annual rate of return versus
its maximum drawdown. The higher the Calmar ratio, the better it
performed on a risk-adjusted basis during the given time frame, which is
mostly commonly set at 36 months.
CR = RM
−MDD(RM )
Sharpe Ratio
The Sharpe ratio compares the return of an investment with its risk. It’s a
mathematical expression of the insight that excess returns over a period of
time may signify more volatility and risk, rather than investing skill.
SR = RM
σM
R
where, RM is the strategy average excess returns, σM
R is it volatility and
MDD(RM) is the strategy maximum drawdown.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 33 / 49
GAN Architecture And Hyperparameters
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 34 / 49
Algorithm to Combine Strategies
Figure: Ensemble Strategy Results
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 35 / 49
Trading Strategies Configuration
Figure: Main configuration used for fine-tuning of trading strategies
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 36 / 49
Case Study: Combination of Trading Strategies
Overview
This case evaluates the success of different combination of trading
strategies. In this sense, Algorithm 4 presents the main loop used for
cGANs and Stationary Bootstrap. First step is to resample the actual
returns RS(r1, ..., rTh) using Stationary Bootstrap or cGAN, creating a new
sequence of returns {r∗
1 , ..., r∗
Th} = X(train)
set. We then proceed as usual:
use X(train)
to train a base learner M(b),λ and add it to the ensemble set
ES All of these steps are repeated B times. Finally, we can propagate the
OS feature set through the ensemble ES, get the aggregated prediction,
and compute its performance within this holdout set.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 37 / 49
Trading Results
Figure: Median and Mean Absolute Deviation (MAD) results of Trading and
Ensemble Strategies on the OS set.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 38 / 49
Case Study: Fine-tuning of Trading Strategies
Model Comparison
This section focuses on evaluating the performance of the three different
architectures of cGANs, the competing methods to cGAN for fine-tuning
trading strategies are: naive (training and validation sets are equal),
one-split and sliding window; block, hv-block and k-fold cross-validation;
stationary bootstrap.
The main hypothesis is: given a trading strategy Mλ, which MV
mechanism is able to uncover the best configuration λ to apply during the
OS period? We search for an answer to this hypothesis using linear and
nonlinear trading strategies (Ridge Regression, Gradient Boosting Trees
and Multilayer Perceptron).
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 39 / 49
Fine-Tuning Result and Comparison
Figure: Quantiles of Sharpe and Calmar ratios in the OS set across the 579 assets
for different trading strategies and model validation schemes.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 40 / 49
Fine-Tuning Results
Results
We can spot that there not much differences between the model validation
schemes, with Naive yielding the worst median (50%) values (0.121), and
hv-Block, Block and cGAN-Medium with the best median (0.138); same
can be said with respect to Calmar ratios.
Overall, apart from a few analyses and cases (e.g., GBT and Naive
method), in aggregate the model validation schemes do not appear to be
significantly distinct from each other.
This can be interpreted that cGAN is a viable procedure to be part of the
fine-tuning pipeline, since its results are statistically indistinguishable to
well established methodologies[1].
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 41 / 49
Rank Analysis
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 42 / 49
Findings
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 43 / 49
cGAN Large Outperforming
Figure: A sample of Sharpe ratio results in the OS set for cases where
cGAN-Large outcompeted the other methods.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 44 / 49
Example of cGAN Strategy Performance
Figure: SPX Index cumulative returns in the OS set for different model validation
schemes using MLP as the trading strategy. cGAN-Large and hv-Block found out
the same hyperparameters, therefore obtaining similar profiles.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 45 / 49
Applications to cGAN
Another interesting application is to use cGANs for medical time series
generation and anonymization. A group of researchers used cGANs to
generate realistic synthetic medical data, so that this data could be shared
and published without privacy concerns, or even used to augment or enrich
similar datasets collected in different or smaller cohorts of patients.
Most of the applications of cGANs related to the work presented have
centred in synthesizing data to improve supervised learning models. The
only exception is, where a cGAN is used to perform direction prediction in
stock markets[2].
Most work deals with the problem of imbalanced classification, in
particular to fraud detection; it has been shown that cGANs compare
favourably to other traditional techniques for oversampling.
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 46 / 49
Challenges
Is the GAN memorising the training data?
Is the GAN ignoring data samples it cannot reproduce or over
producing the ones it can easily reproduce (i.e.: mode collapse) [3]
Potential risk that cGAN is unable to replicate well pdata and
although samples might be more diverse they are also more ”biased”
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 47 / 49
Conclusion
Over these presentation were able to demonstrate the relevance of having
a set of model assessment schemes, using cGAN to identify alpha
opportunities that other techniques are unable to find. Furtheremore, the
research shows that it is possible to generate more diverse training and
testing sets, compared to traditional resampling techniques[1].
The findings encourage the further investigation of cGAN techniques for
other applications not covered here such as stress testing. We also need to
keep in mind the current limitations and to consider further exploration of
the techniques by combining with other methods[4].
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 48 / 49
Reference List
1 Adriano Soares Koshiyama, Nick Firoozye, and Philip C. Treleaven.
Generative Adversarial Networks for Financial Trading Strategies
Fine-Tuning and Combination. CoRR, abs/1901.01751, 2019.
Hans Buehler, Lukas Gonon, Josef Teichmann, and Ben Wood. Deep
Hedging. Quantitative Finance, 19(8):1271–1291, 2019.
3 Martin Arjovsky, Soumith Chintala, and Léon Bottou. Wasserstein
Generative Adversarial Networks. In Doina Precup and Yee Whye Teh
4 Thiago W. Alves, Ionu¸t Florescu, George Calhoun, Drago¸s Bozdog.
SHIFT: A Highly Realistic Financial Market Simulation
Platform.August 31, 2020 SIMULATION PLATFORM
Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 49 / 49

More Related Content

Similar to Deep Learning Applications in Finance.pdf

Scalable constrained spectral clustering
Scalable constrained spectral clusteringScalable constrained spectral clustering
Scalable constrained spectral clusteringNishanth Harapanahalli
 
Partial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather ConditionsPartial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather ConditionsIRJET Journal
 
IRJET - Detection of False Data Injection Attacks using K-Means Clusterin...
IRJET -  	  Detection of False Data Injection Attacks using K-Means Clusterin...IRJET -  	  Detection of False Data Injection Attacks using K-Means Clusterin...
IRJET - Detection of False Data Injection Attacks using K-Means Clusterin...IRJET Journal
 
Investment Portfolio Risk Manager using Machine Learning and Deep-Learning.
Investment Portfolio Risk Manager using Machine Learning and Deep-Learning.Investment Portfolio Risk Manager using Machine Learning and Deep-Learning.
Investment Portfolio Risk Manager using Machine Learning and Deep-Learning.IRJET Journal
 
A tutorial on applying artificial neural networks and geometric brownian moti...
A tutorial on applying artificial neural networks and geometric brownian moti...A tutorial on applying artificial neural networks and geometric brownian moti...
A tutorial on applying artificial neural networks and geometric brownian moti...eSAT Journals
 
Integration of a Predictive, Continuous Time Neural Network into Securities M...
Integration of a Predictive, Continuous Time Neural Network into Securities M...Integration of a Predictive, Continuous Time Neural Network into Securities M...
Integration of a Predictive, Continuous Time Neural Network into Securities M...Chris Kirk, PhD, FIAP
 
Human Activity Recognition Using AccelerometerData
Human Activity Recognition Using AccelerometerDataHuman Activity Recognition Using AccelerometerData
Human Activity Recognition Using AccelerometerDataIRJET Journal
 
MACHINE LEARNING CLASSIFIERS TO ANALYZE CREDIT RISK
MACHINE LEARNING CLASSIFIERS TO ANALYZE CREDIT RISKMACHINE LEARNING CLASSIFIERS TO ANALYZE CREDIT RISK
MACHINE LEARNING CLASSIFIERS TO ANALYZE CREDIT RISKIRJET Journal
 
Credit Card Fraud Detection Using Machine Learning & Data Science
Credit Card Fraud Detection Using Machine Learning & Data ScienceCredit Card Fraud Detection Using Machine Learning & Data Science
Credit Card Fraud Detection Using Machine Learning & Data ScienceIRJET Journal
 
Credit Card Fraud Detection Using Machine Learning & Data Science
Credit Card Fraud Detection Using Machine Learning & Data ScienceCredit Card Fraud Detection Using Machine Learning & Data Science
Credit Card Fraud Detection Using Machine Learning & Data ScienceIRJET Journal
 
Performance Comparison of Dimensionality Reduction Methods using MCDR
Performance Comparison of Dimensionality Reduction Methods using MCDRPerformance Comparison of Dimensionality Reduction Methods using MCDR
Performance Comparison of Dimensionality Reduction Methods using MCDRAM Publications
 
Stock Price Prediction using Machine Learning Algorithms: ARIMA, LSTM & Linea...
Stock Price Prediction using Machine Learning Algorithms: ARIMA, LSTM & Linea...Stock Price Prediction using Machine Learning Algorithms: ARIMA, LSTM & Linea...
Stock Price Prediction using Machine Learning Algorithms: ARIMA, LSTM & Linea...IRJET Journal
 
Qu speaker series 14: Synthetic Data Generation in Finance
Qu speaker series 14: Synthetic Data Generation in FinanceQu speaker series 14: Synthetic Data Generation in Finance
Qu speaker series 14: Synthetic Data Generation in FinanceQuantUniversity
 
Bitcoin Price Prediction and Recommendation System using Deep learning techni...
Bitcoin Price Prediction and Recommendation System using Deep learning techni...Bitcoin Price Prediction and Recommendation System using Deep learning techni...
Bitcoin Price Prediction and Recommendation System using Deep learning techni...IRJET Journal
 
Improving AI surveillance using Edge Computing
Improving AI surveillance using Edge ComputingImproving AI surveillance using Edge Computing
Improving AI surveillance using Edge ComputingIRJET Journal
 
Machine learning in Dynamic Adaptive Streaming over HTTP (DASH)
Machine learning in Dynamic Adaptive Streaming over HTTP (DASH)Machine learning in Dynamic Adaptive Streaming over HTTP (DASH)
Machine learning in Dynamic Adaptive Streaming over HTTP (DASH)Eswar Publications
 
Open06
Open06Open06
Open06butest
 

Similar to Deep Learning Applications in Finance.pdf (20)

Scalable constrained spectral clustering
Scalable constrained spectral clusteringScalable constrained spectral clustering
Scalable constrained spectral clustering
 
Partial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather ConditionsPartial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather Conditions
 
Ch14
Ch14Ch14
Ch14
 
IRJET - Detection of False Data Injection Attacks using K-Means Clusterin...
IRJET -  	  Detection of False Data Injection Attacks using K-Means Clusterin...IRJET -  	  Detection of False Data Injection Attacks using K-Means Clusterin...
IRJET - Detection of False Data Injection Attacks using K-Means Clusterin...
 
Irjet v7 i3475
Irjet v7 i3475Irjet v7 i3475
Irjet v7 i3475
 
Investment Portfolio Risk Manager using Machine Learning and Deep-Learning.
Investment Portfolio Risk Manager using Machine Learning and Deep-Learning.Investment Portfolio Risk Manager using Machine Learning and Deep-Learning.
Investment Portfolio Risk Manager using Machine Learning and Deep-Learning.
 
A tutorial on applying artificial neural networks and geometric brownian moti...
A tutorial on applying artificial neural networks and geometric brownian moti...A tutorial on applying artificial neural networks and geometric brownian moti...
A tutorial on applying artificial neural networks and geometric brownian moti...
 
Integration of a Predictive, Continuous Time Neural Network into Securities M...
Integration of a Predictive, Continuous Time Neural Network into Securities M...Integration of a Predictive, Continuous Time Neural Network into Securities M...
Integration of a Predictive, Continuous Time Neural Network into Securities M...
 
Human Activity Recognition Using AccelerometerData
Human Activity Recognition Using AccelerometerDataHuman Activity Recognition Using AccelerometerData
Human Activity Recognition Using AccelerometerData
 
MACHINE LEARNING CLASSIFIERS TO ANALYZE CREDIT RISK
MACHINE LEARNING CLASSIFIERS TO ANALYZE CREDIT RISKMACHINE LEARNING CLASSIFIERS TO ANALYZE CREDIT RISK
MACHINE LEARNING CLASSIFIERS TO ANALYZE CREDIT RISK
 
Credit Card Fraud Detection Using Machine Learning & Data Science
Credit Card Fraud Detection Using Machine Learning & Data ScienceCredit Card Fraud Detection Using Machine Learning & Data Science
Credit Card Fraud Detection Using Machine Learning & Data Science
 
Credit Card Fraud Detection Using Machine Learning & Data Science
Credit Card Fraud Detection Using Machine Learning & Data ScienceCredit Card Fraud Detection Using Machine Learning & Data Science
Credit Card Fraud Detection Using Machine Learning & Data Science
 
Performance Comparison of Dimensionality Reduction Methods using MCDR
Performance Comparison of Dimensionality Reduction Methods using MCDRPerformance Comparison of Dimensionality Reduction Methods using MCDR
Performance Comparison of Dimensionality Reduction Methods using MCDR
 
Stock Price Prediction using Machine Learning Algorithms: ARIMA, LSTM & Linea...
Stock Price Prediction using Machine Learning Algorithms: ARIMA, LSTM & Linea...Stock Price Prediction using Machine Learning Algorithms: ARIMA, LSTM & Linea...
Stock Price Prediction using Machine Learning Algorithms: ARIMA, LSTM & Linea...
 
Qu speaker series 14: Synthetic Data Generation in Finance
Qu speaker series 14: Synthetic Data Generation in FinanceQu speaker series 14: Synthetic Data Generation in Finance
Qu speaker series 14: Synthetic Data Generation in Finance
 
Bitcoin Price Prediction and Recommendation System using Deep learning techni...
Bitcoin Price Prediction and Recommendation System using Deep learning techni...Bitcoin Price Prediction and Recommendation System using Deep learning techni...
Bitcoin Price Prediction and Recommendation System using Deep learning techni...
 
Improving AI surveillance using Edge Computing
Improving AI surveillance using Edge ComputingImproving AI surveillance using Edge Computing
Improving AI surveillance using Edge Computing
 
Machine learning in Dynamic Adaptive Streaming over HTTP (DASH)
Machine learning in Dynamic Adaptive Streaming over HTTP (DASH)Machine learning in Dynamic Adaptive Streaming over HTTP (DASH)
Machine learning in Dynamic Adaptive Streaming over HTTP (DASH)
 
C0413016018
C0413016018C0413016018
C0413016018
 
Open06
Open06Open06
Open06
 

Recently uploaded

Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)wesley chun
 
Automating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps ScriptAutomating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps Scriptwesley chun
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Miguel Araújo
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Igalia
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfsudhanshuwaghmare1
 
08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking MenDelhi Call girls
 
Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityPrincipled Technologies
 
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time AutomationFrom Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time AutomationSafe Software
 
Real Time Object Detection Using Open CV
Real Time Object Detection Using Open CVReal Time Object Detection Using Open CV
Real Time Object Detection Using Open CVKhem
 
A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024Results
 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxMalak Abu Hammad
 
Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Enterprise Knowledge
 
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...Neo4j
 
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...apidays
 
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEarley Information Science
 
What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?Antenna Manufacturer Coco
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024The Digital Insurer
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking MenDelhi Call girls
 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024The Digital Insurer
 
Artificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsArtificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsJoaquim Jorge
 

Recently uploaded (20)

Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)
 
Automating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps ScriptAutomating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps Script
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdf
 
08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men
 
Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivity
 
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time AutomationFrom Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
 
Real Time Object Detection Using Open CV
Real Time Object Detection Using Open CVReal Time Object Detection Using Open CV
Real Time Object Detection Using Open CV
 
A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024
 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptx
 
Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...
 
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
 
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
 
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
 
What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024
 
Artificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsArtificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and Myths
 

Deep Learning Applications in Finance.pdf

  • 1. Generative Adversarial Networks (GANs) and their applications in Finance A brief introduction Vanessa Bridge1 Prof. Salisbury2 1Department of Mathematics And Statistics York University 15, April 2023 Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 1 / 49
  • 2. Table of Contents 1 Introduction 2 Deep Learning 3 Generative Adversarial Networks 4 Training Model 5 Fine-tuning of trading strategies 6 Sampling And Aggregation 7 Experimental Results Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 2 / 49
  • 3. Introduction There are many advantages of using machine learning tools in the field of Finance, from predictive models, to data generation to find new alpha opportunities. To obtain an edge we will explore the use of Generative Adversarial Networks or GAN to create synthetic data to calibrate trading strategies on weak signals. We will also explore how generated data can be used for ensemble modeling. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 3 / 49
  • 4. Why Use These Techniques? (i) Generate more diverse training and testing sets, compared to traditional resampling techniques; (ii) Provides the ability to draw samples specifically about stressful events, ideal for model checking and stress testing; and (iii) Provides a level of anonymization to the dataset, differently from other techniques that (re)shuffle/resample data.[1] Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 4 / 49
  • 5. Time Series Challenges 1.Missing data interval in between If the intervals of the time series are regular but some values are simply not present. Sometimes data received through data ingestion may not have continuous data events as expected. 2. Units of Measurements Sudden change in Units of measurement will affect the prediction and also the recommendation generated later. During pre-processing steps, it is necessary to validate the units of measurements. 3. Timestamp collected is wrong or having unexpected delay If time series data collected is wrong or if there is a delay in timestamps may lead to prediction failures in production. Monitor the data in the native tool and find out the cause for it if prediction failures happen. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 5 / 49
  • 6. Content Review Before we go into the talk we will cover some concepts: Deep Learning Generative Adversarial Networks Time Series Analysis Stochastic Gradient Descent Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 6 / 49
  • 7. Deep Learning Figure: Deep Learning Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 7 / 49
  • 8. Deep Learning: Perceptron Definition Perceptrons are functions that receives a list of input signals and transforms them into output signals. The perceptron aims to understand data representation by stacking together many layers, where each layer is responsible for understanding some part of the input. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 8 / 49
  • 9. Neural Networks Neural Networks NN consist of multiple layers of interconnected nodes, each building upon the previous layer to refine and optimize the prediction or categorization. They use non-linear activation functions to the network. This progression of computations through the network ends in a final output that is used as the result or prediction. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 9 / 49
  • 10. Deep Learning: Propagation Forward Propagation This progression of computations through the network is called forward propagation. The input and output layers of a deep neural network are called visible layers. The input layer is where the deep learning model ingests the data for processing, and the output layer is where the final prediction or classification is made. Back-Propagation Another process called backpropagation uses algorithms, like gradient descent, to calculate errors in predictions and then adjusts the weights and biases of the function by moving backwards through the layers in an effort to train the model. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 10 / 49
  • 11. Deep Leaning Algorithm Combination Together, forward propagation and backpropagation allow a neural network to make predictions and correct for any errors accordingly. Over time, the algorithm becomes gradually more accurate. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 11 / 49
  • 12. Generative Adversarial Networks Generative Adversarial Networks (GANs) Is a modelling strategy that employ two Neural Networks: a Generator (G) a Discriminator (D) How they work? They are trained jointly, with G benefiting from D incapability to recognise true from generated data, whilst D loss is minimized when it is able to classify correctly inputs coming from G as fake and the dataset as true. Competition drive both Networks to improve their performance until the genuine data is indistinguishable from the generated one. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 12 / 49
  • 13. GAN Figure: GAN Architecture Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 13 / 49
  • 14. Discriminator Architecture The Discriminator the Discriminator acts to separate the input created by the Generator and of the real/observed data generation process. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 14 / 49
  • 15. Generator Architecture Generator The Generator is responsible to produce a rich, high dimensional vector attempting to replicate a given data generation process; Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 15 / 49
  • 16. Conditional GAN A Conditional GAN (cGAN) attempts to learn an implicit conditional generative model by using extra input data V: a class label, a certain categorical feature, a current/expected market condition It is specially useful when the data follows a sequence, like time series or text, or wants to build ”what if” scenarios. Defintion Formally a cGAN can be defined by including the conditional variable v: G : z × v − → x and D : x∗ × v − → [0, 1] D and G follow a two-player minmax game with value function V (G, D) : minG maxD V (D, G) = Ex pdata(x) [logD(x|v)]+Ez pdata(z) [log(1−D(G(z|v)))] Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 16 / 49
  • 17. cGAN Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 17 / 49
  • 18. Motivation For Conditional GAN In many scenarios it is interesting to have the ability to generate data to analyse and forecast. In the world of finance due to trade and other limiting factors data is not often easily available. cGAN’s offer the possibility of: Generation of training and testing sets instead of resampling techniques Ability to test and fine tune trading strategies Discover alpha gaining strategies Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 18 / 49
  • 19. Algorithm Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 19 / 49
  • 20. Selecting The Right Hyperparameters Before running cGAN Training one must set the hyperparameters. It mainly encompasses: G and D architectures, Number of lags p, Noise vector size and prior distribution, Minibatch size L, Number of epochs, Snapshot frequency (snap), Number of samples C, Parameters associated to the stochastic gradient optimizer; Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 20 / 49
  • 21. Model Training: Stochastic Gradient (SG) Much like regular GANs, training cGANs consists of a similar approach using a Stochastic Gradient minibatch. The SG is calculated using L samples from the mini batch and z is the noise vector. Stochastic Gradient Discriminator ∇θD 1 L PL l=1[logD(y (l) t |y (l) t−1, ..., y (l) t−p) + log(1 − D(G(z(l)|y (l) t−1, ..., y (l) t−p)] Stochastic Gradient Generator ∇θG 1 L PL l=1[logD(G(z(l)|y (l) t−1, ..., y (l) t−p))] However selecting the rigth cGAN can be a difficult task that is computationally expensive and so using snapshots as a way to evaluate them at different points in time should be considered. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 21 / 49
  • 22. Model Training: Loss Function Root Mean Squared Error To measure the goodness-fit of the model (aking to thee chi-square distance): RSMEc = q 1 T−p−1 PT p+1(yt − y (∗) t )2 Figure: RMSE curves, considering a range of snapshot frequencies and number of samples Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 22 / 49
  • 23. Fine-tuning Trading Strategies Goal Setting: Utility function To find the proper hyperparemeters a goal needs to be set. This goal depends on what is the utility function P that the quantitative analyst is targeting: outperformance during active trading, hedging a specific risk, reaching a certain level of risk-adjusted returns. Model Validation Hence, we train a cGAN and use the generator G to draw B samples from the time series. For every sample, we perform an one-split to create X(train) and X(val) , so that we are able to identify Mλ parameters λ and assess a set of hyperparameters λ. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 23 / 49
  • 24. Model Validation: Data Selection Finite set of examples: X(train), draw from a probability distribution px (x) Set of hyperparameters λ ∈ Λ, such as number of neurons, activation function of layer j, etc. Utility function P to measure a trading strategy Sλ performance in face of new samples from px (x) trading strategy Mλ with parameters θ identifiable by an optimization of a training criterion, but only spotted after a certain λ is fixed Optimal Configuration λ∗ = arg max{λ∈Λ} Ex px [P(x; Mλ(Xtrain ))] Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 24 / 49
  • 25. Hyperparameter Optimization And Model Validation Optimal vs. Approximation Challenges arise when trying to use the previous formula due to the difficulty in generating new samples from px (x). Additionally Λ can be extremely large. Approximation λ∗ = arg max{λ∈Λ} Ex px [P(x; Mλ(Xtrain ))] ≈ arg max{λ∈{λ1,λ2,...,λm} Ex px [P(x; Mλ(Xtrain ))] ≈ arg max{λ∈{λ1,λ2,...,λn} meanx∈X(val) [P(x; Mλ(Xtrain ))] Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 25 / 49
  • 26. cGAN for Fine-tuning Trading Strategies Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 26 / 49
  • 27. Alternatives Parameter Search can be difficult, other solutions can be used such as: Evolution Strategies Bayesian Optimization Similarly, the creation of proper validation sets can be challenging depending on whether the samples are independent and identically distributed or not. Solutions like: k-fold-cross-validation bootstrap block-cross-validation slidding window Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 27 / 49
  • 28. Sampling And Aggregation Ensemble Of Trading Strategies By combining a set of base learners, usually considered ”Weak”, such as Classification and Regression Tree, aggregation of these strategies can out compete ”strong” learners such as SVM. These method can be compared to bagging. Variance Reduction Let Y1, ..., YB be a set of base learners. If we average their predictions and analyse its variance we get: V[ 1 B PB b=1 Ŷb] = 1 B2 ( PB b=1 V[Ŷb] + 2 PB 1≤b≤j≤B C[Ŷb, Ŷj ]) if we assume V[Ŷb] = σ2 and C[Ŷb, Ŷj ] = ρσ2 that simplifies to: V[ 1 B PB b=1 Ŷb] = σ2( 1 B + B−1 B ρ) ≤ σ2 Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 28 / 49
  • 29. Algorithm 3 Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 29 / 49
  • 30. Experiments Statistics Collected The techniques presented below were tested by a group of researchers. The collected data over a a wide number of assets. Ran experiments and tested the Generator and Discriminator performances. Some of the statistics used were related to cumulative returns per asset pool. Figure: Cumulative returns aggregated across asset pool. Before being averaged, each individual asset was volatility scaled to 10 Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 30 / 49
  • 31. Data Set Data Parameters The data collected corresponds to 579 assets (currencies, equities and fixed income). The period used goes from March 2000 to February 2018. The process used split data in a sequence of returns r1, ..., rT in a single in-sample/training (IS) and out-sample(OS) set. The trading horizon is h=1260 days Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 31 / 49
  • 32. Asset Statistics Figure: Aggregated statistics of the assets used during empirical evaluation. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 32 / 49
  • 33. Alpha Metrics Calamar Ratio The Calmar ratio is a gauge of the performance of investment funds. It is a function of the fund’s average compounded annual rate of return versus its maximum drawdown. The higher the Calmar ratio, the better it performed on a risk-adjusted basis during the given time frame, which is mostly commonly set at 36 months. CR = RM −MDD(RM ) Sharpe Ratio The Sharpe ratio compares the return of an investment with its risk. It’s a mathematical expression of the insight that excess returns over a period of time may signify more volatility and risk, rather than investing skill. SR = RM σM R where, RM is the strategy average excess returns, σM R is it volatility and MDD(RM) is the strategy maximum drawdown. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 33 / 49
  • 34. GAN Architecture And Hyperparameters Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 34 / 49
  • 35. Algorithm to Combine Strategies Figure: Ensemble Strategy Results Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 35 / 49
  • 36. Trading Strategies Configuration Figure: Main configuration used for fine-tuning of trading strategies Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 36 / 49
  • 37. Case Study: Combination of Trading Strategies Overview This case evaluates the success of different combination of trading strategies. In this sense, Algorithm 4 presents the main loop used for cGANs and Stationary Bootstrap. First step is to resample the actual returns RS(r1, ..., rTh) using Stationary Bootstrap or cGAN, creating a new sequence of returns {r∗ 1 , ..., r∗ Th} = X(train) set. We then proceed as usual: use X(train) to train a base learner M(b),λ and add it to the ensemble set ES All of these steps are repeated B times. Finally, we can propagate the OS feature set through the ensemble ES, get the aggregated prediction, and compute its performance within this holdout set. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 37 / 49
  • 38. Trading Results Figure: Median and Mean Absolute Deviation (MAD) results of Trading and Ensemble Strategies on the OS set. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 38 / 49
  • 39. Case Study: Fine-tuning of Trading Strategies Model Comparison This section focuses on evaluating the performance of the three different architectures of cGANs, the competing methods to cGAN for fine-tuning trading strategies are: naive (training and validation sets are equal), one-split and sliding window; block, hv-block and k-fold cross-validation; stationary bootstrap. The main hypothesis is: given a trading strategy Mλ, which MV mechanism is able to uncover the best configuration λ to apply during the OS period? We search for an answer to this hypothesis using linear and nonlinear trading strategies (Ridge Regression, Gradient Boosting Trees and Multilayer Perceptron). Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 39 / 49
  • 40. Fine-Tuning Result and Comparison Figure: Quantiles of Sharpe and Calmar ratios in the OS set across the 579 assets for different trading strategies and model validation schemes. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 40 / 49
  • 41. Fine-Tuning Results Results We can spot that there not much differences between the model validation schemes, with Naive yielding the worst median (50%) values (0.121), and hv-Block, Block and cGAN-Medium with the best median (0.138); same can be said with respect to Calmar ratios. Overall, apart from a few analyses and cases (e.g., GBT and Naive method), in aggregate the model validation schemes do not appear to be significantly distinct from each other. This can be interpreted that cGAN is a viable procedure to be part of the fine-tuning pipeline, since its results are statistically indistinguishable to well established methodologies[1]. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 41 / 49
  • 42. Rank Analysis Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 42 / 49
  • 43. Findings Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 43 / 49
  • 44. cGAN Large Outperforming Figure: A sample of Sharpe ratio results in the OS set for cases where cGAN-Large outcompeted the other methods. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 44 / 49
  • 45. Example of cGAN Strategy Performance Figure: SPX Index cumulative returns in the OS set for different model validation schemes using MLP as the trading strategy. cGAN-Large and hv-Block found out the same hyperparameters, therefore obtaining similar profiles. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 45 / 49
  • 46. Applications to cGAN Another interesting application is to use cGANs for medical time series generation and anonymization. A group of researchers used cGANs to generate realistic synthetic medical data, so that this data could be shared and published without privacy concerns, or even used to augment or enrich similar datasets collected in different or smaller cohorts of patients. Most of the applications of cGANs related to the work presented have centred in synthesizing data to improve supervised learning models. The only exception is, where a cGAN is used to perform direction prediction in stock markets[2]. Most work deals with the problem of imbalanced classification, in particular to fraud detection; it has been shown that cGANs compare favourably to other traditional techniques for oversampling. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 46 / 49
  • 47. Challenges Is the GAN memorising the training data? Is the GAN ignoring data samples it cannot reproduce or over producing the ones it can easily reproduce (i.e.: mode collapse) [3] Potential risk that cGAN is unable to replicate well pdata and although samples might be more diverse they are also more ”biased” Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 47 / 49
  • 48. Conclusion Over these presentation were able to demonstrate the relevance of having a set of model assessment schemes, using cGAN to identify alpha opportunities that other techniques are unable to find. Furtheremore, the research shows that it is possible to generate more diverse training and testing sets, compared to traditional resampling techniques[1]. The findings encourage the further investigation of cGAN techniques for other applications not covered here such as stress testing. We also need to keep in mind the current limitations and to consider further exploration of the techniques by combining with other methods[4]. Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 48 / 49
  • 49. Reference List 1 Adriano Soares Koshiyama, Nick Firoozye, and Philip C. Treleaven. Generative Adversarial Networks for Financial Trading Strategies Fine-Tuning and Combination. CoRR, abs/1901.01751, 2019. Hans Buehler, Lukas Gonon, Josef Teichmann, and Ben Wood. Deep Hedging. Quantitative Finance, 19(8):1271–1291, 2019. 3 Martin Arjovsky, Soumith Chintala, and Léon Bottou. Wasserstein Generative Adversarial Networks. In Doina Precup and Yee Whye Teh 4 Thiago W. Alves, Ionu¸t Florescu, George Calhoun, Drago¸s Bozdog. SHIFT: A Highly Realistic Financial Market Simulation Platform.August 31, 2020 SIMULATION PLATFORM Vanessa, Bridge (York U) Deep Learning Strategies For Financial Applications ICLR 2023 49 / 49