-
Quantifying Bounded Rationality: Formal Verification of Simon's Satisficing Through Flexible Stochastic Dominance
Authors:
Jingyuan Li,
Zhou Lin
Abstract:
This paper introduces Flexible First-Order Stochastic Dominance (FFSD), a mathematically rigorous framework that formalizes Herbert Simon's concept of bounded rationality using the Lean 4 theorem prover. We develop machine-verified proofs demonstrating that FFSD bridges classical expected utility theory with Simon's satisficing behavior through parameterized tolerance thresholds. Our approach yiel…
▽ More
This paper introduces Flexible First-Order Stochastic Dominance (FFSD), a mathematically rigorous framework that formalizes Herbert Simon's concept of bounded rationality using the Lean 4 theorem prover. We develop machine-verified proofs demonstrating that FFSD bridges classical expected utility theory with Simon's satisficing behavior through parameterized tolerance thresholds. Our approach yields several key results: (1) a critical threshold $\varepsilon < 1/2$ that guarantees uniqueness of reference points, (2) an equivalence theorem linking FFSD to expected utility maximization for approximate indicator functions, and (3) extensions to multi-dimensional decision settings. By encoding these concepts in Lean 4's dependent type theory, we provide the first machine-checked formalization of Simon's bounded rationality, creating a foundation for mechanized reasoning about economic decision-making under uncertainty with cognitive limitations. This work contributes to the growing intersection between formal mathematics and economic theory, demonstrating how interactive theorem proving can advance our understanding of behavioral economics concepts that have traditionally been expressed only qualitatively.
△ Less
Submitted 2 July, 2025;
originally announced July 2025.
-
Geometric Formalization of First-Order Stochastic Dominance in $N$ Dimensions: A Tractable Path to Multi-Dimensional Economic Decision Analysis
Authors:
Jingyuan Li
Abstract:
This paper introduces and formally verifies a novel geometric framework for first-order stochastic dominance (FSD) in $N$ dimensions using the Lean 4 theorem prover. Traditional analytical approaches to multi-dimensional stochastic dominance rely heavily on complex measure theory and multivariate calculus, creating significant barriers to formalization in proof assistants. Our geometric approach c…
▽ More
This paper introduces and formally verifies a novel geometric framework for first-order stochastic dominance (FSD) in $N$ dimensions using the Lean 4 theorem prover. Traditional analytical approaches to multi-dimensional stochastic dominance rely heavily on complex measure theory and multivariate calculus, creating significant barriers to formalization in proof assistants. Our geometric approach characterizes $N$-dimensional FSD through direct comparison of survival probabilities in upper-right orthants, bypassing the need for complex integration theory. We formalize key definitions and prove the equivalence between traditional FSD requirements and our geometric characterization. This approach achieves a more tractable and intuitive path to formal verification while maintaining mathematical rigor. We demonstrate how this framework directly enables formal analysis of multi-dimensional economic problems in portfolio selection, risk management, and welfare analysis. The work establishes a foundation for further development of verified decision-making tools in economics and finance, particularly for high-stakes domains requiring rigorous guarantees.
△ Less
Submitted 19 May, 2025;
originally announced May 2025.
-
Dynamic Investment Strategies Through Market Classification and Volatility: A Machine Learning Approach
Authors:
Jinhui Li,
Wenjia Xie,
Luis Seco
Abstract:
This study introduces a dynamic investment framework to enhance portfolio management in volatile markets, offering clear advantages over traditional static strategies. Evaluates four conventional approaches : equal weighted, minimum variance, maximum diversification, and equal risk contribution under dynamic conditions. Using K means clustering, the market is segmented into ten volatility-based st…
▽ More
This study introduces a dynamic investment framework to enhance portfolio management in volatile markets, offering clear advantages over traditional static strategies. Evaluates four conventional approaches : equal weighted, minimum variance, maximum diversification, and equal risk contribution under dynamic conditions. Using K means clustering, the market is segmented into ten volatility-based states, with transitions forecasted by a Bayesian Markov switching model employing Dirichlet priors and Gibbs sampling. This enables real-time asset allocation adjustments. Tested across two asset sets, the dynamic portfolio consistently achieves significantly higher risk-adjusted returns and substantially higher total returns, outperforming most static methods. By integrating classical optimization with machine learning and Bayesian techniques, this research provides a robust strategy for optimizing investment outcomes in unpredictable market environments.
△ Less
Submitted 19 March, 2025;
originally announced April 2025.
-
Bayesian Optimization for CVaR-based portfolio optimization
Authors:
Robert Millar,
Jinglai Li
Abstract:
Optimal portfolio allocation is often formulated as a constrained risk problem, where one aims to minimize a risk measure subject to some performance constraints. This paper presents new Bayesian Optimization algorithms for such constrained minimization problems, seeking to minimize the conditional value-at-risk (a computationally intensive risk measure) under a minimum expected return constraint.…
▽ More
Optimal portfolio allocation is often formulated as a constrained risk problem, where one aims to minimize a risk measure subject to some performance constraints. This paper presents new Bayesian Optimization algorithms for such constrained minimization problems, seeking to minimize the conditional value-at-risk (a computationally intensive risk measure) under a minimum expected return constraint. The proposed algorithms utilize a new acquisition function, which drives sampling towards the optimal region. Additionally, a new two-stage procedure is developed, which significantly reduces the number of evaluations of the expensive-to-evaluate objective function. The proposed algorithm's competitive performance is demonstrated through practical examples.
△ Less
Submitted 22 March, 2025;
originally announced March 2025.
-
FinTMMBench: Benchmarking Temporal-Aware Multi-Modal RAG in Finance
Authors:
Fengbin Zhu,
Junfeng Li,
Liangming Pan,
Wenjie Wang,
Fuli Feng,
Chao Wang,
Huanbo Luan,
Tat-Seng Chua
Abstract:
Finance decision-making often relies on in-depth data analysis across various data sources, including financial tables, news articles, stock prices, etc. In this work, we introduce FinTMMBench, the first comprehensive benchmark for evaluating temporal-aware multi-modal Retrieval-Augmented Generation (RAG) systems in finance. Built from heterologous data of NASDAQ 100 companies, FinTMMBench offers…
▽ More
Finance decision-making often relies on in-depth data analysis across various data sources, including financial tables, news articles, stock prices, etc. In this work, we introduce FinTMMBench, the first comprehensive benchmark for evaluating temporal-aware multi-modal Retrieval-Augmented Generation (RAG) systems in finance. Built from heterologous data of NASDAQ 100 companies, FinTMMBench offers three significant advantages. 1) Multi-modal Corpus: It encompasses a hybrid of financial tables, news articles, daily stock prices, and visual technical charts as the corpus. 2) Temporal-aware Questions: Each question requires the retrieval and interpretation of its relevant data over a specific time period, including daily, weekly, monthly, quarterly, and annual periods. 3) Diverse Financial Analysis Tasks: The questions involve 10 different tasks, including information extraction, trend analysis, sentiment analysis and event detection, etc. We further propose a novel TMMHybridRAG method, which first leverages LLMs to convert data from other modalities (e.g., tabular, visual and time-series data) into textual format and then incorporates temporal information in each node when constructing graphs and dense indexes. Its effectiveness has been validated in extensive experiments, but notable gaps remain, highlighting the challenges presented by our FinTMMBench.
△ Less
Submitted 7 March, 2025;
originally announced March 2025.
-
FactorGCL: A Hypergraph-Based Factor Model with Temporal Residual Contrastive Learning for Stock Returns Prediction
Authors:
Yitong Duan,
Weiran Wang,
Jian Li
Abstract:
As a fundamental method in economics and finance, the factor model has been extensively utilized in quantitative investment. In recent years, there has been a paradigm shift from traditional linear models with expert-designed factors to more flexible nonlinear machine learning-based models with data-driven factors, aiming to enhance the effectiveness of these factor models. However, due to the low…
▽ More
As a fundamental method in economics and finance, the factor model has been extensively utilized in quantitative investment. In recent years, there has been a paradigm shift from traditional linear models with expert-designed factors to more flexible nonlinear machine learning-based models with data-driven factors, aiming to enhance the effectiveness of these factor models. However, due to the low signal-to-noise ratio in market data, mining effective factors in data-driven models remains challenging. In this work, we propose a hypergraph-based factor model with temporal residual contrastive learning (FactorGCL) that employs a hypergraph structure to better capture high-order nonlinear relationships among stock returns and factors. To mine hidden factors that supplement human-designed prior factors for predicting stock returns, we design a cascading residual hypergraph architecture, in which the hidden factors are extracted from the residual information after removing the influence of prior factors. Additionally, we propose a temporal residual contrastive learning method to guide the extraction of effective and comprehensive hidden factors by contrasting stock-specific residual information over different time periods. Our extensive experiments on real stock market data demonstrate that FactorGCL not only outperforms existing state-of-the-art methods but also mines effective hidden factors for predicting stock returns.
△ Less
Submitted 5 February, 2025;
originally announced February 2025.
-
Comparative Statics of Trading Boundary in Finite Horizon Portfolio Selection with Proportional Transaction Costs
Authors:
Jintao Li,
Shuaijie Qian
Abstract:
We consider the Merton's problem with proportional transaction costs. It is well-known that the optimal investment strategy is characterized by two trading boundaries, i.e., the buy boundary and the sell boundary, between which is the no-trading region. We study how the two trading boundaries vary with transaction costs. We reveal that the cost-adjusted trading boundaries are monotone in transacti…
▽ More
We consider the Merton's problem with proportional transaction costs. It is well-known that the optimal investment strategy is characterized by two trading boundaries, i.e., the buy boundary and the sell boundary, between which is the no-trading region. We study how the two trading boundaries vary with transaction costs. We reveal that the cost-adjusted trading boundaries are monotone in transaction costs. Our result indicates that (i) the Merton line must lie between two cost-adjusted trading boundaries; (ii) when the Merton line is positive, the buy boundary and the sell boundary are monotone in transaction costs and the Merton line lies in the no-trading region as a result.
△ Less
Submitted 18 December, 2024;
originally announced December 2024.
-
On multivariate contribution measures of systemic risk with applications in cryptocurrency market
Authors:
Limin Wen,
Junxue Li,
Tong Pu,
Yiying Zhang
Abstract:
Conditional risk measures and their associated risk contribution measures are commonly employed in finance and actuarial science for evaluating systemic risk and quantifying the effects of risk interactions. This paper introduces various types of contribution ratio measures based on the MCoVaR, MCoES, and MMME studied in Ortega-Jiménez et al. (2021) and Das & Fasen-Hartmann (2018) to assess the re…
▽ More
Conditional risk measures and their associated risk contribution measures are commonly employed in finance and actuarial science for evaluating systemic risk and quantifying the effects of risk interactions. This paper introduces various types of contribution ratio measures based on the MCoVaR, MCoES, and MMME studied in Ortega-Jiménez et al. (2021) and Das & Fasen-Hartmann (2018) to assess the relative effects of a single risk when other risks in a group are in distress. The properties of these contribution risk measures are examined, and sufficient conditions for comparing these measures between two sets of random vectors are established using univariate and multivariate stochastic orders and statistically dependent notions. Numerical examples are presented to validate these conditions. Finally, a real dataset from the cryptocurrency market is used to analyze the spillover effects through our proposed contribution measures.
△ Less
Submitted 3 March, 2025; v1 submitted 20 November, 2024;
originally announced November 2024.
-
A Deep Reinforcement Learning Framework For Financial Portfolio Management
Authors:
Jinyang Li
Abstract:
In this research paper, we investigate into a paper named "A Deep Reinforcement Learning Framework for the Financial Portfolio Management Problem" [arXiv:1706.10059]. It is a portfolio management problem which is solved by deep learning techniques. The original paper proposes a financial-model-free reinforcement learning framework, which consists of the Ensemble of Identical Independent Evaluators…
▽ More
In this research paper, we investigate into a paper named "A Deep Reinforcement Learning Framework for the Financial Portfolio Management Problem" [arXiv:1706.10059]. It is a portfolio management problem which is solved by deep learning techniques. The original paper proposes a financial-model-free reinforcement learning framework, which consists of the Ensemble of Identical Independent Evaluators (EIIE) topology, a Portfolio-Vector Memory (PVM), an Online Stochastic Batch Learning (OSBL) scheme, and a fully exploiting and explicit reward function. Three different instants are used to realize this framework, namely a Convolutional Neural Network (CNN), a basic Recurrent Neural Network (RNN), and a Long Short-Term Memory (LSTM). The performance is then examined by comparing to a number of recently reviewed or published portfolio-selection strategies. We have successfully replicated their implementations and evaluations. Besides, we further apply this framework in the stock market, instead of the cryptocurrency market that the original paper uses. The experiment in the cryptocurrency market is consistent with the original paper, which achieve superior returns. But it doesn't perform as well when applied in the stock market.
△ Less
Submitted 3 September, 2024;
originally announced September 2024.
-
MarS: a Financial Market Simulation Engine Powered by Generative Foundation Model
Authors:
Junjie Li,
Yang Liu,
Weiqing Liu,
Shikai Fang,
Lewen Wang,
Chang Xu,
Jiang Bian
Abstract:
Generative models aim to simulate realistic effects of various actions across different contexts, from text generation to visual effects. Despite significant efforts to build real-world simulators, the application of generative models to virtual worlds, like financial markets, remains under-explored. In financial markets, generative models can simulate complex market effects of participants with v…
▽ More
Generative models aim to simulate realistic effects of various actions across different contexts, from text generation to visual effects. Despite significant efforts to build real-world simulators, the application of generative models to virtual worlds, like financial markets, remains under-explored. In financial markets, generative models can simulate complex market effects of participants with various behaviors, enabling interaction under different market conditions, and training strategies without financial risk. This simulation relies on the finest structured data in financial market like orders thus building the finest realistic simulation. We propose Large Market Model (LMM), an order-level generative foundation model, for financial market simulation, akin to language modeling in the digital world. Our financial Market Simulation engine (MarS), powered by LMM, addresses the domain-specific need for realistic, interactive and controllable order generation. Key observations include LMM's strong scalability across data size and model complexity, and MarS's robust and practicable realism in controlled generation with market impact. We showcase MarS as a forecast tool, detection system, analysis platform, and agent training environment, thus demonstrating MarS's "paradigm shift" potential for a variety of financial applications. We release the code of MarS at https://github.com/microsoft/MarS/.
△ Less
Submitted 13 March, 2025; v1 submitted 4 September, 2024;
originally announced September 2024.
-
Study of the Impact of the Big Data Era on Accounting and Auditing
Authors:
Yuxiang Sun,
Jingyi Li,
Mengdie Lu,
Zongying Guo
Abstract:
Big data revolutionizes accounting and auditing, offering deep insights but also introducing challenges like data privacy and security. With data from IoT, social media, and transactions, traditional practices are evolving. Professionals must adapt to these changes, utilizing AI and machine learning for efficient data analysis and anomaly detection. Key to overcoming these challenges are enhanced…
▽ More
Big data revolutionizes accounting and auditing, offering deep insights but also introducing challenges like data privacy and security. With data from IoT, social media, and transactions, traditional practices are evolving. Professionals must adapt to these changes, utilizing AI and machine learning for efficient data analysis and anomaly detection. Key to overcoming these challenges are enhanced analytics tools, continuous learning, and industry collaboration. By addressing these areas, the accounting and auditing fields can harness big data's potential while ensuring accuracy, transparency, and integrity in financial reporting. Keywords: Big Data, Accounting, Audit, Data Privacy, AI, Machine Learning, Transparency.
△ Less
Submitted 11 March, 2024;
originally announced March 2024.
-
Ploutos: Towards interpretable stock movement prediction with financial large language model
Authors:
Hanshuang Tong,
Jun Li,
Ning Wu,
Ming Gong,
Dongmei Zhang,
Qi Zhang
Abstract:
Recent advancements in large language models (LLMs) have opened new pathways for many domains. However, the full potential of LLMs in financial investments remains largely untapped. There are two main challenges for typical deep learning-based methods for quantitative finance. First, they struggle to fuse textual and numerical information flexibly for stock movement prediction. Second, traditional…
▽ More
Recent advancements in large language models (LLMs) have opened new pathways for many domains. However, the full potential of LLMs in financial investments remains largely untapped. There are two main challenges for typical deep learning-based methods for quantitative finance. First, they struggle to fuse textual and numerical information flexibly for stock movement prediction. Second, traditional methods lack clarity and interpretability, which impedes their application in scenarios where the justification for predictions is essential. To solve the above challenges, we propose Ploutos, a novel financial LLM framework that consists of PloutosGen and PloutosGPT. The PloutosGen contains multiple primary experts that can analyze different modal data, such as text and numbers, and provide quantitative strategies from different perspectives. Then PloutosGPT combines their insights and predictions and generates interpretable rationales. To generate accurate and faithful rationales, the training strategy of PloutosGPT leverage rearview-mirror prompting mechanism to guide GPT-4 to generate rationales, and a dynamic token weighting mechanism to finetune LLM by increasing key tokens weight. Extensive experiments show our framework outperforms the state-of-the-art methods on both prediction accuracy and interpretability.
△ Less
Submitted 18 February, 2024;
originally announced March 2024.
-
MTRGL:Effective Temporal Correlation Discerning through Multi-modal Temporal Relational Graph Learning
Authors:
Junwei Su,
Shan Wu,
Jinhui Li
Abstract:
In this study, we explore the synergy of deep learning and financial market applications, focusing on pair trading. This market-neutral strategy is integral to quantitative finance and is apt for advanced deep-learning techniques. A pivotal challenge in pair trading is discerning temporal correlations among entities, necessitating the integration of diverse data modalities. Addressing this, we int…
▽ More
In this study, we explore the synergy of deep learning and financial market applications, focusing on pair trading. This market-neutral strategy is integral to quantitative finance and is apt for advanced deep-learning techniques. A pivotal challenge in pair trading is discerning temporal correlations among entities, necessitating the integration of diverse data modalities. Addressing this, we introduce a novel framework, Multi-modal Temporal Relation Graph Learning (MTRGL). MTRGL combines time series data and discrete features into a temporal graph and employs a memory-based temporal graph neural network. This approach reframes temporal correlation identification as a temporal graph link prediction task, which has shown empirical success. Our experiments on real-world datasets confirm the superior performance of MTRGL, emphasizing its promise in refining automated pair trading strategies.
△ Less
Submitted 5 February, 2024; v1 submitted 25 January, 2024;
originally announced January 2024.
-
Leveraging Large Language Model for Automatic Evolving of Industrial Data-Centric R&D Cycle
Authors:
Xu Yang,
Xiao Yang,
Weiqing Liu,
Jinhui Li,
Peng Yu,
Zeqi Ye,
Jiang Bian
Abstract:
In the wake of relentless digital transformation, data-driven solutions are emerging as powerful tools to address multifarious industrial tasks such as forecasting, anomaly detection, planning, and even complex decision-making. Although data-centric R&D has been pivotal in harnessing these solutions, it often comes with significant costs in terms of human, computational, and time resources. This p…
▽ More
In the wake of relentless digital transformation, data-driven solutions are emerging as powerful tools to address multifarious industrial tasks such as forecasting, anomaly detection, planning, and even complex decision-making. Although data-centric R&D has been pivotal in harnessing these solutions, it often comes with significant costs in terms of human, computational, and time resources. This paper delves into the potential of large language models (LLMs) to expedite the evolution cycle of data-centric R&D. Assessing the foundational elements of data-centric R&D, including heterogeneous task-related data, multi-facet domain knowledge, and diverse computing-functional tools, we explore how well LLMs can understand domain-specific requirements, generate professional ideas, utilize domain-specific tools to conduct experiments, interpret results, and incorporate knowledge from past endeavors to tackle new challenges. We take quantitative investment research as a typical example of industrial data-centric R&D scenario and verified our proposed framework upon our full-stack open-sourced quantitative research platform Qlib and obtained promising results which shed light on our vision of automatic evolving of industrial data-centric R&D cycle.
△ Less
Submitted 17 October, 2023;
originally announced October 2023.
-
IMM: An Imitative Reinforcement Learning Approach with Predictive Representation Learning for Automatic Market Making
Authors:
Hui Niu,
Siyuan Li,
Jiahao Zheng,
Zhouchi Lin,
Jian Li,
Jian Guo,
Bo An
Abstract:
Market making (MM) has attracted significant attention in financial trading owing to its essential function in ensuring market liquidity. With strong capabilities in sequential decision-making, Reinforcement Learning (RL) technology has achieved remarkable success in quantitative trading. Nonetheless, most existing RL-based MM methods focus on optimizing single-price level strategies which fail at…
▽ More
Market making (MM) has attracted significant attention in financial trading owing to its essential function in ensuring market liquidity. With strong capabilities in sequential decision-making, Reinforcement Learning (RL) technology has achieved remarkable success in quantitative trading. Nonetheless, most existing RL-based MM methods focus on optimizing single-price level strategies which fail at frequent order cancellations and loss of queue priority. Strategies involving multiple price levels align better with actual trading scenarios. However, given the complexity that multi-price level strategies involves a comprehensive trading action space, the challenge of effectively training profitable RL agents for MM persists. Inspired by the efficient workflow of professional human market makers, we propose Imitative Market Maker (IMM), a novel RL framework leveraging both knowledge from suboptimal signal-based experts and direct policy interactions to develop multi-price level MM strategies efficiently. The framework start with introducing effective state and action representations adept at encoding information about multi-price level orders. Furthermore, IMM integrates a representation learning unit capable of capturing both short- and long-term market trends to mitigate adverse selection risk. Subsequently, IMM formulates an expert strategy based on signals and trains the agent through the integration of RL and imitation learning techniques, leading to efficient learning. Extensive experimental results on four real-world market datasets demonstrate that IMM outperforms current RL-based market making strategies in terms of several financial criteria. The findings of the ablation study substantiate the effectiveness of the model components.
△ Less
Submitted 17 August, 2023;
originally announced August 2023.
-
Methods for Acquiring and Incorporating Knowledge into Stock Price Prediction: A Survey
Authors:
Liping Wang,
Jiawei Li,
Lifan Zhao,
Zhizhuo Kou,
Xiaohan Wang,
Xinyi Zhu,
Hao Wang,
Yanyan Shen,
Lei Chen
Abstract:
Predicting stock prices presents a challenging research problem due to the inherent volatility and non-linear nature of the stock market. In recent years, knowledge-enhanced stock price prediction methods have shown groundbreaking results by utilizing external knowledge to understand the stock market. Despite the importance of these methods, there is a scarcity of scholarly works that systematical…
▽ More
Predicting stock prices presents a challenging research problem due to the inherent volatility and non-linear nature of the stock market. In recent years, knowledge-enhanced stock price prediction methods have shown groundbreaking results by utilizing external knowledge to understand the stock market. Despite the importance of these methods, there is a scarcity of scholarly works that systematically synthesize previous studies from the perspective of external knowledge types. Specifically, the external knowledge can be modeled in different data structures, which we group into non-graph-based formats and graph-based formats: 1) non-graph-based knowledge captures contextual information and multimedia descriptions specifically associated with an individual stock; 2) graph-based knowledge captures interconnected and interdependent information in the stock market. This survey paper aims to provide a systematic and comprehensive description of methods for acquiring external knowledge from various unstructured data sources and then incorporating it into stock price prediction models. We also explore fusion methods for combining external knowledge with historical price features. Moreover, this paper includes a compilation of relevant datasets and delves into potential future research directions in this domain.
△ Less
Submitted 9 August, 2023;
originally announced August 2023.
-
Towards Generalizable Reinforcement Learning for Trade Execution
Authors:
Chuheng Zhang,
Yitong Duan,
Xiaoyu Chen,
Jianyu Chen,
Jian Li,
Li Zhao
Abstract:
Optimized trade execution is to sell (or buy) a given amount of assets in a given time with the lowest possible trading cost. Recently, reinforcement learning (RL) has been applied to optimized trade execution to learn smarter policies from market data. However, we find that many existing RL methods exhibit considerable overfitting which prevents them from real deployment. In this paper, we provid…
▽ More
Optimized trade execution is to sell (or buy) a given amount of assets in a given time with the lowest possible trading cost. Recently, reinforcement learning (RL) has been applied to optimized trade execution to learn smarter policies from market data. However, we find that many existing RL methods exhibit considerable overfitting which prevents them from real deployment. In this paper, we provide an extensive study on the overfitting problem in optimized trade execution. First, we model the optimized trade execution as offline RL with dynamic context (ORDC), where the context represents market variables that cannot be influenced by the trading policy and are collected in an offline manner. Under this framework, we derive the generalization bound and find that the overfitting issue is caused by large context space and limited context samples in the offline setting. Accordingly, we propose to learn compact representations for context to address the overfitting problem, either by leveraging prior knowledge or in an end-to-end manner. To evaluate our algorithms, we also implement a carefully designed simulator based on historical limit order book (LOB) data to provide a high-fidelity benchmark for different algorithms. Our experiments on the high-fidelity simulator demonstrate that our algorithms can effectively alleviate overfitting and achieve better performance.
△ Less
Submitted 11 May, 2023;
originally announced July 2023.
-
Wasserstein-Kelly Portfolios: A Robust Data-Driven Solution to Optimize Portfolio Growth
Authors:
Jonathan Yu-Meng Li
Abstract:
We introduce a robust variant of the Kelly portfolio optimization model, called the Wasserstein-Kelly portfolio optimization. Our model, taking a Wasserstein distributionally robust optimization (DRO) formulation, addresses the fundamental issue of estimation error in Kelly portfolio optimization by defining a ``ball" of distributions close to the empirical return distribution using the Wasserstei…
▽ More
We introduce a robust variant of the Kelly portfolio optimization model, called the Wasserstein-Kelly portfolio optimization. Our model, taking a Wasserstein distributionally robust optimization (DRO) formulation, addresses the fundamental issue of estimation error in Kelly portfolio optimization by defining a ``ball" of distributions close to the empirical return distribution using the Wasserstein metric and seeking a robust log-optimal portfolio against the worst-case distribution from the Wasserstein ball. Enhancing the Kelly portfolio using Wasserstein DRO is a natural step to take, given many successful applications of the latter in areas such as machine learning for generating robust data-driven solutions. However, naive application of Wasserstein DRO to the growth-optimal portfolio problem can lead to several issues, which we resolve through careful modelling. Our proposed model is both practically motivated and efficiently solvable as a convex program. Using empirical financial data, our numerical study demonstrates that the Wasserstein-Kelly portfolio can outperform the Kelly portfolio in out-of-sample testing across multiple performance metrics and exhibits greater stability.
△ Less
Submitted 27 February, 2023;
originally announced February 2023.
-
Impact of shocks to economies on the efficiency and robustness of the international pesticide trade networks
Authors:
Jian-An Li,
Li Wang,
Wen-Jie Xie,
Wei-Xing Zhou
Abstract:
Pesticides are important agricultural inputs to increase agricultural productivity and improve food security. The availability of pesticides is partially achieved through international trade. However, economies involved in the international trade of pesticides are impacted by internal and external shocks from time to time, which influence the redistribution efficiency of pesticides all over the wo…
▽ More
Pesticides are important agricultural inputs to increase agricultural productivity and improve food security. The availability of pesticides is partially achieved through international trade. However, economies involved in the international trade of pesticides are impacted by internal and external shocks from time to time, which influence the redistribution efficiency of pesticides all over the world. In this work, we adopt simulations to quantify the efficiency and robustness of the international pesticide trade networks under shocks to economies. Shocks are simulated based on nine node metrics, and three strategies are utilized based on descending, random, and ascending node removal. It is found that the efficiency and robustness of the international trade networks of pesticides increased for all the node metrics except the clustering coefficient. Moreover, the international pesticide trade networks are more fragile when import-oriented economies are affected by shocks.
△ Less
Submitted 27 February, 2023;
originally announced February 2023.
-
Information extraction and artwork pricing
Authors:
Jaehyuk Choi,
Lan Ju,
Jian Li,
Zhiyong Tu
Abstract:
Traditional art pricing models often lack fine measurements of painting content. This paper proposes a new content measurement: the Shannon information quantity measured by the singular value decomposition (SVD) entropy of the painting image. Using a large sample of artworks' auction records and images, we show that the SVD entropy positively affects the sales price at 1% significance level. Compa…
▽ More
Traditional art pricing models often lack fine measurements of painting content. This paper proposes a new content measurement: the Shannon information quantity measured by the singular value decomposition (SVD) entropy of the painting image. Using a large sample of artworks' auction records and images, we show that the SVD entropy positively affects the sales price at 1% significance level. Compared to the other commonly adopted content variables, the SVD entropy has advantages in variable significance, sample robustness as well as model fit. Considering the convenient availability of digital painting images and the straightforward calculation algorithm of this measurement, we expect its wide application in future research.
△ Less
Submitted 16 February, 2023;
originally announced February 2023.
-
Macro carbon price prediction with support vector regression and Paris accord targets
Authors:
Jinhui Li
Abstract:
Carbon neutralization is an urgent task in society because of the global warming threat. And carbon trading is an essential market mechanics to solve carbon reduction targets. Macro carbon price prediction is vital in the useful management and decision-making of the carbon market. We focus on the EU carbon market and we choose oil price, coal price, gas price, and DAX index to be the four market f…
▽ More
Carbon neutralization is an urgent task in society because of the global warming threat. And carbon trading is an essential market mechanics to solve carbon reduction targets. Macro carbon price prediction is vital in the useful management and decision-making of the carbon market. We focus on the EU carbon market and we choose oil price, coal price, gas price, and DAX index to be the four market factors in predicting carbon price, and also we select carbon emission targets from Paris Accord as the political factor in the carbon market in terms of the macro view of the carbon price prediction. Thus we use these five factors as inputs to predict the future carbon yearly price in 2030 with the support vector regression models. We use grid search and cross validation to guarantee the prediction performance of our models. We believe this model will have great applications in the macro carbon price prediction.
△ Less
Submitted 29 November, 2022;
originally announced December 2022.
-
Motif-aware temporal GCN for fraud detection in signed cryptocurrency trust networks
Authors:
Song Li,
Jiandong Zhou,
Chong MO,
Jin LI,
Geoffrey K. F. Tso,
Yuxing Tian
Abstract:
Graph convolutional networks (GCNs) is a class of artificial neural networks for processing data that can be represented as graphs. Since financial transactions can naturally be constructed as graphs, GCNs are widely applied in the financial industry, especially for financial fraud detection. In this paper, we focus on fraud detection on cryptocurrency truct networks. In the literature, most works…
▽ More
Graph convolutional networks (GCNs) is a class of artificial neural networks for processing data that can be represented as graphs. Since financial transactions can naturally be constructed as graphs, GCNs are widely applied in the financial industry, especially for financial fraud detection. In this paper, we focus on fraud detection on cryptocurrency truct networks. In the literature, most works focus on static networks. Whereas in this study, we consider the evolving nature of cryptocurrency networks, and use local structural as well as the balance theory to guide the training process. More specifically, we compute motif matrices to capture the local topological information, then use them in the GCN aggregation process. The generated embedding at each snapshot is a weighted average of embeddings within a time window, where the weights are learnable parameters. Since the trust networks is signed on each edge, balance theory is used to guide the training process. Experimental results on bitcoin-alpha and bitcoin-otc datasets show that the proposed model outperforms those in the literature.
△ Less
Submitted 29 March, 2023; v1 submitted 21 November, 2022;
originally announced November 2022.
-
MetaTrader: An Reinforcement Learning Approach Integrating Diverse Policies for Portfolio Optimization
Authors:
Hui Niu,
Siyuan Li,
Jian Li
Abstract:
Portfolio management is a fundamental problem in finance. It involves periodic reallocations of assets to maximize the expected returns within an appropriate level of risk exposure. Deep reinforcement learning (RL) has been considered a promising approach to solving this problem owing to its strong capability in sequential decision making. However, due to the non-stationary nature of financial mar…
▽ More
Portfolio management is a fundamental problem in finance. It involves periodic reallocations of assets to maximize the expected returns within an appropriate level of risk exposure. Deep reinforcement learning (RL) has been considered a promising approach to solving this problem owing to its strong capability in sequential decision making. However, due to the non-stationary nature of financial markets, applying RL techniques to portfolio optimization remains a challenging problem. Extracting trading knowledge from various expert strategies could be helpful for agents to accommodate the changing markets. In this paper, we propose MetaTrader, a novel two-stage RL-based approach for portfolio management, which learns to integrate diverse trading policies to adapt to various market conditions. In the first stage, MetaTrader incorporates an imitation learning objective into the reinforcement learning framework. Through imitating different expert demonstrations, MetaTrader acquires a set of trading policies with great diversity. In the second stage, MetaTrader learns a meta-policy to recognize the market conditions and decide on the most proper learned policy to follow. We evaluate the proposed approach on three real-world index datasets and compare it to state-of-the-art baselines. The empirical results demonstrate that MetaTrader significantly outperforms those baselines in balancing profits and risks. Furthermore, thorough ablation studies validate the effectiveness of the components in the proposed approach.
△ Less
Submitted 1 September, 2022;
originally announced October 2022.
-
A Data Science Pipeline for Algorithmic Trading: A Comparative Study of Applications for Finance and Cryptoeconomics
Authors:
Luyao Zhang,
Tianyu Wu,
Saad Lahrichi,
Carlos-Gustavo Salas-Flores,
Jiayi Li
Abstract:
Recent advances in Artificial Intelligence (AI) have made algorithmic trading play a central role in finance. However, current research and applications are disconnected information islands. We propose a generally applicable pipeline for designing, programming, and evaluating the algorithmic trading of stock and crypto assets. Moreover, we demonstrate how our data science pipeline works with respe…
▽ More
Recent advances in Artificial Intelligence (AI) have made algorithmic trading play a central role in finance. However, current research and applications are disconnected information islands. We propose a generally applicable pipeline for designing, programming, and evaluating the algorithmic trading of stock and crypto assets. Moreover, we demonstrate how our data science pipeline works with respect to four conventional algorithms: the moving average crossover, volume-weighted average price, sentiment analysis, and statistical arbitrage algorithms. Our study offers a systematic way to program, evaluate, and compare different trading strategies. Furthermore, we implement our algorithms through object-oriented programming in Python3, which serves as open-source software for future academic research and applications.
△ Less
Submitted 29 June, 2022;
originally announced June 2022.
-
DeepScalper: A Risk-Aware Reinforcement Learning Framework to Capture Fleeting Intraday Trading Opportunities
Authors:
Shuo Sun,
Wanqi Xue,
Rundong Wang,
Xu He,
Junlei Zhu,
Jian Li,
Bo An
Abstract:
Reinforcement learning (RL) techniques have shown great success in many challenging quantitative trading tasks, such as portfolio management and algorithmic trading. Especially, intraday trading is one of the most profitable and risky tasks because of the intraday behaviors of the financial market that reflect billions of rapidly fluctuating capitals. However, a vast majority of existing RL method…
▽ More
Reinforcement learning (RL) techniques have shown great success in many challenging quantitative trading tasks, such as portfolio management and algorithmic trading. Especially, intraday trading is one of the most profitable and risky tasks because of the intraday behaviors of the financial market that reflect billions of rapidly fluctuating capitals. However, a vast majority of existing RL methods focus on the relatively low frequency trading scenarios (e.g., day-level) and fail to capture the fleeting intraday investment opportunities due to two major challenges: 1) how to effectively train profitable RL agents for intraday investment decision-making, which involves high-dimensional fine-grained action space; 2) how to learn meaningful multi-modality market representation to understand the intraday behaviors of the financial market at tick-level. Motivated by the efficient workflow of professional human intraday traders, we propose DeepScalper, a deep reinforcement learning framework for intraday trading to tackle the above challenges. Specifically, DeepScalper includes four components: 1) a dueling Q-network with action branching to deal with the large action space of intraday trading for efficient RL optimization; 2) a novel reward function with a hindsight bonus to encourage RL agents making trading decisions with a long-term horizon of the entire trading day; 3) an encoder-decoder architecture to learn multi-modality temporal market embedding, which incorporates both macro-level and micro-level market information; 4) a risk-aware auxiliary task to maintain a striking balance between maximizing profit and minimizing risk. Through extensive experiments on real-world market data spanning over three years on six financial futures, we demonstrate that DeepScalper significantly outperforms many state-of-the-art baselines in terms of four financial criteria.
△ Less
Submitted 21 August, 2022; v1 submitted 15 December, 2021;
originally announced January 2022.
-
The Price Impact of Generalized Order Flow Imbalance
Authors:
Yuhan Su,
Zeyu Sun,
Jiarong Li,
Xianghui Yuan
Abstract:
Order flow imbalance can explain short-term changes in stock price. This paper considers the change of non-minimum quotation units in real transactions, and proposes a generalized order flow imbalance construction method to improve Order Flow Imbalance (OFI) and Stationarized Order Flow Imbalance (log-OFI). Based on the high-frequency order book snapshot data, we conducted an empirical analysis of…
▽ More
Order flow imbalance can explain short-term changes in stock price. This paper considers the change of non-minimum quotation units in real transactions, and proposes a generalized order flow imbalance construction method to improve Order Flow Imbalance (OFI) and Stationarized Order Flow Imbalance (log-OFI). Based on the high-frequency order book snapshot data, we conducted an empirical analysis of the CSI 500 constituent stocks. In order to facilitate the presentation, we selected 10 stocks for comparison. The two indicators after the improvement of the generalized order flow imbalance construction method both show a better ability to explain changes in stock prices. Especially Generalized Stationarized Order Flow Imbalance (log-GOFI), using a linear regression model, on the time scales of 30 seconds, 1 minute, and 5 minutes, the average R-squared out of sample compared with Order Flow Imbalance (OFI) 32.89%, 38.13% and 42.57%, respectively increased to 83.57%, 85.37% and 86.01%. In addition, we found that the interpretability of Generalized Stationarized Order Flow Imbalance (log-GOFI) showed stronger stability on all three time scales.
△ Less
Submitted 6 December, 2021;
originally announced December 2021.
-
Extremal Analysis of Flooding Risk and Management
Authors:
Chengxiu Ling,
Jiayi Li,
Yixuan Liu,
Zhiyan Cai
Abstract:
Catastrophic losses caused by natural disasters receive a growing concern about the severe rise in magnitude and frequency. The constructions of insurance and financial management scheme become increasingly necessary to diversify the disaster risks. Given the frequency and severity of floods in China, this paper investigates the extreme analysis of flood-related huge losses and extreme precipitati…
▽ More
Catastrophic losses caused by natural disasters receive a growing concern about the severe rise in magnitude and frequency. The constructions of insurance and financial management scheme become increasingly necessary to diversify the disaster risks. Given the frequency and severity of floods in China, this paper investigates the extreme analysis of flood-related huge losses and extreme precipitations using Peaks-Over-Threshold method and Point Process (PP) model. These findings are further utilized for both designs of flood zoning insurance and flooding catastrophic bond: (1) Using the extrapolation approach in Extreme Value Theory (EVT), the estimated Value-at-Risk (VaR) and conditional VaR (CVaR) are given to determine the cross-regional insurance premium together with the Grey Relational Analysis (GRA) and the Technique for Order Preference by Similarity to an Ideal Solution (TOPSIS). The flood risk vulnerability and threat are analyzed with both the geography and economic factors into considerations, leading to the three layered premium levels of the 19 flood-prone provinces. (2) To hedge the risk for insurers and reinsurers to the financial market, we design a flooding catastrophe bond with considerate trigger choices and the pricing mechanism to balance the benefits of both reinsurers and investors. To reflect both the market price of catastrophe risk and the low-correlated financial interest risk, we utilize the pricing mechanism of Tang and Yuan (2021) to analyze the pricing sensitivity against the tail risk of the flooding disaster and the distortion magnitude and the market risk through the distortion magnitude involved in Wang's transform. Finally, constructive suggestions and policies are proposed concerning the flood risk warning and prevention.
△ Less
Submitted 1 December, 2021;
originally announced December 2021.
-
WaveCorr: Correlation-savvy Deep Reinforcement Learning for Portfolio Management
Authors:
Saeed Marzban,
Erick Delage,
Jonathan Yumeng Li,
Jeremie Desgagne-Bouchard,
Carl Dussault
Abstract:
The problem of portfolio management represents an important and challenging class of dynamic decision making problems, where rebalancing decisions need to be made over time with the consideration of many factors such as investors preferences, trading environments, and market conditions. In this paper, we present a new portfolio policy network architecture for deep reinforcement learning (DRL)that…
▽ More
The problem of portfolio management represents an important and challenging class of dynamic decision making problems, where rebalancing decisions need to be made over time with the consideration of many factors such as investors preferences, trading environments, and market conditions. In this paper, we present a new portfolio policy network architecture for deep reinforcement learning (DRL)that can exploit more effectively cross-asset dependency information and achieve better performance than state-of-the-art architectures. In particular, we introduce a new property, referred to as \textit{asset permutation invariance}, for portfolio policy networks that exploit multi-asset time series data, and design the first portfolio policy network, named WaveCorr, that preserves this invariance property when treating asset correlation information. At the core of our design is an innovative permutation invariant correlation processing layer. An extensive set of experiments are conducted using data from both Canadian (TSX) and American stock markets (S&P 500), and WaveCorr consistently outperforms other architectures with an impressive 3%-25% absolute improvement in terms of average annual return, and up to more than 200% relative improvement in average Sharpe ratio. We also measured an improvement of a factor of up to 5 in the stability of performance under random choices of initial asset ordering and weights. The stability of the network has been found as particularly valuable by our industrial partner.
△ Less
Submitted 28 September, 2021; v1 submitted 14 September, 2021;
originally announced September 2021.
-
Deep Reinforcement Learning for Equal Risk Pricing and Hedging under Dynamic Expectile Risk Measures
Authors:
Saeed Marzban,
Erick Delage,
Jonathan Yumeng Li
Abstract:
Recently equal risk pricing, a framework for fair derivative pricing, was extended to consider dynamic risk measures. However, all current implementations either employ a static risk measure that violates time consistency, or are based on traditional dynamic programming solution schemes that are impracticable in problems with a large number of underlying assets (due to the curse of dimensionality)…
▽ More
Recently equal risk pricing, a framework for fair derivative pricing, was extended to consider dynamic risk measures. However, all current implementations either employ a static risk measure that violates time consistency, or are based on traditional dynamic programming solution schemes that are impracticable in problems with a large number of underlying assets (due to the curse of dimensionality) or with incomplete asset dynamics information. In this paper, we extend for the first time a famous off-policy deterministic actor-critic deep reinforcement learning (ACRL) algorithm to the problem of solving a risk averse Markov decision process that models risk using a time consistent recursive expectile risk measure. This new ACRL algorithm allows us to identify high quality time consistent hedging policies (and equal risk prices) for options, such as basket options, that cannot be handled using traditional methods, or in context where only historical trajectories of the underlying assets are available. Our numerical experiments, which involve both a simple vanilla option and a more exotic basket option, confirm that the new ACRL algorithm can produce 1) in simple environments, nearly optimal hedging policies, and highly accurate prices, simultaneously for a range of maturities 2) in complex environments, good quality policies and prices using reasonable amount of computing resources; and 3) overall, hedging strategies that actually outperform the strategies produced using static risk measures when the risk is evaluated at later points of time.
△ Less
Submitted 8 September, 2021;
originally announced September 2021.
-
Trade When Opportunity Comes: Price Movement Forecasting via Locality-Aware Attention and Iterative Refinement Labeling
Authors:
Liang Zeng,
Lei Wang,
Hui Niu,
Ruchen Zhang,
Ling Wang,
Jian Li
Abstract:
Price movement forecasting, aimed at predicting financial asset trends based on current market information, has achieved promising advancements through machine learning (ML) methods. Most existing ML methods, however, struggle with the extremely low signal-to-noise ratio and stochastic nature of financial data, often mistaking noises for real trading signals without careful selection of potentiall…
▽ More
Price movement forecasting, aimed at predicting financial asset trends based on current market information, has achieved promising advancements through machine learning (ML) methods. Most existing ML methods, however, struggle with the extremely low signal-to-noise ratio and stochastic nature of financial data, often mistaking noises for real trading signals without careful selection of potentially profitable samples. To address this issue, we propose LARA, a novel price movement forecasting framework with two main components: Locality-Aware Attention (LA-Attention) and Iterative Refinement Labeling (RA-Labeling). (1) LA-Attention, enhanced by metric learning techniques, automatically extracts the potentially profitable samples through masked attention scheme and task-specific distance metrics. (2) RA-Labeling further iteratively refines the noisy labels of potentially profitable samples, and combines the learned predictors robust to the unseen and noisy samples. In a set of experiments on three real-world financial markets: stocks, cryptocurrencies, and ETFs, LARA significantly outperforms several machine learning based methods on the Qlib quantitative investment platform. Extensive ablation studies confirm LARA's superior ability in capturing more reliable trading opportunities.
△ Less
Submitted 10 July, 2024; v1 submitted 26 July, 2021;
originally announced July 2021.
-
DoubleEnsemble: A New Ensemble Method Based on Sample Reweighting and Feature Selection for Financial Data Analysis
Authors:
Chuheng Zhang,
Yuanqi Li,
Xi Chen,
Yifei Jin,
Pingzhong Tang,
Jian Li
Abstract:
Modern machine learning models (such as deep neural networks and boosting decision tree models) have become increasingly popular in financial market prediction, due to their superior capacity to extract complex non-linear patterns. However, since financial datasets have very low signal-to-noise ratio and are non-stationary, complex models are often very prone to overfitting and suffer from instabi…
▽ More
Modern machine learning models (such as deep neural networks and boosting decision tree models) have become increasingly popular in financial market prediction, due to their superior capacity to extract complex non-linear patterns. However, since financial datasets have very low signal-to-noise ratio and are non-stationary, complex models are often very prone to overfitting and suffer from instability issues. Moreover, as various machine learning and data mining tools become more widely used in quantitative trading, many trading firms have been producing an increasing number of features (aka factors). Therefore, how to automatically select effective features becomes an imminent problem. To address these issues, we propose DoubleEnsemble, an ensemble framework leveraging learning trajectory based sample reweighting and shuffling based feature selection. Specifically, we identify the key samples based on the training dynamics on each sample and elicit key features based on the ablation impact of each feature via shuffling. Our model is applicable to a wide range of base models, capable of extracting complex patterns, while mitigating the overfitting and instability issues for financial market prediction. We conduct extensive experiments, including price prediction for cryptocurrencies and stock trading, using both DNN and gradient boosting decision tree as base models. Our experiment results demonstrate that DoubleEnsemble achieves a superior performance compared with several baseline methods.
△ Less
Submitted 31 January, 2021; v1 submitted 2 October, 2020;
originally announced October 2020.
-
Generating Realistic Stock Market Order Streams
Authors:
Junyi Li,
Xitong Wang,
Yaoyang Lin,
Arunesh Sinha,
Micheal P. Wellman
Abstract:
We propose an approach to generate realistic and high-fidelity stock market data based on generative adversarial networks (GANs). Our Stock-GAN model employs a conditional Wasserstein GAN to capture history dependence of orders. The generator design includes specially crafted aspects including components that approximate the market's auction mechanism, augmenting the order history with order-book…
▽ More
We propose an approach to generate realistic and high-fidelity stock market data based on generative adversarial networks (GANs). Our Stock-GAN model employs a conditional Wasserstein GAN to capture history dependence of orders. The generator design includes specially crafted aspects including components that approximate the market's auction mechanism, augmenting the order history with order-book constructions to improve the generation task. We perform an ablation study to verify the usefulness of aspects of our network structure. We provide a mathematical characterization of distribution learned by the generator. We also propose statistics to measure the quality of generated orders. We test our approach with synthetic and actual market data, compare to many baseline generative models, and find the generated data to be close to real data.
△ Less
Submitted 7 June, 2020;
originally announced June 2020.
-
A game theoretical approach to homothetic robust forward investment performance processes in stochastic factor models
Authors:
Juan Li,
Wenqiang Li,
Gechun Liang
Abstract:
This paper studies an optimal forward investment problem in an incomplete market with model uncertainty, in which the underlying stocks depend on the correlated stochastic factors. The uncertainty stems from the probability measure chosen by an investor to evaluate the performance. We obtain directly the representation of the homothetic robust forward performance processes in factor-form by combin…
▽ More
This paper studies an optimal forward investment problem in an incomplete market with model uncertainty, in which the underlying stocks depend on the correlated stochastic factors. The uncertainty stems from the probability measure chosen by an investor to evaluate the performance. We obtain directly the representation of the homothetic robust forward performance processes in factor-form by combining the zero-sum stochastic differential game and ergodic BSDE approach. We also establish the connections with the risk-sensitive zero-sum stochastic differential games over an infinite horizon with ergodic payoff criteria, as well as with the classical robust expected utilities for long time horizons. Finally, we give an example to illustrate that our approach can be applied to address a type of robust forward investment performance processes with negative realization processes.
△ Less
Submitted 3 May, 2021; v1 submitted 6 May, 2020;
originally announced May 2020.
-
A Novel Twitter Sentiment Analysis Model with Baseline Correlation for Financial Market Prediction with Improved Efficiency
Authors:
Xinyi Guo,
Jinfeng Li
Abstract:
A novel social networks sentiment analysis model is proposed based on Twitter sentiment score (TSS) for real-time prediction of the future stock market price FTSE 100, as compared with conventional econometric models of investor sentiment based on closed-end fund discount (CEFD). The proposed TSS model features a new baseline correlation approach, which not only exhibits a decent prediction accura…
▽ More
A novel social networks sentiment analysis model is proposed based on Twitter sentiment score (TSS) for real-time prediction of the future stock market price FTSE 100, as compared with conventional econometric models of investor sentiment based on closed-end fund discount (CEFD). The proposed TSS model features a new baseline correlation approach, which not only exhibits a decent prediction accuracy, but also reduces the computation burden and enables a fast decision making without the knowledge of historical data. Polynomial regression, classification modelling and lexicon-based sentiment analysis are performed using R. The obtained TSS predicts the future stock market trend in advance by 15 time samples (30 working hours) with an accuracy of 67.22% using the proposed baseline criterion without referring to historical TSS or market data. Specifically, TSS's prediction performance of an upward market is found far better than that of a downward market. Under the logistic regression and linear discriminant analysis, the accuracy of TSS in predicting the upward trend of the future market achieves 97.87%.
△ Less
Submitted 21 April, 2020; v1 submitted 18 March, 2020;
originally announced March 2020.
-
AutoAlpha: an Efficient Hierarchical Evolutionary Algorithm for Mining Alpha Factors in Quantitative Investment
Authors:
Tianping Zhang,
Yuanqi Li,
Yifei Jin,
Jian Li
Abstract:
The multi-factor model is a widely used model in quantitative investment. The success of a multi-factor model is largely determined by the effectiveness of the alpha factors used in the model. This paper proposes a new evolutionary algorithm called AutoAlpha to automatically generate effective formulaic alphas from massive stock datasets. Specifically, first we discover an inherent pattern of the…
▽ More
The multi-factor model is a widely used model in quantitative investment. The success of a multi-factor model is largely determined by the effectiveness of the alpha factors used in the model. This paper proposes a new evolutionary algorithm called AutoAlpha to automatically generate effective formulaic alphas from massive stock datasets. Specifically, first we discover an inherent pattern of the formulaic alphas and propose a hierarchical structure to quickly locate the promising part of space for search. Then we propose a new Quality Diversity search based on the Principal Component Analysis (PCA-QD) to guide the search away from the well-explored space for more desirable results. Next, we utilize the warm start method and the replacement method to prevent the premature convergence problem. Based on the formulaic alphas we discover, we propose an ensemble learning-to-rank model for generating the portfolio. The backtests in the Chinese stock market and the comparisons with several baselines further demonstrate the effectiveness of AutoAlpha in mining formulaic alphas for quantitative trading.
△ Less
Submitted 4 April, 2020; v1 submitted 8 February, 2020;
originally announced February 2020.
-
Equal Risk Pricing and Hedging of Financial Derivatives with Convex Risk Measures
Authors:
Saeed Marzban,
Erick Delage,
Jonathan Yumeng Li
Abstract:
In this paper, we consider the problem of equal risk pricing and hedging in which the fair price of an option is the price that exposes both sides of the contract to the same level of risk. Focusing for the first time on the context where risk is measured according to convex risk measures, we establish that the problem reduces to solving independently the writer and the buyer's hedging problem wit…
▽ More
In this paper, we consider the problem of equal risk pricing and hedging in which the fair price of an option is the price that exposes both sides of the contract to the same level of risk. Focusing for the first time on the context where risk is measured according to convex risk measures, we establish that the problem reduces to solving independently the writer and the buyer's hedging problem with zero initial capital. By further imposing that the risk measures decompose in a way that satisfies a Markovian property, we provide dynamic programming equations that can be used to solve the hedging problems for both the case of European and American options. All of our results are general enough to accommodate situations where the risk is measured according to a worst-case risk measure as is typically done in robust optimization. Our numerical study illustrates the advantages of equal risk pricing over schemes that only account for a single party, pricing based on quadratic hedging (i.e. $ε$-arbitrage pricing), or pricing based on a fixed equivalent martingale measure (i.e. Black-Scholes pricing). In particular, the numerical results confirm that when employing an equal risk price both the writer and the buyer end up being exposed to risks that are more similar and on average smaller than what they would experience with the other approaches.
△ Less
Submitted 16 September, 2020; v1 submitted 7 February, 2020;
originally announced February 2020.
-
PAGAN: Portfolio Analysis with Generative Adversarial Networks
Authors:
Giovanni Mariani,
Yada Zhu,
Jianbo Li,
Florian Scheidegger,
Roxana Istrate,
Costas Bekas,
A. Cristiano I. Malossi
Abstract:
Since decades, the data science community tries to propose prediction models of financial time series. Yet, driven by the rapid development of information technology and machine intelligence, the velocity of today's information leads to high market efficiency. Sound financial theories demonstrate that in an efficient marketplace all information available today, including expectations on future eve…
▽ More
Since decades, the data science community tries to propose prediction models of financial time series. Yet, driven by the rapid development of information technology and machine intelligence, the velocity of today's information leads to high market efficiency. Sound financial theories demonstrate that in an efficient marketplace all information available today, including expectations on future events, are represented in today prices whereas future price trend is driven by the uncertainty. This jeopardizes the efforts put in designing prediction models. To deal with the unpredictability of financial systems, today's portfolio management is largely based on the Markowitz framework which puts more emphasis in the analysis of the market uncertainty and less in the price prediction. The limitation of the Markowitz framework stands in taking very strong ideal assumptions about future returns probability distribution.
To address this situation we propose PAGAN, a pioneering methodology based on deep generative models. The goal is modeling the market uncertainty that ultimately is the main factor driving future trends. The generative model learns the joint probability distribution of price trends for a set of financial assets to match the probability distribution of the real market. Once the model is trained, a portfolio is optimized by deciding the best diversification to minimize the risk and maximize the expected returns observed over the execution of several simulations. Applying the model for analyzing possible futures, is as simple as executing a Monte Carlo simulation, a technique very familiar to finance experts. The experimental results on different portfolios representing different geopolitical areas and industrial segments constructed using real-world public data sets demonstrate promising results.
△ Less
Submitted 19 September, 2019;
originally announced September 2019.
-
Constructing Financial Sentimental Factors in Chinese Market Using Natural Language Processing
Authors:
Junfeng Jiang,
Jiahao Li
Abstract:
In this paper, we design an integrated algorithm to evaluate the sentiment of Chinese market. Firstly, with the help of the web browser automation, we crawl a lot of news and comments from several influential financial websites automatically. Secondly, we use techniques of Natural Language Processing(NLP) under Chinese context, including tokenization, Word2vec word embedding and semantic database…
▽ More
In this paper, we design an integrated algorithm to evaluate the sentiment of Chinese market. Firstly, with the help of the web browser automation, we crawl a lot of news and comments from several influential financial websites automatically. Secondly, we use techniques of Natural Language Processing(NLP) under Chinese context, including tokenization, Word2vec word embedding and semantic database WordNet, to compute Senti-scores of these news and comments, and then construct the sentimental factor. Here, we build a finance-specific sentimental lexicon so that the sentimental factor can reflect the sentiment of financial market but not the general sentiments as happiness, sadness, etc. Thirdly, we also implement an adjustment of the standard sentimental factor. Our experimental performance shows that there is a significant correlation between our standard sentimental factor and the Chinese market, and the adjusted factor is even more informative, having a stronger correlation with the Chinese market. Therefore, our sentimental factors can be important references when making investment decisions. Especially during the Chinese market crash in 2015, the Pearson correlation coefficient of adjusted sentimental factor with SSE is 0.5844, which suggests that our model can provide a solid guidance, especially in the special period when the market is influenced greatly by public sentiment.
△ Less
Submitted 22 September, 2018;
originally announced September 2018.
-
Dynamic risk measures with fluctuation of market volatility under Bochne-Lebesgue space
Authors:
Fei Sun,
Jingchao Li,
Jieming Zhou
Abstract:
Starting from the global financial crisis to the more recent disruptions brought about by geopolitical tensions and public health crises, the volatility of risk in financial markets has increased significantly. This underscores the necessity for comprehensive risk measures capable of capturing the complexity and heightened fluctuations in market volatility. This need is crucial not only for new fi…
▽ More
Starting from the global financial crisis to the more recent disruptions brought about by geopolitical tensions and public health crises, the volatility of risk in financial markets has increased significantly. This underscores the necessity for comprehensive risk measures capable of capturing the complexity and heightened fluctuations in market volatility. This need is crucial not only for new financial assets but also for the traditional financial market in the face of a rapidly changing financial environment and global landscape. In this paper, we consider the risk measures on a special space $L^{p(\cdot)}$, where the variable exponent $p(\cdot)$ is no longer a given real number as in the conventional risk measure space $L^{p}$, but rather a random variable reflecting potential fluctuations in volatility within financial markets. Through further development of axioms related to this class of risk measures, we also establish dual representations for them.
△ Less
Submitted 29 March, 2024; v1 submitted 4 June, 2018;
originally announced June 2018.
-
Optimal Timing to Trade Along a Randomized Brownian Bridge
Authors:
Tim Leung,
Jiao Li,
Xin Li
Abstract:
This paper studies an optimal trading problem that incorporates the trader's market view on the terminal asset price distribution and uninformative noise embedded in the asset price dynamics. We model the underlying asset price evolution by an exponential randomized Brownian bridge (rBb) and consider various prior distributions for the random endpoint. We solve for the optimal strategies to sell a…
▽ More
This paper studies an optimal trading problem that incorporates the trader's market view on the terminal asset price distribution and uninformative noise embedded in the asset price dynamics. We model the underlying asset price evolution by an exponential randomized Brownian bridge (rBb) and consider various prior distributions for the random endpoint. We solve for the optimal strategies to sell a stock, call, or put, and analyze the associated delayed liquidation premia. We solve for the optimal trading strategies numerically and compare them across different prior beliefs. Among our results, we find that disconnected continuation/exercise regions arise when the trader prescribe a two-point discrete distribution and double exponential distribution.
△ Less
Submitted 4 August, 2018; v1 submitted 31 December, 2017;
originally announced January 2018.
-
Closed-form solutions for worst-case law invariant risk measures with application to robust portfolio optimization
Authors:
Jonathan Yu-Meng Li
Abstract:
Worst-case risk measures refer to the calculation of the largest value for risk measures when only partial information of the underlying distribution is available. For the popular risk measures such as Value-at-Risk (VaR) and Conditional Value-at-Risk (CVaR), it is now known that their worst-case counterparts can be evaluated in closed form when only the first two moments are known for the underly…
▽ More
Worst-case risk measures refer to the calculation of the largest value for risk measures when only partial information of the underlying distribution is available. For the popular risk measures such as Value-at-Risk (VaR) and Conditional Value-at-Risk (CVaR), it is now known that their worst-case counterparts can be evaluated in closed form when only the first two moments are known for the underlying distribution. These results are remarkable since they not only simplify the use of worst-case risk measures but also provide great insight into the connection between the worst-case risk measures and existing risk measures. We show in this paper that somewhat surprisingly similar closed-form solutions also exist for the general class of law invariant coherent risk measures, which consists of spectral risk measures as special cases that are arguably the most important extensions of CVaR. We shed light on the one-to-one correspondence between a worst-case law invariant risk measure and a worst-case CVaR (and a worst-case VaR), which enables one to carry over the development of worst-case VaR in the context of portfolio optimization to the worst-case law invariant risk measures immediately.
△ Less
Submitted 13 September, 2016;
originally announced September 2016.
-
Inverse Optimization of Convex Risk Functions
Authors:
Jonathan Yu-Meng Li
Abstract:
The theory of convex risk functions has now been well established as the basis for identifying the families of risk functions that should be used in risk averse optimization problems. Despite its theoretical appeal, the implementation of a convex risk function remains difficult, as there is little guidance regarding how a convex risk function should be chosen so that it also well represents one's…
▽ More
The theory of convex risk functions has now been well established as the basis for identifying the families of risk functions that should be used in risk averse optimization problems. Despite its theoretical appeal, the implementation of a convex risk function remains difficult, as there is little guidance regarding how a convex risk function should be chosen so that it also well represents one's own risk preferences. In this paper, we address this issue through the lens of inverse optimization. Specifically, given solution data from some (forward) risk-averse optimization problems we develop an inverse optimization framework that generates a risk function that renders the solutions optimal for the forward problems. The framework incorporates the well-known properties of convex risk functions, namely, monotonicity, convexity, translation invariance, and law invariance, as the general information about candidate risk functions, and also the feedbacks from individuals, which include an initial estimate of the risk function and pairwise comparisons among random losses, as the more specific information. Our framework is particularly novel in that unlike classical inverse optimization, no parametric assumption is made about the risk function, i.e. it is non-parametric. We show how the resulting inverse optimization problems can be reformulated as convex programs and are polynomially solvable if the corresponding forward problems are polynomially solvable. We illustrate the imputed risk functions in a portfolio selection problem and demonstrate their practical value using real-life data.
△ Less
Submitted 19 July, 2022; v1 submitted 24 July, 2016;
originally announced July 2016.
-
Trading VIX Futures under Mean Reversion with Regime Switching
Authors:
Jiao Li
Abstract:
This paper studies the optimal VIX futures trading problems under a regime-switching model. We consider the VIX as mean reversion dynamics with dependence on the regime that switches among a finite number of states. For the trading strategies, we analyze the timings and sequences of the investor's market participation, which leads to several corresponding coupled system of variational inequalities…
▽ More
This paper studies the optimal VIX futures trading problems under a regime-switching model. We consider the VIX as mean reversion dynamics with dependence on the regime that switches among a finite number of states. For the trading strategies, we analyze the timings and sequences of the investor's market participation, which leads to several corresponding coupled system of variational inequalities. The numerical approach is developed to solve these optimal double stopping problems by using projected-successive-over-relaxation (PSOR) method with Crank-Nicolson scheme. We illustrate the optimal boundaries via numerical examples of two-state Markov chain model. In particular, we examine the impacts of transaction costs and regime-switching timings on the VIX futures trading strategies.
△ Less
Submitted 14 June, 2016; v1 submitted 25 May, 2016;
originally announced May 2016.
-
Stochastic Perron for Stochastic Target Problems
Authors:
Erhan Bayraktar,
Jiaqi Li
Abstract:
In this paper, we adapt stochastic Perron's method to analyze a stochastic target problem with unbounded controls in a jump diffusion set-up. With this method, we construct a viscosity sub-solution and super-solution to the associated Hamiltonian-Jacobi-Bellman (HJB) equations. Under comparison principles, uniqueness of the viscosity solutions holds and the value function coincides with the unique…
▽ More
In this paper, we adapt stochastic Perron's method to analyze a stochastic target problem with unbounded controls in a jump diffusion set-up. With this method, we construct a viscosity sub-solution and super-solution to the associated Hamiltonian-Jacobi-Bellman (HJB) equations. Under comparison principles, uniqueness of the viscosity solutions holds and the value function coincides with the unique solution in the parabolic interior. Since classical control problems can be analyzed under the framework of stochastic target problems (with unbounded controls), we use our results to generalize the results in ArXiv:1212.2170 to problems with controlled jumps.
△ Less
Submitted 17 May, 2016; v1 submitted 13 April, 2016;
originally announced April 2016.
-
The Affine Wealth Model: An agent-based model of asset exchange that allows for negative-wealth agents and its empirical validation
Authors:
Jie Li,
Bruce M. Boghosian,
Chengli Li
Abstract:
We present a stochastic, agent-based, binary-transaction Asset-Exchange Model (AEM) for wealth distribution that allows for agents with negative wealth. This model retains certain features of prior AEMs such as redistribution and wealth-attained advantage, but it also allows for shifts as well as scalings of the agent density function. We derive the Fokker-Planck equation describing its time evolu…
▽ More
We present a stochastic, agent-based, binary-transaction Asset-Exchange Model (AEM) for wealth distribution that allows for agents with negative wealth. This model retains certain features of prior AEMs such as redistribution and wealth-attained advantage, but it also allows for shifts as well as scalings of the agent density function. We derive the Fokker-Planck equation describing its time evolution and we describe its numerical solution, including a methodology for solving the inverse problem of finding the model parameters that best match empirical data. Using this methodology, we compare the steady-state solutions of the Fokker-Planck equation with data from the United States Survey of Consumer Finances over a time period of 27 years. In doing so, we demonstrate agreement with empirical data of an average error less than 0.16\% over this time period. We present the model parameters for the US wealth distribution data as a function of time under the assumption that the distribution responds to their variation adiabatically. We argue that the time series of model parameters thus obtained provides a valuable new diagnostic tool for analyzing wealth inequality.
△ Less
Submitted 14 February, 2018; v1 submitted 8 April, 2016;
originally announced April 2016.
-
Speculative Futures Trading under Mean Reversion
Authors:
Tim Leung,
Jiao Li,
Xin Li,
Zheng Wang
Abstract:
This paper studies the problem of trading futures with transaction costs when the underlying spot price is mean-reverting. Specifically, we model the spot dynamics by the Ornstein-Uhlenbeck (OU), Cox-Ingersoll-Ross (CIR), or exponential Ornstein-Uhlenbeck (XOU) model. The futures term structure is derived and its connection to futures price dynamics is examined. For each futures contract, we descr…
▽ More
This paper studies the problem of trading futures with transaction costs when the underlying spot price is mean-reverting. Specifically, we model the spot dynamics by the Ornstein-Uhlenbeck (OU), Cox-Ingersoll-Ross (CIR), or exponential Ornstein-Uhlenbeck (XOU) model. The futures term structure is derived and its connection to futures price dynamics is examined. For each futures contract, we describe the evolution of the roll yield, and compute explicitly the expected roll yield. For the futures trading problem, we incorporate the investor's timing option to enter or exit the market, as well as a chooser option to long or short a futures upon entry. This leads us to formulate and solve the corresponding optimal double stopping problems to determine the optimal trading strategies. Numerical results are presented to illustrate the optimal entry and exit boundaries under different models. We find that the option to choose between a long or short position induces the investor to delay market entry, as compared to the case where the investor pre-commits to go either long or short.
△ Less
Submitted 16 January, 2016;
originally announced January 2016.
-
VCG Payments for Portfolio Allocations in Online Advertising
Authors:
James Li,
Eric Bax,
Nilanjan Roy,
Andrea Leistra
Abstract:
Some online advertising offers pay only when an ad elicits a response. Randomness and uncertainty about response rates make showing those ads a risky investment for online publishers. Like financial investors, publishers can use portfolio allocation over multiple advertising offers to pursue revenue while controlling risk. Allocations over multiple offers do not have a distinct winner and runner-u…
▽ More
Some online advertising offers pay only when an ad elicits a response. Randomness and uncertainty about response rates make showing those ads a risky investment for online publishers. Like financial investors, publishers can use portfolio allocation over multiple advertising offers to pursue revenue while controlling risk. Allocations over multiple offers do not have a distinct winner and runner-up, so the usual second-price mechanism does not apply. This paper develops a pricing mechanism for portfolio allocations. The mechanism is efficient, truthful, and rewards offers that reduce risk.
△ Less
Submitted 5 June, 2015;
originally announced June 2015.
-
Stochastic Perron for stochastic target games
Authors:
Erhan Bayraktar,
Jiaqi Li
Abstract:
We extend the stochastic Perron method to analyze the framework of stochastic target games, in which one player tries to find a strategy such that the state process almost surely reaches a given target no matter which action is chosen by the other player. Within this framework, our method produces a viscosity sub-solution (super-solution) of a Hamilton-Jacobi-Bellman (HJB) equation. We then charac…
▽ More
We extend the stochastic Perron method to analyze the framework of stochastic target games, in which one player tries to find a strategy such that the state process almost surely reaches a given target no matter which action is chosen by the other player. Within this framework, our method produces a viscosity sub-solution (super-solution) of a Hamilton-Jacobi-Bellman (HJB) equation. We then characterize the value function as a viscosity solution to the HJB equation using a comparison result and a byproduct to obtain the dynamic programming principle.
△ Less
Submitted 6 April, 2016; v1 submitted 28 August, 2014;
originally announced August 2014.
-
Optimal Dynamic Portfolio with Mean-CVaR Criterion
Authors:
Jing Li,
Mingxin Xu
Abstract:
Value-at-Risk (VaR) and Conditional Value-at-Risk (CVaR) are popular risk measures from academic, industrial and regulatory perspectives. The problem of minimizing CVaR is theoretically known to be of Neyman-Pearson type binary solution. We add a constraint on expected return to investigate the Mean-CVaR portfolio selection problem in a dynamic setting: the investor is faced with a Markowitz type…
▽ More
Value-at-Risk (VaR) and Conditional Value-at-Risk (CVaR) are popular risk measures from academic, industrial and regulatory perspectives. The problem of minimizing CVaR is theoretically known to be of Neyman-Pearson type binary solution. We add a constraint on expected return to investigate the Mean-CVaR portfolio selection problem in a dynamic setting: the investor is faced with a Markowitz type of risk reward problem at final horizon where variance as a measure of risk is replaced by CVaR. Based on the complete market assumption, we give an analytical solution in general. The novelty of our solution is that it is no longer Neyman-Pearson type where the final optimal portfolio takes only two values. Instead, in the case where the portfolio value is required to be bounded from above, the optimal solution takes three values; while in the case where there is no upper bound, the optimal investment portfolio does not exist, though a three-level portfolio still provides a sub-optimal solution.
△ Less
Submitted 10 August, 2013;
originally announced August 2013.
-
Bayesian logistic betting strategy against probability forecasting
Authors:
Masayuki Kumon,
Jing Li,
Akimichi Takemura,
Kei Takeuchi
Abstract:
We propose a betting strategy based on Bayesian logistic regression modeling for the probability forecasting game in the framework of game-theoretic probability by Shafer and Vovk (2001). We prove some results concerning the strong law of large numbers in the probability forecasting game with side information based on our strategy. We also apply our strategy for assessing the quality of probabilit…
▽ More
We propose a betting strategy based on Bayesian logistic regression modeling for the probability forecasting game in the framework of game-theoretic probability by Shafer and Vovk (2001). We prove some results concerning the strong law of large numbers in the probability forecasting game with side information based on our strategy. We also apply our strategy for assessing the quality of probability forecasting by the Japan Meteorological Agency. We find that our strategy beats the agency by exploiting its tendency of avoiding clear-cut forecasts.
△ Less
Submitted 16 April, 2012;
originally announced April 2012.