-
Latent Variable Estimation in Bayesian Black-Litterman Models
Authors:
Thomas Y. L. Lin,
Jerry Yao-Chieh Hu,
Paul W. Chiou,
Peter Lin
Abstract:
We revisit the Bayesian Black-Litterman (BL) portfolio model and remove its reliance on subjective investor views. Classical BL requires an investor "view": a forecast vector $q$ and its uncertainty matrix $Ω$ that describe how much a chosen portfolio should outperform the market. Our key idea is to treat $(q,Ω)$ as latent variables and learn them from market data within a single Bayesian network.…
▽ More
We revisit the Bayesian Black-Litterman (BL) portfolio model and remove its reliance on subjective investor views. Classical BL requires an investor "view": a forecast vector $q$ and its uncertainty matrix $Ω$ that describe how much a chosen portfolio should outperform the market. Our key idea is to treat $(q,Ω)$ as latent variables and learn them from market data within a single Bayesian network. Consequently, the resulting posterior estimation admits closed-form expression, enabling fast inference and stable portfolio weights. Building on these, we propose two mechanisms to capture how features interact with returns: shared-latent parametrization and feature-influenced views; both recover classical BL and Markowitz portfolios as special cases. Empirically, on 30-year Dow-Jones and 20-year sector-ETF data, we improve Sharpe ratios by 50% and cut turnover by 55% relative to Markowitz and the index baselines. This work turns BL into a fully data-driven, view-free, and coherent Bayesian framework for portfolio optimization.
△ Less
Submitted 4 May, 2025;
originally announced May 2025.
-
FinVision: A Multi-Agent Framework for Stock Market Prediction
Authors:
Sorouralsadat Fatemi,
Yuheng Hu
Abstract:
Financial trading has been a challenging task, as it requires the integration of vast amounts of data from various modalities. Traditional deep learning and reinforcement learning methods require large training data and often involve encoding various data types into numerical formats for model input, which limits the explainability of model behavior. Recently, LLM-based agents have demonstrated re…
▽ More
Financial trading has been a challenging task, as it requires the integration of vast amounts of data from various modalities. Traditional deep learning and reinforcement learning methods require large training data and often involve encoding various data types into numerical formats for model input, which limits the explainability of model behavior. Recently, LLM-based agents have demonstrated remarkable advancements in handling multi-modal data, enabling them to execute complex, multi-step decision-making tasks while providing insights into their thought processes. This research introduces a multi-modal multi-agent system designed specifically for financial trading tasks. Our framework employs a team of specialized LLM-based agents, each adept at processing and interpreting various forms of financial data, such as textual news reports, candlestick charts, and trading signal charts. A key feature of our approach is the integration of a reflection module, which conducts analyses of historical trading signals and their outcomes. This reflective process is instrumental in enhancing the decision-making capabilities of the system for future trading scenarios. Furthermore, the ablation studies indicate that the visual reflection module plays a crucial role in enhancing the decision-making capabilities of our framework.
△ Less
Submitted 29 October, 2024;
originally announced November 2024.
-
Analyst Reports and Stock Performance: Evidence from the Chinese Market
Authors:
Rui Liu,
Jiayou Liang,
Haolong Chen,
Yujia Hu
Abstract:
This article applies natural language processing (NLP) to extract and quantify textual information to predict stock performance. Using an extensive dataset of Chinese analyst reports and employing a customized BERT deep learning model for Chinese text, this study categorizes the sentiment of the reports as positive, neutral, or negative. The findings underscore the predictive capacity of this sent…
▽ More
This article applies natural language processing (NLP) to extract and quantify textual information to predict stock performance. Using an extensive dataset of Chinese analyst reports and employing a customized BERT deep learning model for Chinese text, this study categorizes the sentiment of the reports as positive, neutral, or negative. The findings underscore the predictive capacity of this sentiment indicator for stock volatility, excess returns, and trading volume. Specifically, analyst reports with strong positive sentiment will increase excess return and intraday volatility, and vice versa, reports with strong negative sentiment also increase volatility and trading volume, but decrease future excess return. The magnitude of this effect is greater for positive sentiment reports than for negative sentiment reports. This article contributes to the empirical literature on sentiment analysis and the response of the stock market to news in the Chinese stock market.
△ Less
Submitted 17 March, 2025; v1 submitted 13 November, 2024;
originally announced November 2024.
-
An Empirical Implementation of the Shadow Riskless Rate
Authors:
Davide Lauria,
JiHo Park,
Yuan Hu,
W. Brent Lindquist,
Svetlozar T. Rachev,
Frank J. Fabozzi
Abstract:
We address the problem of asset pricing in a market where there is no risky asset. Previous work developed a theoretical model for a shadow riskless rate (SRR) for such a market in terms of the drift component of the state-price deflator for that asset universe. Assuming asset prices are modeled by correlated geometric Brownian motion, in this work we develop a computational approach to estimate t…
▽ More
We address the problem of asset pricing in a market where there is no risky asset. Previous work developed a theoretical model for a shadow riskless rate (SRR) for such a market in terms of the drift component of the state-price deflator for that asset universe. Assuming asset prices are modeled by correlated geometric Brownian motion, in this work we develop a computational approach to estimate the SRR from empirical datasets. The approach employs: principal component analysis to model the effects of the individual Brownian motions; singular value decomposition to capture the abrupt changes in condition number of the linear system whose solution provides the SRR values; and a regularization to control the rate of change of the condition number. Among other uses (e.g., for option pricing, developing a term structure of interest rate), the SRR can be employed as an investment discriminator between asset classes. We apply the computational procedure to markets consisting of groups of stocks, varying asset type and number. The theoretical and computational analysis provides not only the drift, but also the total volatility of the state-price deflator. We investigate the time trajectory of these two descriptive components of the state-price deflator for the empirical datasets.
△ Less
Submitted 11 November, 2024;
originally announced November 2024.
-
MCI-GRU: Stock Prediction Model Based on Multi-Head Cross-Attention and Improved GRU
Authors:
Peng Zhu,
Yuante Li,
Yifan Hu,
Sheng Xiang,
Qinyuan Liu,
Dawei Cheng,
Yuqi Liang
Abstract:
As financial markets grow increasingly complex in the big data era, accurate stock prediction has become more critical. Traditional time series models, such as GRUs, have been widely used but often struggle to capture the intricate nonlinear dynamics of markets, particularly in the flexible selection and effective utilization of key historical information. Recently, methods like Graph Neural Netwo…
▽ More
As financial markets grow increasingly complex in the big data era, accurate stock prediction has become more critical. Traditional time series models, such as GRUs, have been widely used but often struggle to capture the intricate nonlinear dynamics of markets, particularly in the flexible selection and effective utilization of key historical information. Recently, methods like Graph Neural Networks and Reinforcement Learning have shown promise in stock prediction but require high data quality and quantity, and they tend to exhibit instability when dealing with data sparsity and noise. Moreover, the training and inference processes for these models are typically complex and computationally expensive, limiting their broad deployment in practical applications. Existing approaches also generally struggle to capture unobservable latent market states effectively, such as market sentiment and expectations, microstructural factors, and participant behavior patterns, leading to an inadequate understanding of market dynamics and subsequently impact prediction accuracy. To address these challenges, this paper proposes a stock prediction model, MCI-GRU, based on a multi-head cross-attention mechanism and an improved GRU. First, we enhance the GRU model by replacing the reset gate with an attention mechanism, thereby increasing the model's flexibility in selecting and utilizing historical information. Second, we design a multi-head cross-attention mechanism for learning unobservable latent market state representations, which are further enriched through interactions with both temporal features and cross-sectional features. Finally, extensive experiments on four main stock markets show that the proposed method outperforms SOTA techniques across multiple metrics. Additionally, its successful application in real-world fund management operations confirms its effectiveness and practicality.
△ Less
Submitted 28 March, 2025; v1 submitted 25 September, 2024;
originally announced October 2024.
-
UCFE: A User-Centric Financial Expertise Benchmark for Large Language Models
Authors:
Yuzhe Yang,
Yifei Zhang,
Yan Hu,
Yilin Guo,
Ruoli Gan,
Yueru He,
Mingcong Lei,
Xiao Zhang,
Haining Wang,
Qianqian Xie,
Jimin Huang,
Honghai Yu,
Benyou Wang
Abstract:
This paper introduces the UCFE: User-Centric Financial Expertise benchmark, an innovative framework designed to evaluate the ability of large language models (LLMs) to handle complex real-world financial tasks. UCFE benchmark adopts a hybrid approach that combines human expert evaluations with dynamic, task-specific interactions to simulate the complexities of evolving financial scenarios. Firstly…
▽ More
This paper introduces the UCFE: User-Centric Financial Expertise benchmark, an innovative framework designed to evaluate the ability of large language models (LLMs) to handle complex real-world financial tasks. UCFE benchmark adopts a hybrid approach that combines human expert evaluations with dynamic, task-specific interactions to simulate the complexities of evolving financial scenarios. Firstly, we conducted a user study involving 804 participants, collecting their feedback on financial tasks. Secondly, based on this feedback, we created our dataset that encompasses a wide range of user intents and interactions. This dataset serves as the foundation for benchmarking 11 LLMs services using the LLM-as-Judge methodology. Our results show a significant alignment between benchmark scores and human preferences, with a Pearson correlation coefficient of 0.78, confirming the effectiveness of the UCFE dataset and our evaluation approach. UCFE benchmark not only reveals the potential of LLMs in the financial domain but also provides a robust framework for assessing their performance and user satisfaction.
△ Less
Submitted 7 February, 2025; v1 submitted 17 October, 2024;
originally announced October 2024.
-
LSR-IGRU: Stock Trend Prediction Based on Long Short-Term Relationships and Improved GRU
Authors:
Peng Zhu,
Yuante Li,
Yifan Hu,
Qinyuan Liu,
Dawei Cheng,
Yuqi Liang
Abstract:
Stock price prediction is a challenging problem in the field of finance and receives widespread attention. In recent years, with the rapid development of technologies such as deep learning and graph neural networks, more research methods have begun to focus on exploring the interrelationships between stocks. However, existing methods mostly focus on the short-term dynamic relationships of stocks a…
▽ More
Stock price prediction is a challenging problem in the field of finance and receives widespread attention. In recent years, with the rapid development of technologies such as deep learning and graph neural networks, more research methods have begun to focus on exploring the interrelationships between stocks. However, existing methods mostly focus on the short-term dynamic relationships of stocks and directly integrating relationship information with temporal information. They often overlook the complex nonlinear dynamic characteristics and potential higher-order interaction relationships among stocks in the stock market. Therefore, we propose a stock price trend prediction model named LSR-IGRU in this paper, which is based on long short-term stock relationships and an improved GRU input. Firstly, we construct a long short-term relationship matrix between stocks, where secondary industry information is employed for the first time to capture long-term relationships of stocks, and overnight price information is utilized to establish short-term relationships. Next, we improve the inputs of the GRU model at each step, enabling the model to more effectively integrate temporal information and long short-term relationship information, thereby significantly improving the accuracy of predicting stock trend changes. Finally, through extensive experiments on multiple datasets from stock markets in China and the United States, we validate the superiority of the proposed LSR-IGRU model over the current state-of-the-art baseline models. We also apply the proposed model to the algorithmic trading system of a financial company, achieving significantly higher cumulative portfolio returns compared to other baseline methods. Our sources are released at https://github.com/ZP1481616577/Baselines_LSR-IGRU.
△ Less
Submitted 11 May, 2025; v1 submitted 25 August, 2024;
originally announced September 2024.
-
Physics Informed Neural Network for Option Pricing
Authors:
Ashish Dhiman,
Yibei Hu
Abstract:
We apply a physics-informed deep-learning approach the PINN approach to the Black-Scholes equation for pricing American and European options. We test our approach on both simulated as well as real market data, compare it to analytical/numerical benchmarks. Our model is able to accurately capture the price behaviour on simulation data, while also exhibiting reasonable performance for market data. W…
▽ More
We apply a physics-informed deep-learning approach the PINN approach to the Black-Scholes equation for pricing American and European options. We test our approach on both simulated as well as real market data, compare it to analytical/numerical benchmarks. Our model is able to accurately capture the price behaviour on simulation data, while also exhibiting reasonable performance for market data. We also experiment with the architecture and learning process of our PINN model to provide more understanding of convergence and stability issues that impact performance.
△ Less
Submitted 10 December, 2023;
originally announced December 2023.
-
DeRisk: An Effective Deep Learning Framework for Credit Risk Prediction over Real-World Financial Data
Authors:
Yancheng Liang,
Jiajie Zhang,
Hui Li,
Xiaochen Liu,
Yi Hu,
Yong Wu,
Jinyao Zhang,
Yongyan Liu,
Yi Wu
Abstract:
Despite the tremendous advances achieved over the past years by deep learning techniques, the latest risk prediction models for industrial applications still rely on highly handtuned stage-wised statistical learning tools, such as gradient boosting and random forest methods. Different from images or languages, real-world financial data are high-dimensional, sparse, noisy and extremely imbalanced,…
▽ More
Despite the tremendous advances achieved over the past years by deep learning techniques, the latest risk prediction models for industrial applications still rely on highly handtuned stage-wised statistical learning tools, such as gradient boosting and random forest methods. Different from images or languages, real-world financial data are high-dimensional, sparse, noisy and extremely imbalanced, which makes deep neural network models particularly challenging to train and fragile in practice. In this work, we propose DeRisk, an effective deep learning risk prediction framework for credit risk prediction on real-world financial data. DeRisk is the first deep risk prediction model that outperforms statistical learning approaches deployed in our company's production system. We also perform extensive ablation studies on our method to present the most critical factors for the empirical success of DeRisk.
△ Less
Submitted 7 August, 2023;
originally announced August 2023.
-
The Implied Views of Bond Traders on the Spot Equity Market
Authors:
Yifan He,
Yuan Hu,
Svetlozar Rachev
Abstract:
This study delves into the temporal dynamics within the equity market through the lens of bond traders. Recognizing that the riskless interest rate fluctuates over time, we leverage the Black-Derman-Toy model to trace its temporal evolution. To gain insights from a bond trader's perspective, we focus on a specific type of bond: the zero-coupon bond. This paper introduces a pricing algorithm for th…
▽ More
This study delves into the temporal dynamics within the equity market through the lens of bond traders. Recognizing that the riskless interest rate fluctuates over time, we leverage the Black-Derman-Toy model to trace its temporal evolution. To gain insights from a bond trader's perspective, we focus on a specific type of bond: the zero-coupon bond. This paper introduces a pricing algorithm for this bond and presents a formula that can be used to ascertain its real value. By crafting an equation that juxtaposes the theoretical value of a zero-coupon bond with its actual value, we can deduce the risk-neutral probability. It is noteworthy that the risk-neutral probability correlates with variables like the instantaneous mean return, instantaneous volatility, and inherent upturn probability in the equity market. Examining these relationships enables us to discern the temporal shifts in these parameters. Our findings suggest that the mean starts at a negative value, eventually plateauing at a consistent level. The volatility, on the other hand, initially has a minimal positive value, peaks swiftly, and then stabilizes. Lastly, the upturn probability is initially significantly high, plunges rapidly, and ultimately reaches equilibrium.
△ Less
Submitted 17 October, 2023; v1 submitted 28 June, 2023;
originally announced June 2023.
-
Unifying Market Microstructure and Dynamic Asset Pricing
Authors:
Davide Lauria,
W. Brent Lindquist,
Svetlozar T. Rachev,
Yuan Hu
Abstract:
We introduce a discrete binary tree for pricing contingent claims with the underlying security prices exhibiting history dependence characteristic of that induced by market microstructure phenomena. Example dependencies considered include moving average or autoregressive behavior. Our model is market-complete, arbitrage-free, and preserves all of the parameters governing the historical (natural wo…
▽ More
We introduce a discrete binary tree for pricing contingent claims with the underlying security prices exhibiting history dependence characteristic of that induced by market microstructure phenomena. Example dependencies considered include moving average or autoregressive behavior. Our model is market-complete, arbitrage-free, and preserves all of the parameters governing the historical (natural world) price dynamics when passing to an equivalent martingale (risk-neutral) measure. Specifically, this includes the instantaneous mean and variance of the asset return and the instantaneous probabilities for the direction of asset price movement. We believe this is the first paper to demonstrate the ability to include market microstructure effects in dynamic asset/option pricing in a market-complete, no-arbitrage, format.
△ Less
Submitted 28 February, 2024; v1 submitted 5 April, 2023;
originally announced April 2023.
-
Option pricing using a skew random walk pricing tree
Authors:
Yuan Hu,
W. Brent Lindquist,
Svetlozar T. Rachev,
Frank J. Fabozzi
Abstract:
Motivated by the Corns-Satchell, continuous time, option pricing model, we develop a binary tree pricing model with underlying asset price dynamics following Itô-Mckean skew Brownian motion. While the Corns-Satchell market model is incomplete, our discrete time market model is defined in the natural world; extended to the risk neutral world under the no-arbitrage condition where derivatives are pr…
▽ More
Motivated by the Corns-Satchell, continuous time, option pricing model, we develop a binary tree pricing model with underlying asset price dynamics following Itô-Mckean skew Brownian motion. While the Corns-Satchell market model is incomplete, our discrete time market model is defined in the natural world; extended to the risk neutral world under the no-arbitrage condition where derivatives are priced under uniquely determined risk-neutral probabilities; and is complete. The skewness introduced in the natural world is preserved in the risk neutral world. Furthermore, we show that the model preserves skewness under the continuous-time limit. We provide numerical applications of our model to the valuation of European put and call options on exchange-traded funds tracking the S&P Global 1200 index.
△ Less
Submitted 29 March, 2023;
originally announced March 2023.
-
Optimizing Trading Strategies in Quantitative Markets using Multi-Agent Reinforcement Learning
Authors:
Hengxi Zhang,
Zhendong Shi,
Yuanquan Hu,
Wenbo Ding,
Ercan E. Kuruoglu,
Xiao-Ping Zhang
Abstract:
Quantitative markets are characterized by swift dynamics and abundant uncertainties, making the pursuit of profit-driven stock trading actions inherently challenging. Within this context, reinforcement learning (RL), which operates on a reward-centric mechanism for optimal control, has surfaced as a potentially effective solution to the intricate financial decision-making conundrums presented. Thi…
▽ More
Quantitative markets are characterized by swift dynamics and abundant uncertainties, making the pursuit of profit-driven stock trading actions inherently challenging. Within this context, reinforcement learning (RL), which operates on a reward-centric mechanism for optimal control, has surfaced as a potentially effective solution to the intricate financial decision-making conundrums presented. This paper delves into the fusion of two established financial trading strategies, namely the constant proportion portfolio insurance (CPPI) and the time-invariant portfolio protection (TIPP), with the multi-agent deep deterministic policy gradient (MADDPG) framework. As a result, we introduce two novel multi-agent RL (MARL) methods, CPPI-MADDPG and TIPP-MADDPG, tailored for probing strategic trading within quantitative markets. To validate these innovations, we implemented them on a diverse selection of 100 real-market shares. Our empirical findings reveal that the CPPI-MADDPG and TIPP-MADDPG strategies consistently outpace their traditional counterparts, affirming their efficacy in the realm of quantitative trading.
△ Less
Submitted 21 December, 2023; v1 submitted 15 March, 2023;
originally announced March 2023.
-
Constrained monotone mean-variance problem with random coefficients
Authors:
Ying Hu,
Xiaomin Shi,
Zuo Quan Xu
Abstract:
This paper studies the monotone mean-variance (MMV) problem and the classical mean-variance (MV) problem with convex cone trading constraints in a market with random coefficients. We provide semiclosed optimal strategies and optimal values for both problems via certain backward stochastic differential equations (BSDEs). After noting the links between these BSDEs, we find that the two problems shar…
▽ More
This paper studies the monotone mean-variance (MMV) problem and the classical mean-variance (MV) problem with convex cone trading constraints in a market with random coefficients. We provide semiclosed optimal strategies and optimal values for both problems via certain backward stochastic differential equations (BSDEs). After noting the links between these BSDEs, we find that the two problems share the same optimal portfolio and optimal value. This generalizes the result of Shen and Zou $[$ SIAM J. Financial Math., 13 (2022), pp. SC99-SC112$]$ from deterministic coefficients to random ones.
△ Less
Submitted 23 August, 2023; v1 submitted 29 December, 2022;
originally announced December 2022.
-
On evaluation of joint risk for non-negative multivariate risks under dependence uncertainty
Authors:
Shuo Gong,
Yijun Hu,
Linxiao Wei
Abstract:
In this paper, we propose a novel axiomatic approach to evaluating the joint risk of multiple insurance risks under dependence uncertainty. Motivated by both the theory of expected utility and the Cobb-Dauglas utility function, we establish a joint risk measure for non-negative multivariate risks, which we refer to as a scalar distortion joint risk measure. After having studied its fundamental pro…
▽ More
In this paper, we propose a novel axiomatic approach to evaluating the joint risk of multiple insurance risks under dependence uncertainty. Motivated by both the theory of expected utility and the Cobb-Dauglas utility function, we establish a joint risk measure for non-negative multivariate risks, which we refer to as a scalar distortion joint risk measure. After having studied its fundamental properties, we provide an axiomatic characterization of it by proposing a set of new axioms. The most novel axiom is the component-wise positive homogeneity. Then, based on the resulting distortion joint risk measures, we also propose a new class of vector-valued distortion joint risk measures for non-negative multivariate risks. Finally, we make comparisons with some vector-valued multivariate risk measures known in the literature, such as multivariate lower-orthant value at risk, multivariate upper-orthant conditional-tail-expectation, multivariate tail conditional expectation and multivariate tail distortion risk measures. It turns out that those vector-valued multivariate risk measures have forms of vector-valued distortion joint risk measures, respectively. This paper mainly gives some theoretical results about the evaluation of joint risk under dependence uncertainty, and it is expected to be helpful for measuring joint risk.
△ Less
Submitted 10 April, 2025; v1 submitted 9 December, 2022;
originally announced December 2022.
-
Optimal consumption-investment with coupled constraints on consumption and investment strategies in a regime switching market with random coefficients
Authors:
Ying Hu,
Xiaomin Shi,
Zuo Quan Xu
Abstract:
This paper studies finite-time optimal consumption-investment problems with power, logarithmic and exponential utilities, in a regime switching market with random coefficients, subject to coupled constraints on the consumption and investment strategies. We provide explicit optimal consumption-investment strategies and optimal values for the problems in terms of the solutions to some diagonally qua…
▽ More
This paper studies finite-time optimal consumption-investment problems with power, logarithmic and exponential utilities, in a regime switching market with random coefficients, subject to coupled constraints on the consumption and investment strategies. We provide explicit optimal consumption-investment strategies and optimal values for the problems in terms of the solutions to some diagonally quadratic backward stochastic differential equation (BSDE) systems and linear BSDE systems with unbound coefficients. Some of these BSDEs are new in the literature and solving them is one of the main theoretical contributions of this paper. We accomplish the latter by applying the truncation, approximation technique to get some a priori uniformly lower and upper bounds for their solutions.
△ Less
Submitted 9 November, 2022;
originally announced November 2022.
-
ESG-valued discrete option pricing in complete markets
Authors:
Yuan Hu,
W. Brent Lindquist,
Svetlozar T. Rachev
Abstract:
We consider option pricing using replicating binomial trees, with a two fold purpose. The first is to introduce ESG valuation into option pricing. We explore this in a number of scenarios, including enhancement of yield due to trader information and the impact of the past history of a market driver. The second is to emphasize the use of discrete dynamic pricing, rather than continuum models, as th…
▽ More
We consider option pricing using replicating binomial trees, with a two fold purpose. The first is to introduce ESG valuation into option pricing. We explore this in a number of scenarios, including enhancement of yield due to trader information and the impact of the past history of a market driver. The second is to emphasize the use of discrete dynamic pricing, rather than continuum models, as the natural model that governs actual market practice. We further emphasize that discrete option pricing models must use discrete compounding (such as risk-free rate compounding of $1+r_f Δt$) rather than continuous compounding (such as $e^{r_f Δt})$.
△ Less
Submitted 13 September, 2022;
originally announced September 2022.
-
Attention-based CNN-LSTM and XGBoost hybrid model for stock prediction
Authors:
Zhuangwei Shi,
Yang Hu,
Guangliang Mo,
Jian Wu
Abstract:
Stock market plays an important role in the economic development. Due to the complex volatility of the stock market, the research and prediction on the change of the stock price, can avoid the risk for the investors. The traditional time series model ARIMA can not describe the nonlinearity, and can not achieve satisfactory results in the stock prediction. As neural networks are with strong nonline…
▽ More
Stock market plays an important role in the economic development. Due to the complex volatility of the stock market, the research and prediction on the change of the stock price, can avoid the risk for the investors. The traditional time series model ARIMA can not describe the nonlinearity, and can not achieve satisfactory results in the stock prediction. As neural networks are with strong nonlinear generalization ability, this paper proposes an attention-based CNN-LSTM and XGBoost hybrid model to predict the stock price. The model constructed in this paper integrates the time series model, the Convolutional Neural Networks with Attention mechanism, the Long Short-Term Memory network, and XGBoost regressor in a non-linear relationship, and improves the prediction accuracy. The model can fully mine the historical information of the stock market in multiple periods. The stock data is first preprocessed through ARIMA. Then, the deep learning architecture formed in pretraining-finetuning framework is adopted. The pre-training model is the Attention-based CNN-LSTM model based on sequence-to-sequence framework. The model first uses convolution to extract the deep features of the original stock data, and then uses the Long Short-Term Memory networks to mine the long-term time series features. Finally, the XGBoost model is adopted for fine-tuning. The results show that the hybrid model is more effective and the prediction accuracy is relatively high, which can help investors or institutions to make decisions and achieve the purpose of expanding return and avoiding risk. Source code is available at https://github.com/zshicode/Attention-CLX-stock-prediction.
△ Less
Submitted 22 February, 2023; v1 submitted 6 April, 2022;
originally announced April 2022.
-
Non-homogeneous stochastic LQ control with regime switching and random coefficients
Authors:
Ying Hu,
Xiaomin Shi,
Zuo Quan Xu
Abstract:
This paper is concerned with a general non-homogeneous stochastic linear quadratic (LQ) control problem with regime switching and random coefficients. We obtain the explicit optimal state feedback control and optimal value for this problem in terms of two systems of backward stochastic differential equations (BSDEs): one is the famous stochastic Riccati equation and the other one is a new linear m…
▽ More
This paper is concerned with a general non-homogeneous stochastic linear quadratic (LQ) control problem with regime switching and random coefficients. We obtain the explicit optimal state feedback control and optimal value for this problem in terms of two systems of backward stochastic differential equations (BSDEs): one is the famous stochastic Riccati equation and the other one is a new linear multi-dimensional BSDE with all coefficients being unbounded. The existence and uniqueness of the solutions to these two systems of BSDEs are proved by means of BMO martingales and contraction mapping method. At last, the theory is applied to study an asset-liability management problem under the mean-variance criteria.
△ Less
Submitted 14 July, 2023; v1 submitted 4 January, 2022;
originally announced January 2022.
-
Potential utilization of Battery Energy Storage Systems (BESS) in the major European electricity markets
Authors:
Yu Hu,
Miguel Armada,
Maria Jesus Sanchez
Abstract:
Given the declining cost of battery technology in the last decade, nowadays BESS becomes a more attractive solution in electrical power systems. The objective of this work is to analyze the potential utilization of BESS in the major European electricity markets. A general payoff model for BESS operation is proposed to correctly address the operational flexibility of battery systems. Utilization fa…
▽ More
Given the declining cost of battery technology in the last decade, nowadays BESS becomes a more attractive solution in electrical power systems. The objective of this work is to analyze the potential utilization of BESS in the major European electricity markets. A general payoff model for BESS operation is proposed to correctly address the operational flexibility of battery systems. Utilization factors such as potentially profitable utilization time and rate are calculated for common applications including energy arbitrage and frequency support services using real market information. The result shows that under the current empirical estimation of the battery cost and lifetime, BESS is not feasible for energy arbitrage in most of the European electricity markets. However, BESS shows clearly and significantly higher potential in providing frequency support services. The result suggests that, when the frequency containment reserve is remunerable, the potentially profitable utilization of BESS has become already accretive in most of the European countries. For example from January to September 2021, the potentially profitable utilization rate has reached almost 100% for the FCR-N service in the Danish market. Comparing the regional electricity markets in Europe, BESS has shown significant potential in becoming a feasible solution in Central Western Europe and parts of Northern Europe by providing frequency regulation services. Meanwhile, in the British Isles and some other islanded local markets, a remarkable level of scarcity of flexibility has been revealed by the investigation, and the potential of BESS would also be considerably encouraging.
△ Less
Submitted 22 June, 2022; v1 submitted 17 December, 2021;
originally announced December 2021.
-
Market Complete Option Valuation using a Jarrow-Rudd Pricing Tree with Skewness and Kurtosis
Authors:
Yuan Hu,
Abootaleb Shirvani,
W. Brent Lindquist,
Frank J. Fabozzi,
Svetlozar T. Rachev
Abstract:
Applying the Cherny-Shiryaev-Yor invariance principle, we introduce a generalized Jarrow-Rudd (GJR) option pricing model with uncertainty driven by a skew random walk. The GJR pricing tree exhibits skewness and kurtosis in both the natural and risk-neutral world. We construct implied surfaces for the parameters determining the GJR tree. Motivated by Merton's pricing tree incorporating transaction…
▽ More
Applying the Cherny-Shiryaev-Yor invariance principle, we introduce a generalized Jarrow-Rudd (GJR) option pricing model with uncertainty driven by a skew random walk. The GJR pricing tree exhibits skewness and kurtosis in both the natural and risk-neutral world. We construct implied surfaces for the parameters determining the GJR tree. Motivated by Merton's pricing tree incorporating transaction costs, we extend the GJR pricing model to include a hedging cost. We demonstrate ways to fit the GJR pricing model to a market driver that influences the price dynamics of the underlying asset. We supplement our findings with numerical examples.
△ Less
Submitted 16 June, 2021;
originally announced June 2021.
-
Portfolio Optimization Constrained by Performance Attribution
Authors:
Yuan Hu,
W. Brent Lindquist
Abstract:
This paper investigates performance attribution measures as a basis for constraining portfolio optimization. We employ optimizations that minimize expected tail loss and investigate both asset allocation (AA) and the selection effect (SE) as hard constraints on asset weights. The test portfolio consists of stocks from the Dow Jones Industrial Average index; the benchmark is an equi-weighted portfo…
▽ More
This paper investigates performance attribution measures as a basis for constraining portfolio optimization. We employ optimizations that minimize expected tail loss and investigate both asset allocation (AA) and the selection effect (SE) as hard constraints on asset weights. The test portfolio consists of stocks from the Dow Jones Industrial Average index; the benchmark is an equi-weighted portfolio of the same stocks. Performance of the optimized portfolios is judged using comparisons of cumulative price and the risk-measures maximum drawdown, Sharpe ratio, and Rachev ratio. The results suggest a positive role in price and risk-measure performance for the imposition of constraints on AA and SE, with SE constraints producing the larger performance enhancement.
△ Less
Submitted 7 March, 2021;
originally announced March 2021.
-
Option Pricing Incorporating Factor Dynamics in Complete Markets
Authors:
Yuan Hu,
Abootaleb Shirvani,
W. Brent Lindquist,
Frank J. Fabozzi,
Svetlozar T. Rachev
Abstract:
Using the Donsker-Prokhorov invariance principle we extend the Kim-Stoyanov-Rachev-Fabozzi option pricing model to allow for variably-spaced trading instances, an important consideration for short-sellers of options. Applying the Cherny-Shiryaev-Yor invariance principles, we formulate a new binomial path-dependent pricing model for discrete- and continuous-time complete markets where the stock pri…
▽ More
Using the Donsker-Prokhorov invariance principle we extend the Kim-Stoyanov-Rachev-Fabozzi option pricing model to allow for variably-spaced trading instances, an important consideration for short-sellers of options. Applying the Cherny-Shiryaev-Yor invariance principles, we formulate a new binomial path-dependent pricing model for discrete- and continuous-time complete markets where the stock price dynamics depends on the log-return dynamics of a market influencing factor. In the discrete case, we extend the results of this new approach to a financial market with informed traders employing a statistical arbitrage strategy involving trading of forward contracts. Our findings are illustrated with numerical examples employing US financial market data. Our work provides further support for the conclusion that any option pricing model must preserve valuable information on the instantaneous mean log-return, the probability of the stock's upturn movement (per trading interval), and other market microstructure features.
△ Less
Submitted 16 November, 2020;
originally announced November 2020.
-
Jump Models with delay -- option pricing and logarithmic Euler-Maruyama scheme
Authors:
Nishant Agrawal,
Yaozhong Hu
Abstract:
In this paper, we obtain the existence, uniqueness and positivity of the solution to delayed stochastic differential equations with jumps. This equation is then applied to model the price movement of the risky asset in a financial market and the Black-Scholes formula for the price of European options is obtained together with the hedging portfolios. The option price is evaluated analytically at th…
▽ More
In this paper, we obtain the existence, uniqueness and positivity of the solution to delayed stochastic differential equations with jumps. This equation is then applied to model the price movement of the risky asset in a financial market and the Black-Scholes formula for the price of European options is obtained together with the hedging portfolios. The option price is evaluated analytically at the last delayed period by using the Fourier transformation technique. But in general, there is no analytical expression for the option price. To evaluate the price numerically we then use the Monte-Carlo method. To this end, we need to simulate the delayed stochastic differential equations with jumps. We propose a logarithmic Euler-Maruyama scheme to approximate the equation and prove that all the approximations remain positive and the rate of convergence of the scheme is proved to be $0.5$.
△ Less
Submitted 27 October, 2020; v1 submitted 8 October, 2020;
originally announced October 2020.
-
Barriers to grid-connected battery systems: Evidence from the Spanish electricity market
Authors:
Yu Hu,
David Soler Soneira,
María Jesús Sánchez
Abstract:
Electrical energy storage is considered essential for the future energy systems. Among all the energy storage technologies, battery systems may provide flexibility to the power grid in a more distributed and decentralized way. In countries with deregulated electricity markets, grid-connected battery systems should be operated under the specific market design of the country. In this work, using the…
▽ More
Electrical energy storage is considered essential for the future energy systems. Among all the energy storage technologies, battery systems may provide flexibility to the power grid in a more distributed and decentralized way. In countries with deregulated electricity markets, grid-connected battery systems should be operated under the specific market design of the country. In this work, using the Spanish electricity market as an example, the barriers to grid-connected battery systems are investigated using utilization analysis. The concept of "potentially profitable utilization time" is proposed and introduced to identify and evaluate future potential grid applications for battery systems. The numerical and empirical analysis suggests that the high cycle cost for battery systems is still the main barrier for grid-connected battery systems. In Spain, for energy arbitrage within the day-ahead market, it is required that the battery wear cost decreases to 15 Euro/MWh to make the potentially profitable utilization rate higher than 20%. Nevertheless, the potentially profitable utilization of batteries is much higher in the applications when higher flexibility is demanded. The minimum required battery wear cost corresponding to 20% potentially profitable utilization time increases to 35 Euro/MWh for energy arbitrage within the day-ahead market and ancillary services, and 50 Euro/MWh for upward secondary reserve. The results of this study contribute to the awareness of battery storage technology and its flexibility in grid applications. The findings also have significant implications for policy makers and market operators interested in promoting grid-connected battery storage under a deregulated power market.
△ Less
Submitted 26 November, 2020; v1 submitted 28 June, 2020;
originally announced July 2020.
-
Option Pricing in Markets with Informed Traders
Authors:
Yuan Hu,
Abootaleb Shirvani,
Stoyan Stoyanov,
Young Shin Kim,
Frank J. Fabozzi,
Svetlozar T. Rachev
Abstract:
The objective of this paper is to introduce the theory of option pricing for markets with informed traders within the framework of dynamic asset pricing theory. We introduce new models for option pricing for informed traders in complete markets where we consider traders with information on the stock price direction and stock return mean. The Black-Scholes-Merton option pricing theory is extended f…
▽ More
The objective of this paper is to introduce the theory of option pricing for markets with informed traders within the framework of dynamic asset pricing theory. We introduce new models for option pricing for informed traders in complete markets where we consider traders with information on the stock price direction and stock return mean. The Black-Scholes-Merton option pricing theory is extended for markets with informed traders, where price processes are following continuous-diffusions. By doing so, the discontinuity puzzle in option pricing is resolved. Using market option data, we estimate the implied surface of the probability for a stock upturn, the implied mean stock return surface, and implied trader information intensity surface.
△ Less
Submitted 12 August, 2020; v1 submitted 3 June, 2020;
originally announced June 2020.
-
Consistent Investment of Sophisticated Rank-Dependent Utility Agents in Continuous Time
Authors:
Ying Hu,
Hanqing Jin,
Xun Yu Zhou
Abstract:
We study portfolio selection in a complete continuous-time market where the preference is dictated by the rank-dependent utility. As such a model is inherently time inconsistent due to the underlying probability weighting, we study the investment behavior of sophisticated consistent planners who seek (subgame perfect) intra-personal equilibrium strategies. We provide sufficient conditions under wh…
▽ More
We study portfolio selection in a complete continuous-time market where the preference is dictated by the rank-dependent utility. As such a model is inherently time inconsistent due to the underlying probability weighting, we study the investment behavior of sophisticated consistent planners who seek (subgame perfect) intra-personal equilibrium strategies. We provide sufficient conditions under which an equilibrium strategy is a replicating portfolio of a final wealth. We derive this final wealth profile explicitly, which turns out to be in the same form as in the classical Merton model with the market price of risk process properly scaled by a deterministic function in time. We present this scaling function explicitly through the solution to a highly nonlinear and singular ordinary differential equation, whose existence of solutions is established. Finally, we give a necessary and sufficient condition for the scaling function to be smaller than 1 corresponding to an effective reduction in risk premium due to probability weighting.
△ Less
Submitted 2 June, 2020;
originally announced June 2020.
-
Application of Deep Q-Network in Portfolio Management
Authors:
Ziming Gao,
Yuan Gao,
Yi Hu,
Zhengyong Jiang,
Jionglong Su
Abstract:
Machine Learning algorithms and Neural Networks are widely applied to many different areas such as stock market prediction, face recognition and population analysis. This paper will introduce a strategy based on the classic Deep Reinforcement Learning algorithm, Deep Q-Network, for portfolio management in stock market. It is a type of deep neural network which is optimized by Q Learning. To make t…
▽ More
Machine Learning algorithms and Neural Networks are widely applied to many different areas such as stock market prediction, face recognition and population analysis. This paper will introduce a strategy based on the classic Deep Reinforcement Learning algorithm, Deep Q-Network, for portfolio management in stock market. It is a type of deep neural network which is optimized by Q Learning. To make the DQN adapt to financial market, we first discretize the action space which is defined as the weight of portfolio in different assets so that portfolio management becomes a problem that Deep Q-Network can solve. Next, we combine the Convolutional Neural Network and dueling Q-net to enhance the recognition ability of the algorithm. Experimentally, we chose five lowrelevant American stocks to test the model. The result demonstrates that the DQN based strategy outperforms the ten other traditional strategies. The profit of DQN algorithm is 30% more than the profit of other strategies. Moreover, the Sharpe ratio associated with Max Drawdown demonstrates that the risk of policy made with DQN is the lowest.
△ Less
Submitted 13 March, 2020;
originally announced March 2020.
-
Option Pricing with Mixed Levy Subordinated Price Process and Implied Probability Weighting Function
Authors:
Abootaleb Shirvani,
Yuan Hu,
Svetlozar T. Rachev,
Frank J. Fabozzi
Abstract:
It is essential to incorporate the impact of investor behavior when modeling the dynamics of asset returns. In this paper, we reconcile behavioral finance and rational finance by incorporating investor behavior within the framework of dynamic asset pricing theory. To include the views of investors, we employ the method of subordination which has been proposed in the literature by including busines…
▽ More
It is essential to incorporate the impact of investor behavior when modeling the dynamics of asset returns. In this paper, we reconcile behavioral finance and rational finance by incorporating investor behavior within the framework of dynamic asset pricing theory. To include the views of investors, we employ the method of subordination which has been proposed in the literature by including business (intrinsic, market) time. We define a mixed Levy subordinated model by adding a single subordinated Levy process to the well-known log-normal model, resulting in a new log-price process. We apply the proposed models to study the behavioral finance notion of "greed and fear" disposition from the perspective of rational dynamic asset pricing theory. The greedy or fearful disposition of option traders is studied using the shape of the probability weighting function. We then derive the implied probability weighting function for the fear and greed deposition of option traders in comparison to spot traders. Our result shows the diminishing sensitivity of option traders. Diminishing sensitivity results in option traders overweighting the probability of big losses in comparison to spot traders.
△ Less
Submitted 21 April, 2020; v1 submitted 13 October, 2019;
originally announced October 2019.
-
Modelling Crypto Asset Price Dynamics, Optimal Crypto Portfolio, and Crypto Option Valuation
Authors:
Yuan Hu,
Svetlozar T. Rachev,
Frank J. Fabozzi
Abstract:
Despite being described as a medium of exchange, cryptocurrencies do not have the typical attributes of a medium of exchange. Consequently, cryptocurrencies are more appropriately described as crypto assets. A common investment attribute shared by the more than 2,500 crypto assets is that they are highly volatile. An investor interested in reducing price volatility of a portfolio of crypto assets…
▽ More
Despite being described as a medium of exchange, cryptocurrencies do not have the typical attributes of a medium of exchange. Consequently, cryptocurrencies are more appropriately described as crypto assets. A common investment attribute shared by the more than 2,500 crypto assets is that they are highly volatile. An investor interested in reducing price volatility of a portfolio of crypto assets can do so by constructing an optimal portfolio through standard optimization techniques that minimize tail risk. Because crypto assets are not backed by any real assets, forming a hedge to reduce the risk contribution of a single crypto asset can only be done with another set of similar assets (i.e., a set of other crypto assets). A major finding of this paper is that crypto portfolios constructed via optimizations that minimize variance and Conditional Value at Risk outperform a major stock market index (the S$\&$P 500). As of this writing, options in which the underlying is a crypto asset index are not traded, one of the reasons being that the academic literature has not formulated an acceptable fair pricing model. We offer a fair valuation model for crypto asset options based on a dynamic pricing model for the underlying crypto assets. The model was carefully backtested and therefore offers a reliable model for the underlying crypto assets in the natural world. We then obtain the valuation of crypto options by passing the natural world to the equivalent martingale measure via the Esscher transform. Because of the absence of traded crypto options we could not compare the prices obtained from our valuation model to market prices. Yet, we can claim that if such options on crypto assets are introduced, they should follow closely our theoretical prices after adjusting for market frictions and design feature nuances.
△ Less
Submitted 15 August, 2019;
originally announced August 2019.
-
Systemic risk measures with markets volatility
Authors:
Fei Sun,
Yijun Hu
Abstract:
As systemic risk has become a hot topic in the financial markets, how to measure, allocate and regulate the systemic risk are becoming especially important. However, the financial markets are becoming more and more complicate, which makes the usual study of systemic risk to be restricted. In this paper, we will study the systemic risk measures on a special space $L^{p(\cdot)}$ where the variable e…
▽ More
As systemic risk has become a hot topic in the financial markets, how to measure, allocate and regulate the systemic risk are becoming especially important. However, the financial markets are becoming more and more complicate, which makes the usual study of systemic risk to be restricted. In this paper, we will study the systemic risk measures on a special space $L^{p(\cdot)}$ where the variable exponent $p(\cdot)$ is no longer a given real number like the space $L^{p}$, but a random variable, which reflects the possible volatility of the financial markets. Finally, the dual representation for this new systemic risk measures will be studied. Our results show that every this new systemic risk measure can be decomposed into a convex certain function and a simple-systemic risk measure, which provides a new ideas for dealing with the systemic risk.
△ Less
Submitted 24 June, 2019; v1 submitted 30 November, 2018;
originally announced December 2018.
-
Systems of ergodic BSDEs arising in regime switching forward performance processes
Authors:
Ying Hu,
Gechun Liang,
Shanjian Tang
Abstract:
We introduce and solve a new type of quadratic backward stochastic differential equation systems defined in an infinite time horizon, called \emph{ergodic BSDE systems}. Such systems arise naturally as candidate solutions to characterize forward performance processes and their associated optimal trading strategies in a regime switching market. In addition, we develop a connection between the solut…
▽ More
We introduce and solve a new type of quadratic backward stochastic differential equation systems defined in an infinite time horizon, called \emph{ergodic BSDE systems}. Such systems arise naturally as candidate solutions to characterize forward performance processes and their associated optimal trading strategies in a regime switching market. In addition, we develop a connection between the solution of the ergodic BSDE system and the long-term growth rate of classical utility maximization problems, and use the ergodic BSDE system to study the large time behavior of PDE systems with quadratic growth Hamiltonians.
△ Less
Submitted 25 June, 2020; v1 submitted 4 July, 2018;
originally announced July 2018.
-
Quasiconvex risk measures with markets volatility
Authors:
Fei Sun,
Yijun Hu
Abstract:
Since the quasiconvex risk measures is a bigger class than the well known convex risk measures, the study of quasiconvex risk measures makes sense especially in the financial markets with volatility. In this paper, we will study the quasiconvex risk measures defined on a special space $L^{p(\cdot)}$ where the variable exponent $p(\cdot)$ is no longer a given real number like the space $L^{p}$, but…
▽ More
Since the quasiconvex risk measures is a bigger class than the well known convex risk measures, the study of quasiconvex risk measures makes sense especially in the financial markets with volatility. In this paper, we will study the quasiconvex risk measures defined on a special space $L^{p(\cdot)}$ where the variable exponent $p(\cdot)$ is no longer a given real number like the space $L^{p}$, but a random variable, which reflects the possible volatility of the financial markets. The dual representation for this quasiconvex risk measures will also provided.
△ Less
Submitted 24 June, 2019; v1 submitted 21 June, 2018;
originally announced June 2018.
-
Deep Stock Representation Learning: From Candlestick Charts to Investment Decisions
Authors:
Guosheng Hu,
Yuxin Hu,
Kai Yang,
Zehao Yu,
Flood Sung,
Zhihong Zhang,
Fei Xie,
Jianguo Liu,
Neil Robertson,
Timothy Hospedales,
Qiangwei Miemie
Abstract:
We propose a novel investment decision strategy (IDS) based on deep learning. The performance of many IDSs is affected by stock similarity. Most existing stock similarity measurements have the problems: (a) The linear nature of many measurements cannot capture nonlinear stock dynamics; (b) The estimation of many similarity metrics (e.g. covariance) needs very long period historic data (e.g. 3K day…
▽ More
We propose a novel investment decision strategy (IDS) based on deep learning. The performance of many IDSs is affected by stock similarity. Most existing stock similarity measurements have the problems: (a) The linear nature of many measurements cannot capture nonlinear stock dynamics; (b) The estimation of many similarity metrics (e.g. covariance) needs very long period historic data (e.g. 3K days) which cannot represent current market effectively; (c) They cannot capture translation-invariance. To solve these problems, we apply Convolutional AutoEncoder to learn a stock representation, based on which we propose a novel portfolio construction strategy by: (i) using the deeply learned representation and modularity optimisation to cluster stocks and identify diverse sectors, (ii) picking stocks within each cluster according to their Sharpe ratio (Sharpe 1994). Overall this strategy provides low-risk high-return portfolios. We use the Financial Times Stock Exchange 100 Index (FTSE 100) data for evaluation. Results show our portfolio outperforms FTSE 100 index and many well known funds in terms of total return in 2000 trading days.
△ Less
Submitted 17 February, 2018; v1 submitted 12 September, 2017;
originally announced September 2017.
-
Utility maximization in constrained and unbounded financial markets: Applications to indifference valuation, regime switching, consumption and Epstein-Zin recursive utility
Authors:
Ying Hu,
Gechun Liang,
Shanjian Tang
Abstract:
This memoir presents a systematic study of the utility maximization problem of an investor in a constrained and unbounded financial market. Building upon the work of Hu et al. (2005) [Ann. Appl. Probab., 15, 1691--1712] in a bounded framework, we extend our analysis to the more challenging unbounded case. Our methodology combines both methods of quadratic backward stochastic differential equations…
▽ More
This memoir presents a systematic study of the utility maximization problem of an investor in a constrained and unbounded financial market. Building upon the work of Hu et al. (2005) [Ann. Appl. Probab., 15, 1691--1712] in a bounded framework, we extend our analysis to the more challenging unbounded case. Our methodology combines both methods of quadratic backward stochastic differential equations with unbounded solutions and convex duality. Central to our approach is the verification of the finite entropy condition, which plays a pivotal role in solving the underlying utility maximization problem and establishing the martingale property and the convex duality representation of the conditional value process. Through four distinct applications, we first study the utility indifference valuation of financial derivatives with unbounded payoffs, uncovering novel asymptotic behaviors as the risk aversion parameter approaches zero or infinity. Furthermore, we study the regime switching market model with unbounded random endowments and consumption-investment problems with unbounded random endowments, both constrained to portfolios chosen from a convex and closed set. Finally, we investigate the investment-consumption problem of an investor with the Epstein-Zin recursive utility in an unbounded financial market.
△ Less
Submitted 15 October, 2024; v1 submitted 1 July, 2017;
originally announced July 2017.
-
An ergodic BSDE approach to forward entropic risk measures: representation and large-maturity behavior
Authors:
Wing Fung Chong,
Ying Hu,
Gechun Liang,
Thaleia Zariphopoulou
Abstract:
Using elements from the theory of ergodic backward stochastic differential equations (BSDE), we study the behavior of forward entropic risk measures. We provide their general representation results (via both BSDE and convex duality) and examine their behavior for risk positions of long maturities. We show that forward entropic risk measures converge to some constant exponentially fast. We also com…
▽ More
Using elements from the theory of ergodic backward stochastic differential equations (BSDE), we study the behavior of forward entropic risk measures. We provide their general representation results (via both BSDE and convex duality) and examine their behavior for risk positions of long maturities. We show that forward entropic risk measures converge to some constant exponentially fast. We also compare them with their classical counterparts and derive a parity result.
△ Less
Submitted 17 April, 2017; v1 submitted 8 July, 2016;
originally announced July 2016.
-
BSDEs with mean reflection
Authors:
Philippe Briand,
Romuald Elie,
Ying Hu
Abstract:
In this paper, we study a new type of BSDE, where the distribution of the Y-component of the solution is required to satisfy an additional constraint, written in terms of the expectation of a loss function. This constraint is imposed at any deterministic time t and is typically weaker than the classical pointwise one associated to reflected BSDEs. Focusing on solutions (Y, Z, K) with deterministic…
▽ More
In this paper, we study a new type of BSDE, where the distribution of the Y-component of the solution is required to satisfy an additional constraint, written in terms of the expectation of a loss function. This constraint is imposed at any deterministic time t and is typically weaker than the classical pointwise one associated to reflected BSDEs. Focusing on solutions (Y, Z, K) with deterministic K, we obtain the well-posedness of such equation, in the presence of a natural Skorokhod type condition. Such condition indeed ensures the minimality of the enhanced solution, under an additional structural condition on the driver. Our results extend to the more general framework where the constraint is written in terms of a static risk measure on Y. In particular, we provide an application to the super hedging of claims under running risk management constraint.
△ Less
Submitted 20 May, 2016;
originally announced May 2016.
-
Time-Inconsistent Stochastic Linear--Quadratic Control: Characterization and Uniqueness of Equilibrium
Authors:
Ying Hu,
Hanqing Jin,
Xun Yu Zhou
Abstract:
In this paper, we continue our study on a general time-inconsistent stochastic linear--quadratic (LQ) control problem originally formulated in [6]. We derive a necessary and sufficient condition for equilibrium controls via a flow of forward--backward stochastic differential equations. When the state is one dimensional and the coefficients in the problem are all deterministic, we prove that the ex…
▽ More
In this paper, we continue our study on a general time-inconsistent stochastic linear--quadratic (LQ) control problem originally formulated in [6]. We derive a necessary and sufficient condition for equilibrium controls via a flow of forward--backward stochastic differential equations. When the state is one dimensional and the coefficients in the problem are all deterministic, we prove that the explicit equilibrium control constructed in \cite{HJZ} is indeed unique. Our proof is based on the derived equivalent condition for equilibria as well as a stochastic version of the Lebesgue differentiation theorem. Finally, we show that the equilibrium strategy is unique for a mean--variance portfolio selection model in a complete financial market where the risk-free rate is a deterministic function of time but all the other market parameters are possibly stochastic processes.
△ Less
Submitted 26 May, 2015; v1 submitted 5 April, 2015;
originally announced April 2015.
-
Time-Inconsistent Stochastic Linear--Quadratic Control
Authors:
Ying Hu,
Hanqing Jin,
Xun Yu Zhou
Abstract:
In this paper, we formulate a general time-inconsistent stochastic linear--quadratic (LQ) control problem. The time-inconsistency arises from the presence of a quadratic term of the expected state as well as a state-dependent term in the objective functional. We define an equilibrium, instead of optimal, solution within the class of open-loop controls, and derive a sufficient condition for equilib…
▽ More
In this paper, we formulate a general time-inconsistent stochastic linear--quadratic (LQ) control problem. The time-inconsistency arises from the presence of a quadratic term of the expected state as well as a state-dependent term in the objective functional. We define an equilibrium, instead of optimal, solution within the class of open-loop controls, and derive a sufficient condition for equilibrium controls via a flow of forward--backward stochastic differential equations. When the state is one dimensional and the coefficients in the problem are all deterministic, we find an explicit equilibrium control. As an application, we then consider a mean-variance portfolio selection model in a complete financial market where the risk-free rate is a deterministic function of time but all the other market parameters are possibly stochastic processes. Applying the general sufficient condition, we obtain explicit equilibrium strategies when the risk premium is both deterministic and stochastic.
△ Less
Submitted 3 November, 2011;
originally announced November 2011.
-
Optimal consumption and investment in incomplete markets with general constraints
Authors:
Patrick Cheridito,
Ying Hu
Abstract:
We study an optimal consumption and investment problem in a possibly incomplete market with general, not necessarily convex, stochastic constraints. We give explicit solutions for investors with exponential, logarithmic and power utility. Our approach is based on martingale methods which rely on recent results on the existence and uniqueness of solutions to BSDEs with drivers of quadratic growth.
We study an optimal consumption and investment problem in a possibly incomplete market with general, not necessarily convex, stochastic constraints. We give explicit solutions for investors with exponential, logarithmic and power utility. Our approach is based on martingale methods which rely on recent results on the existence and uniqueness of solutions to BSDEs with drivers of quadratic growth.
△ Less
Submitted 6 December, 2010; v1 submitted 1 October, 2010;
originally announced October 2010.
-
A Delayed Black and Scholes Formula II
Authors:
Mercedes Arriojas,
Yaozhong Hu,
Salah-Eldin Mohammed,
Gyula Pap
Abstract:
This article is a sequel to [A.H.M.P]. In [A.H.M.P], we develop an explicit formula for pricing European options when the underlying stock price follows a non-linear stochastic delay equation with fixed delays in the drift and diffusion terms. In this article, we look at models of the stock price described by stochastic functional differential equations with variable delays. We present a class o…
▽ More
This article is a sequel to [A.H.M.P]. In [A.H.M.P], we develop an explicit formula for pricing European options when the underlying stock price follows a non-linear stochastic delay equation with fixed delays in the drift and diffusion terms. In this article, we look at models of the stock price described by stochastic functional differential equations with variable delays. We present a class of examples of stock dynamics with variable delays that permit an explicit form for the option pricing formula. As in [A.H.M.P], the market is complete with no arbitrage. This is achieved through the existence of an equivalent martingale measure. In subsequent work, the authors intend to test the models in [A.H.M.P] and the present article against real market data.
△ Less
Submitted 28 April, 2006;
originally announced April 2006.
-
A Delayed Black and Scholes Formula I
Authors:
Mercedes Arriojas,
Yaozhong Hu,
Salah-Eldin Mohammed,
Gyula Pap
Abstract:
In this article we develop an explicit formula for pricing European options when the underlying stock price follows a non-linear stochastic differential delay equation (sdde). We believe that the proposed model is sufficiently flexible to fit real market data, and is yet simple enough to allow for a closed-form representation of the option price. Furthermore, the model maintains the no-arbitrage…
▽ More
In this article we develop an explicit formula for pricing European options when the underlying stock price follows a non-linear stochastic differential delay equation (sdde). We believe that the proposed model is sufficiently flexible to fit real market data, and is yet simple enough to allow for a closed-form representation of the option price. Furthermore, the model maintains the no-arbitrage property and the completeness of the market. The derivation of the option-pricing formula is based on an equivalent martingale measure.
△ Less
Submitted 28 April, 2006;
originally announced April 2006.
-
Utility maximization in incomplete markets
Authors:
Ying Hu,
Peter Imkeller,
Matthias Muller
Abstract:
We consider the problem of utility maximization for small traders on incomplete financial markets. As opposed to most of the papers dealing with this subject, the investors' trading strategies we allow underly constraints described by closed, but not necessarily convex, sets. The final wealths obtained by trading under these constraints are identified as stochastic processes which usually are su…
▽ More
We consider the problem of utility maximization for small traders on incomplete financial markets. As opposed to most of the papers dealing with this subject, the investors' trading strategies we allow underly constraints described by closed, but not necessarily convex, sets. The final wealths obtained by trading under these constraints are identified as stochastic processes which usually are supermartingales, and even martingales for particular strategies. These strategies are seen to be optimal, and the corresponding value functions determined simply by the initial values of the supermartingales. We separately treat the cases of exponential, power and logarithmic utility.
△ Less
Submitted 24 August, 2005;
originally announced August 2005.