-
TIP-Search: Time-Predictable Inference Scheduling for Market Prediction under Uncertain Load
Authors:
Xibai Wang
Abstract:
This paper proposes TIP-Search, a time-predictable inference scheduling framework for real-time market prediction under uncertain workloads. Motivated by the strict latency demands in high-frequency financial systems, TIP-Search dynamically selects a deep learning model from a heterogeneous pool, aiming to maximize predictive accuracy while satisfying per-task deadline constraints. Our approach pr…
▽ More
This paper proposes TIP-Search, a time-predictable inference scheduling framework for real-time market prediction under uncertain workloads. Motivated by the strict latency demands in high-frequency financial systems, TIP-Search dynamically selects a deep learning model from a heterogeneous pool, aiming to maximize predictive accuracy while satisfying per-task deadline constraints. Our approach profiles latency and generalization performance offline, then performs online task-aware selection without relying on explicit input domain labels. We evaluate TIP-Search on three real-world limit order book datasets (FI-2010, Binance BTC/USDT, LOBSTER AAPL) and demonstrate that it outperforms static baselines with up to 8.5% improvement in accuracy and 100% deadline satisfaction. Our results highlight the effectiveness of TIP-Search in robust low-latency financial inference under uncertainty.
△ Less
Submitted 16 June, 2025; v1 submitted 30 May, 2025;
originally announced June 2025.
-
Why Regression? Binary Encoding Classification Brings Confidence to Stock Market Index Price Prediction
Authors:
Junzhe Jiang,
Chang Yang,
Xinrun Wang,
Bo Li
Abstract:
Stock market indices serve as fundamental market measurement that quantify systematic market dynamics. However, accurate index price prediction remains challenging, primarily because existing approaches treat indices as isolated time series and frame the prediction as a simple regression task. These methods fail to capture indices' inherent nature as aggregations of constituent stocks with complex…
▽ More
Stock market indices serve as fundamental market measurement that quantify systematic market dynamics. However, accurate index price prediction remains challenging, primarily because existing approaches treat indices as isolated time series and frame the prediction as a simple regression task. These methods fail to capture indices' inherent nature as aggregations of constituent stocks with complex, time-varying interdependencies. To address these limitations, we propose Cubic, a novel end-to-end framework that explicitly models the adaptive fusion of constituent stocks for index price prediction. Our main contributions are threefold. i) Fusion in the latent space: we introduce the fusion mechanism over the latent embedding of the stocks to extract the information from the vast number of stocks. ii) Binary encoding classification: since regression tasks are challenging due to continuous value estimation, we reformulate the regression into the classification task, where the target value is converted to binary and we optimize the prediction of the value of each digit with cross-entropy loss. iii) Confidence-guided prediction and trading: we introduce the regularization loss to address market prediction uncertainty for the index prediction and design the rule-based trading policies based on the confidence. Extensive experiments across multiple stock markets and indices demonstrate that Cubic consistently outperforms state-of-the-art baselines in stock index prediction tasks, achieving superior performance on both forecasting accuracy metrics and downstream trading profitability.
△ Less
Submitted 18 May, 2025;
originally announced June 2025.
-
R&D-Agent-Quant: A Multi-Agent Framework for Data-Centric Factors and Model Joint Optimization
Authors:
Yuante Li,
Xu Yang,
Xiao Yang,
Minrui Xu,
Xisen Wang,
Weiqing Liu,
Jiang Bian
Abstract:
Financial markets pose fundamental challenges for asset return prediction due to their high dimensionality, non-stationarity, and persistent volatility. Despite advances in large language models and multi-agent systems, current quantitative research pipelines suffer from limited automation, weak interpretability, and fragmented coordination across key components such as factor mining and model inn…
▽ More
Financial markets pose fundamental challenges for asset return prediction due to their high dimensionality, non-stationarity, and persistent volatility. Despite advances in large language models and multi-agent systems, current quantitative research pipelines suffer from limited automation, weak interpretability, and fragmented coordination across key components such as factor mining and model innovation. In this paper, we propose R&D-Agent for Quantitative Finance, in short RD-Agent(Q), the first data-centric multi-agent framework designed to automate the full-stack research and development of quantitative strategies via coordinated factor-model co-optimization. RD-Agent(Q) decomposes the quant process into two iterative stages: a Research stage that dynamically sets goal-aligned prompts, formulates hypotheses based on domain priors, and maps them to concrete tasks, and a Development stage that employs a code-generation agent, Co-STEER, to implement task-specific code, which is then executed in real-market backtests. The two stages are connected through a feedback stage that thoroughly evaluates experimental outcomes and informs subsequent iterations, with a multi-armed bandit scheduler for adaptive direction selection. Empirically, RD-Agent(Q) achieves up to 2X higher annualized returns than classical factor libraries using 70% fewer factors, and outperforms state-of-the-art deep time-series models on real markets. Its joint factor-model optimization delivers a strong balance between predictive accuracy and strategy robustness. Our code is available at: https://github.com/microsoft/RD-Agent.
△ Less
Submitted 21 May, 2025;
originally announced May 2025.
-
FinMaster: A Holistic Benchmark for Mastering Full-Pipeline Financial Workflows with LLMs
Authors:
Junzhe Jiang,
Chang Yang,
Aixin Cui,
Sihan Jin,
Ruiyu Wang,
Bo Li,
Xiao Huang,
Dongning Sun,
Xinrun Wang
Abstract:
Financial tasks are pivotal to global economic stability; however, their execution faces challenges including labor intensive processes, low error tolerance, data fragmentation, and tool limitations. Although large language models (LLMs) have succeeded in various natural language processing tasks and have shown potential in automating workflows through reasoning and contextual understanding, curre…
▽ More
Financial tasks are pivotal to global economic stability; however, their execution faces challenges including labor intensive processes, low error tolerance, data fragmentation, and tool limitations. Although large language models (LLMs) have succeeded in various natural language processing tasks and have shown potential in automating workflows through reasoning and contextual understanding, current benchmarks for evaluating LLMs in finance lack sufficient domain-specific data, have simplistic task design, and incomplete evaluation frameworks. To address these gaps, this article presents FinMaster, a comprehensive financial benchmark designed to systematically assess the capabilities of LLM in financial literacy, accounting, auditing, and consulting. Specifically, FinMaster comprises three main modules: i) FinSim, which builds simulators that generate synthetic, privacy-compliant financial data for companies to replicate market dynamics; ii) FinSuite, which provides tasks in core financial domains, spanning 183 tasks of various types and difficulty levels; and iii) FinEval, which develops a unified interface for evaluation. Extensive experiments over state-of-the-art LLMs reveal critical capability gaps in financial reasoning, with accuracy dropping from over 90% on basic tasks to merely 40% on complex scenarios requiring multi-step reasoning. This degradation exhibits the propagation of computational errors, where single-metric calculations initially demonstrating 58% accuracy decreased to 37% in multimetric scenarios. To the best of our knowledge, FinMaster is the first benchmark that covers full-pipeline financial workflows with challenging tasks. We hope that FinMaster can bridge the gap between research and industry practitioners, driving the adoption of LLMs in real-world financial practices to enhance efficiency and accuracy.
△ Less
Submitted 18 May, 2025;
originally announced May 2025.
-
QuantBench: Benchmarking AI Methods for Quantitative Investment
Authors:
Saizhuo Wang,
Hao Kong,
Jiadong Guo,
Fengrui Hua,
Yiyan Qi,
Wanyun Zhou,
Jiahao Zheng,
Xinyu Wang,
Lionel M. Ni,
Jian Guo
Abstract:
The field of artificial intelligence (AI) in quantitative investment has seen significant advancements, yet it lacks a standardized benchmark aligned with industry practices. This gap hinders research progress and limits the practical application of academic innovations. We present QuantBench, an industrial-grade benchmark platform designed to address this critical need. QuantBench offers three ke…
▽ More
The field of artificial intelligence (AI) in quantitative investment has seen significant advancements, yet it lacks a standardized benchmark aligned with industry practices. This gap hinders research progress and limits the practical application of academic innovations. We present QuantBench, an industrial-grade benchmark platform designed to address this critical need. QuantBench offers three key strengths: (1) standardization that aligns with quantitative investment industry practices, (2) flexibility to integrate various AI algorithms, and (3) full-pipeline coverage of the entire quantitative investment process. Our empirical studies using QuantBench reveal some critical research directions, including the need for continual learning to address distribution shifts, improved methods for modeling relational financial data, and more robust approaches to mitigate overfitting in low signal-to-noise environments. By providing a common ground for evaluation and fostering collaboration between researchers and practitioners, QuantBench aims to accelerate progress in AI for quantitative investment, similar to the impact of benchmark platforms in computer vision and natural language processing.
△ Less
Submitted 24 April, 2025;
originally announced April 2025.
-
Assessing Consistency and Reproducibility in the Outputs of Large Language Models: Evidence Across Diverse Finance and Accounting Tasks
Authors:
Julian Junyan Wang,
Victor Xiaoqi Wang
Abstract:
This study provides the first comprehensive assessment of consistency and reproducibility in Large Language Model (LLM) outputs in finance and accounting research. We evaluate how consistently LLMs produce outputs given identical inputs through extensive experimentation with 50 independent runs across five common tasks: classification, sentiment analysis, summarization, text generation, and predic…
▽ More
This study provides the first comprehensive assessment of consistency and reproducibility in Large Language Model (LLM) outputs in finance and accounting research. We evaluate how consistently LLMs produce outputs given identical inputs through extensive experimentation with 50 independent runs across five common tasks: classification, sentiment analysis, summarization, text generation, and prediction. Using three OpenAI models (GPT-3.5-turbo, GPT-4o-mini, and GPT-4o), we generate over 3.4 million outputs from diverse financial source texts and data, covering MD&As, FOMC statements, finance news articles, earnings call transcripts, and financial statements. Our findings reveal substantial but task-dependent consistency, with binary classification and sentiment analysis achieving near-perfect reproducibility, while complex tasks show greater variability. More advanced models do not consistently demonstrate better consistency and reproducibility, with task-specific patterns emerging. LLMs significantly outperform expert human annotators in consistency and maintain high agreement even where human experts significantly disagree. We further find that simple aggregation strategies across 3-5 runs dramatically improve consistency. We also find that aggregation may come with an additional benefit of improved accuracy for sentiment analysis when using newer models. Simulation analysis reveals that despite measurable inconsistency in LLM outputs, downstream statistical inferences remain remarkably robust. These findings address concerns about what we term "G-hacking," the selective reporting of favorable outcomes from multiple Generative AI runs, by demonstrating that such risks are relatively low for finance and accounting tasks.
△ Less
Submitted 16 June, 2025; v1 submitted 21 March, 2025;
originally announced March 2025.
-
SusGen-GPT: A Data-Centric LLM for Financial NLP and Sustainability Report Generation
Authors:
Qilong Wu,
Xiaoneng Xiang,
Hejia Huang,
Xuan Wang,
Yeo Wei Jie,
Ranjan Satapathy,
Ricardo Shirota Filho,
Bharadwaj Veeravalli
Abstract:
The rapid growth of the financial sector and the rising focus on Environmental, Social, and Governance (ESG) considerations highlight the need for advanced NLP tools. However, open-source LLMs proficient in both finance and ESG domains remain scarce. To address this gap, we introduce SusGen-30K, a category-balanced dataset comprising seven financial NLP tasks and ESG report generation, and propose…
▽ More
The rapid growth of the financial sector and the rising focus on Environmental, Social, and Governance (ESG) considerations highlight the need for advanced NLP tools. However, open-source LLMs proficient in both finance and ESG domains remain scarce. To address this gap, we introduce SusGen-30K, a category-balanced dataset comprising seven financial NLP tasks and ESG report generation, and propose TCFD-Bench, a benchmark for evaluating sustainability report generation. Leveraging this dataset, we developed SusGen-GPT, a suite of models achieving state-of-the-art performance across six adapted and two off-the-shelf tasks, trailing GPT-4 by only 2% despite using 7-8B parameters compared to GPT-4's 1,700B. Based on this, we propose the SusGen system, integrated with Retrieval-Augmented Generation (RAG), to assist in sustainability report generation. This work demonstrates the efficiency of our approach, advancing research in finance and ESG.
△ Less
Submitted 14 December, 2024;
originally announced December 2024.
-
A Scoping Review of ChatGPT Research in Accounting and Finance
Authors:
Mengming Michael Dong,
Theophanis C. Stratopoulos,
Victor Xiaoqi Wang
Abstract:
This paper provides a review of recent publications and working papers on ChatGPT and related Large Language Models (LLMs) in accounting and finance. The aim is to understand the current state of research in these two areas and identify potential research opportunities for future inquiry. We identify three common themes from these earlier studies. The first theme focuses on applications of ChatGPT…
▽ More
This paper provides a review of recent publications and working papers on ChatGPT and related Large Language Models (LLMs) in accounting and finance. The aim is to understand the current state of research in these two areas and identify potential research opportunities for future inquiry. We identify three common themes from these earlier studies. The first theme focuses on applications of ChatGPT and LLMs in various fields of accounting and finance. The second theme utilizes ChatGPT and LLMs as a new research tool by leveraging their capabilities such as classification, summarization, and text generation. The third theme investigates implications of LLM adoption for accounting and finance professionals, as well as for various organizations and sectors. While these earlier studies provide valuable insights, they leave many important questions unanswered or partially addressed. We propose venues for further exploration and provide technical guidance for researchers seeking to employ ChatGPT and related LLMs as a tool for their research.
△ Less
Submitted 7 December, 2024;
originally announced December 2024.
-
Leveraging Large Language Models to Democratize Access to Costly Datasets for Academic Research
Authors:
Julian Junyan Wang,
Victor Xiaoqi Wang
Abstract:
Unequal access to costly datasets essential for empirical research has long hindered researchers from disadvantaged institutions, limiting their ability to contribute to their fields and advance their careers. Recent breakthroughs in Large Language Models (LLMs) have the potential to democratize data access by automating data collection from unstructured sources. We develop and evaluate a novel me…
▽ More
Unequal access to costly datasets essential for empirical research has long hindered researchers from disadvantaged institutions, limiting their ability to contribute to their fields and advance their careers. Recent breakthroughs in Large Language Models (LLMs) have the potential to democratize data access by automating data collection from unstructured sources. We develop and evaluate a novel methodology using GPT-4o-mini within a Retrieval-Augmented Generation (RAG) framework to collect data from corporate disclosures. Our approach achieves human-level accuracy in collecting CEO pay ratios from approximately 10,000 proxy statements and Critical Audit Matters (CAMs) from more than 12,000 10-K filings, with LLM processing times of 9 and 40 minutes respectively, each at a cost under $10. This stands in stark contrast to the hundreds of hours needed for manual collection or the thousands of dollars required for commercial database subscriptions. To foster a more inclusive research community by empowering researchers with limited resources to explore new avenues of inquiry, we share our methodology and the resulting datasets.
△ Less
Submitted 23 June, 2025; v1 submitted 2 December, 2024;
originally announced December 2024.
-
Deep Learning-Based Electricity Price Forecast for Virtual Bidding in Wholesale Electricity Market
Authors:
Xuesong Wang,
Sharaf K. Magableh,
Oraib Dawaghreh,
Caisheng Wang,
Jiaxuan Gong,
Zhongyang Zhao,
Michael H. Liao
Abstract:
Virtual bidding plays an important role in two-settlement electric power markets, as it can reduce discrepancies between day-ahead and real-time markets. Renewable energy penetration increases volatility in electricity prices, making accurate forecasting critical for virtual bidders, reducing uncertainty and maximizing profits. This study presents a Transformer-based deep learning model to forecas…
▽ More
Virtual bidding plays an important role in two-settlement electric power markets, as it can reduce discrepancies between day-ahead and real-time markets. Renewable energy penetration increases volatility in electricity prices, making accurate forecasting critical for virtual bidders, reducing uncertainty and maximizing profits. This study presents a Transformer-based deep learning model to forecast the price spread between real-time and day-ahead electricity prices in the ERCOT (Electric Reliability Council of Texas) market. The proposed model leverages various time-series features, including load forecasts, solar and wind generation forecasts, and temporal attributes. The model is trained under realistic constraints and validated using a walk-forward approach by updating the model every week. Based on the price spread prediction results, several trading strategies are proposed and the most effective strategy for maximizing cumulative profit under realistic market conditions is identified through backtesting. The results show that the strategy of trading only at the peak hour with a precision score of over 50% produces nearly consistent profit over the test period. The proposed method underscores the importance of an accurate electricity price forecasting model and introduces a new method of evaluating the price forecast model from a virtual bidder's perspective, providing valuable insights for future research.
△ Less
Submitted 25 November, 2024;
originally announced December 2024.
-
Short-maturity options on realized variance in local-stochastic volatility models
Authors:
Dan Pirjol,
Xiaoyu Wang,
Lingjiong Zhu
Abstract:
We derive the short-maturity asymptotics for prices of options on realized variance in local-stochastic volatility models. We consider separately the short-maturity asymptotics for out-of-the-money and in-the-money options cases. The analysis for the out-of-the-money case uses large deviations theory and the solution for the rate function involves solving a two-dimensional variational problem. In…
▽ More
We derive the short-maturity asymptotics for prices of options on realized variance in local-stochastic volatility models. We consider separately the short-maturity asymptotics for out-of-the-money and in-the-money options cases. The analysis for the out-of-the-money case uses large deviations theory and the solution for the rate function involves solving a two-dimensional variational problem. In the special case when the Brownian noises in the asset price dynamics and the volatility process are uncorrelated, we solve this variational problem explicitly. For the correlated case, we obtain upper and lower bounds for the rate function, as well as an expansion around the at-the-money point. Numerical simulations of the prices of variance options in a local-stochastic volatility model with bounded local volatility are in good agreement with the asymptotic results for sufficiently small maturity. The leading-order asymptotics for at-the-money options on realized variance is dominated by fluctuations of the asset price around the spot value, and is computed in closed form.
△ Less
Submitted 4 November, 2024;
originally announced November 2024.
-
Short-maturity asymptotics for VIX and European options in local-stochastic volatility models
Authors:
Dan Pirjol,
Xiaoyu Wang,
Lingjiong Zhu
Abstract:
We derive the short-maturity asymptotics for European and VIX option prices in local-stochastic volatility models where the volatility follows a continuous-path Markov process. Both out-of-the-money (OTM) and at-the-money (ATM) asymptotics are considered. Using large deviations theory methods, the asymptotics for the OTM options are expressed as a two-dimensional variational problem, which is redu…
▽ More
We derive the short-maturity asymptotics for European and VIX option prices in local-stochastic volatility models where the volatility follows a continuous-path Markov process. Both out-of-the-money (OTM) and at-the-money (ATM) asymptotics are considered. Using large deviations theory methods, the asymptotics for the OTM options are expressed as a two-dimensional variational problem, which is reduced to an extremal problem for a function of two real variables. This extremal problem is solved explicitly in an expansion in log-moneyness. We derive series expansions for the implied volatility for European and VIX options which should be useful for model calibration. We give explicit results for two classes of local-stochastic volatility models relevant in practice, with Heston-type and SABR-type stochastic volatility. The leading-order asymptotics for at-the-money options are computed in closed-form. The asymptotic results reproduce known results in the literature for the Heston and SABR models and for the uncorrelated local-stochastic volatility model. The asymptotic results are tested against numerical simulations for a local-stochastic volatility model with bounded local volatility.
△ Less
Submitted 23 July, 2024;
originally announced July 2024.
-
MacroHFT: Memory Augmented Context-aware Reinforcement Learning On High Frequency Trading
Authors:
Chuqiao Zong,
Chaojie Wang,
Molei Qin,
Lei Feng,
Xinrun Wang,
Bo An
Abstract:
High-frequency trading (HFT) that executes algorithmic trading in short time scales, has recently occupied the majority of cryptocurrency market. Besides traditional quantitative trading methods, reinforcement learning (RL) has become another appealing approach for HFT due to its terrific ability of handling high-dimensional financial data and solving sophisticated sequential decision-making probl…
▽ More
High-frequency trading (HFT) that executes algorithmic trading in short time scales, has recently occupied the majority of cryptocurrency market. Besides traditional quantitative trading methods, reinforcement learning (RL) has become another appealing approach for HFT due to its terrific ability of handling high-dimensional financial data and solving sophisticated sequential decision-making problems, \emph{e.g.,} hierarchical reinforcement learning (HRL) has shown its promising performance on second-level HFT by training a router to select only one sub-agent from the agent pool to execute the current transaction. However, existing RL methods for HFT still have some defects: 1) standard RL-based trading agents suffer from the overfitting issue, preventing them from making effective policy adjustments based on financial context; 2) due to the rapid changes in market conditions, investment decisions made by an individual agent are usually one-sided and highly biased, which might lead to significant loss in extreme markets. To tackle these problems, we propose a novel Memory Augmented Context-aware Reinforcement learning method On HFT, \emph{a.k.a.} MacroHFT, which consists of two training phases: 1) we first train multiple types of sub-agents with the market data decomposed according to various financial indicators, specifically market trend and volatility, where each agent owns a conditional adapter to adjust its trading policy according to market conditions; 2) then we train a hyper-agent to mix the decisions from these sub-agents and output a consistently profitable meta-policy to handle rapid market fluctuations, equipped with a memory mechanism to enhance the capability of decision-making. Extensive experiments on various cryptocurrency markets demonstrate that MacroHFT can achieve state-of-the-art performance on minute-level trading tasks.
△ Less
Submitted 20 June, 2024;
originally announced June 2024.
-
A Multimodal Foundation Agent for Financial Trading: Tool-Augmented, Diversified, and Generalist
Authors:
Wentao Zhang,
Lingxuan Zhao,
Haochong Xia,
Shuo Sun,
Jiaze Sun,
Molei Qin,
Xinyi Li,
Yuqing Zhao,
Yilei Zhao,
Xinyu Cai,
Longtao Zheng,
Xinrun Wang,
Bo An
Abstract:
Financial trading is a crucial component of the markets, informed by a multimodal information landscape encompassing news, prices, and Kline charts, and encompasses diverse tasks such as quantitative trading and high-frequency trading with various assets. While advanced AI techniques like deep learning and reinforcement learning are extensively utilized in finance, their application in financial t…
▽ More
Financial trading is a crucial component of the markets, informed by a multimodal information landscape encompassing news, prices, and Kline charts, and encompasses diverse tasks such as quantitative trading and high-frequency trading with various assets. While advanced AI techniques like deep learning and reinforcement learning are extensively utilized in finance, their application in financial trading tasks often faces challenges due to inadequate handling of multimodal data and limited generalizability across various tasks. To address these challenges, we present FinAgent, a multimodal foundational agent with tool augmentation for financial trading. FinAgent's market intelligence module processes a diverse range of data-numerical, textual, and visual-to accurately analyze the financial market. Its unique dual-level reflection module not only enables rapid adaptation to market dynamics but also incorporates a diversified memory retrieval system, enhancing the agent's ability to learn from historical data and improve decision-making processes. The agent's emphasis on reasoning for actions fosters trust in its financial decisions. Moreover, FinAgent integrates established trading strategies and expert insights, ensuring that its trading approaches are both data-driven and rooted in sound financial principles. With comprehensive experiments on 6 financial datasets, including stocks and Crypto, FinAgent significantly outperforms 9 state-of-the-art baselines in terms of 6 financial metrics with over 36% average improvement on profit. Specifically, a 92.27% return (a 84.39% relative improvement) is achieved on one dataset. Notably, FinAgent is the first advanced multimodal foundation agent designed for financial trading tasks.
△ Less
Submitted 28 June, 2024; v1 submitted 28 February, 2024;
originally announced February 2024.
-
DiffsFormer: A Diffusion Transformer on Stock Factor Augmentation
Authors:
Yuan Gao,
Haokun Chen,
Xiang Wang,
Zhicai Wang,
Xue Wang,
Jinyang Gao,
Bolin Ding
Abstract:
Machine learning models have demonstrated remarkable efficacy and efficiency in a wide range of stock forecasting tasks. However, the inherent challenges of data scarcity, including low signal-to-noise ratio (SNR) and data homogeneity, pose significant obstacles to accurate forecasting. To address this issue, we propose a novel approach that utilizes artificial intelligence-generated samples (AIGS…
▽ More
Machine learning models have demonstrated remarkable efficacy and efficiency in a wide range of stock forecasting tasks. However, the inherent challenges of data scarcity, including low signal-to-noise ratio (SNR) and data homogeneity, pose significant obstacles to accurate forecasting. To address this issue, we propose a novel approach that utilizes artificial intelligence-generated samples (AIGS) to enhance the training procedures. In our work, we introduce the Diffusion Model to generate stock factors with Transformer architecture (DiffsFormer). DiffsFormer is initially trained on a large-scale source domain, incorporating conditional guidance so as to capture global joint distribution. When presented with a specific downstream task, we employ DiffsFormer to augment the training procedure by editing existing samples. This editing step allows us to control the strength of the editing process, determining the extent to which the generated data deviates from the target domain. To evaluate the effectiveness of DiffsFormer augmented training, we conduct experiments on the CSI300 and CSI800 datasets, employing eight commonly used machine learning models. The proposed method achieves relative improvements of 7.2% and 27.8% in annualized return ratio for the respective datasets. Furthermore, we perform extensive experiments to gain insights into the functionality of DiffsFormer and its constituent components, elucidating how they address the challenges of data scarcity and enhance the overall model performance. Our research demonstrates the efficacy of leveraging AIGS and the DiffsFormer architecture to mitigate data scarcity in stock forecasting tasks.
△ Less
Submitted 4 February, 2024;
originally announced February 2024.
-
Reinforcement Learning with Maskable Stock Representation for Portfolio Management in Customizable Stock Pools
Authors:
Wentao Zhang,
Yilei Zhao,
Shuo Sun,
Jie Ying,
Yonggang Xie,
Zitao Song,
Xinrun Wang,
Bo An
Abstract:
Portfolio management (PM) is a fundamental financial trading task, which explores the optimal periodical reallocation of capitals into different stocks to pursue long-term profits. Reinforcement learning (RL) has recently shown its potential to train profitable agents for PM through interacting with financial markets. However, existing work mostly focuses on fixed stock pools, which is inconsisten…
▽ More
Portfolio management (PM) is a fundamental financial trading task, which explores the optimal periodical reallocation of capitals into different stocks to pursue long-term profits. Reinforcement learning (RL) has recently shown its potential to train profitable agents for PM through interacting with financial markets. However, existing work mostly focuses on fixed stock pools, which is inconsistent with investors' practical demand. Specifically, the target stock pool of different investors varies dramatically due to their discrepancy on market states and individual investors may temporally adjust stocks they desire to trade (e.g., adding one popular stocks), which lead to customizable stock pools (CSPs). Existing RL methods require to retrain RL agents even with a tiny change of the stock pool, which leads to high computational cost and unstable performance. To tackle this challenge, we propose EarnMore, a rEinforcement leARNing framework with Maskable stOck REpresentation to handle PM with CSPs through one-shot training in a global stock pool (GSP). Specifically, we first introduce a mechanism to mask out the representation of the stocks outside the target pool. Second, we learn meaningful stock representations through a self-supervised masking and reconstruction process. Third, a re-weighting mechanism is designed to make the portfolio concentrate on favorable stocks and neglect the stocks outside the target pool. Through extensive experiments on 8 subset stock pools of the US stock market, we demonstrate that EarnMore significantly outperforms 14 state-of-the-art baselines in terms of 6 popular financial metrics with over 40% improvement on profit.
△ Less
Submitted 27 February, 2024; v1 submitted 17 November, 2023;
originally announced November 2023.
-
Robust Trading in a Generalized Lattice Market
Authors:
Chung-Han Hsieh,
Xin-Yu Wang
Abstract:
This paper introduces a novel robust trading paradigm, called \textit{multi-double linear policies}, situated within a \textit{generalized} lattice market. Distinctively, our framework departs from most existing robust trading strategies, which are predominantly limited to single or paired assets and typically embed asset correlation within the trading strategy itself, rather than as an inherent c…
▽ More
This paper introduces a novel robust trading paradigm, called \textit{multi-double linear policies}, situated within a \textit{generalized} lattice market. Distinctively, our framework departs from most existing robust trading strategies, which are predominantly limited to single or paired assets and typically embed asset correlation within the trading strategy itself, rather than as an inherent characteristic of the market. Our generalized lattice market model incorporates both serially correlated returns and asset correlation through a conditional probabilistic model. In the nominal case, where the parameters of the model are known, we demonstrate that the proposed policies ensure survivability and probabilistic positivity. We then derive an analytic expression for the worst-case expected gain-loss and prove sufficient conditions that the proposed policies can maintain a \textit{positive expected profits}, even within a seemingly nonprofitable symmetric lattice market. When the parameters are unknown and require estimation, we show that the parameter space of the lattice model forms a convex polyhedron, and we present an efficient estimation method using a constrained least-squares method. These theoretical findings are strengthened by extensive empirical studies using data from the top 30 companies within the S\&P 500 index, substantiating the efficacy of the generalized model and the robustness of the proposed policies in sustaining the positive expected profit and providing downside risk protection.
△ Less
Submitted 17 October, 2023;
originally announced October 2023.
-
EarnHFT: Efficient Hierarchical Reinforcement Learning for High Frequency Trading
Authors:
Molei Qin,
Shuo Sun,
Wentao Zhang,
Haochong Xia,
Xinrun Wang,
Bo An
Abstract:
High-frequency trading (HFT) uses computer algorithms to make trading decisions in short time scales (e.g., second-level), which is widely used in the Cryptocurrency (Crypto) market (e.g., Bitcoin). Reinforcement learning (RL) in financial research has shown stellar performance on many quantitative trading tasks. However, most methods focus on low-frequency trading, e.g., day-level, which cannot b…
▽ More
High-frequency trading (HFT) uses computer algorithms to make trading decisions in short time scales (e.g., second-level), which is widely used in the Cryptocurrency (Crypto) market (e.g., Bitcoin). Reinforcement learning (RL) in financial research has shown stellar performance on many quantitative trading tasks. However, most methods focus on low-frequency trading, e.g., day-level, which cannot be directly applied to HFT because of two challenges. First, RL for HFT involves dealing with extremely long trajectories (e.g., 2.4 million steps per month), which is hard to optimize and evaluate. Second, the dramatic price fluctuations and market trend changes of Crypto make existing algorithms fail to maintain satisfactory performance. To tackle these challenges, we propose an Efficient hieArchical Reinforcement learNing method for High Frequency Trading (EarnHFT), a novel three-stage hierarchical RL framework for HFT. In stage I, we compute a Q-teacher, i.e., the optimal action value based on dynamic programming, for enhancing the performance and training efficiency of second-level RL agents. In stage II, we construct a pool of diverse RL agents for different market trends, distinguished by return rates, where hundreds of RL agents are trained with different preferences of return rates and only a tiny fraction of them will be selected into the pool based on their profitability. In stage III, we train a minute-level router which dynamically picks a second-level agent from the pool to achieve stable performance across different markets. Through extensive experiments in various market trends on Crypto markets in a high-fidelity simulation trading environment, we demonstrate that EarnHFT significantly outperforms 6 state-of-art baselines in 6 popular financial criteria, exceeding the runner-up by 30% in profitability.
△ Less
Submitted 22 September, 2023;
originally announced September 2023.
-
Market-GAN: Adding Control to Financial Market Data Generation with Semantic Context
Authors:
Haochong Xia,
Shuo Sun,
Xinrun Wang,
Bo An
Abstract:
Financial simulators play an important role in enhancing forecasting accuracy, managing risks, and fostering strategic financial decision-making. Despite the development of financial market simulation methodologies, existing frameworks often struggle with adapting to specialized simulation context. We pinpoint the challenges as i) current financial datasets do not contain context labels; ii) curre…
▽ More
Financial simulators play an important role in enhancing forecasting accuracy, managing risks, and fostering strategic financial decision-making. Despite the development of financial market simulation methodologies, existing frameworks often struggle with adapting to specialized simulation context. We pinpoint the challenges as i) current financial datasets do not contain context labels; ii) current techniques are not designed to generate financial data with context as control, which demands greater precision compared to other modalities; iii) the inherent difficulties in generating context-aligned, high-fidelity data given the non-stationary, noisy nature of financial data. To address these challenges, our contributions are: i) we proposed the Contextual Market Dataset with market dynamics, stock ticker, and history state as context, leveraging a market dynamics modeling method that combines linear regression and Dynamic Time Warping clustering to extract market dynamics; ii) we present Market-GAN, a novel architecture incorporating a Generative Adversarial Networks (GAN) for the controllable generation with context, an autoencoder for learning low-dimension features, and supervisors for knowledge transfer; iii) we introduce a two-stage training scheme to ensure that Market-GAN captures the intrinsic market distribution with multiple objectives. In the pertaining stage, with the use of the autoencoder and supervisors, we prepare the generator with a better initialization for the adversarial training stage. We propose a set of holistic evaluation metrics that consider alignment, fidelity, data usability on downstream tasks, and market facts. We evaluate Market-GAN with the Dow Jones Industrial Average data from 2000 to 2023 and showcase superior performance in comparison to 4 state-of-the-art time-series generative models.
△ Less
Submitted 10 February, 2024; v1 submitted 14 September, 2023;
originally announced September 2023.
-
NLP-based detection of systematic anomalies among the narratives of consumer complaints
Authors:
Peiheng Gao,
Ning Sun,
Xuefeng Wang,
Chen Yang,
Ričardas Zitikis
Abstract:
We develop an NLP-based procedure for detecting systematic nonmeritorious consumer complaints, simply called systematic anomalies, among complaint narratives. While classification algorithms are used to detect pronounced anomalies, in the case of smaller and frequent systematic anomalies, the algorithms may falter due to a variety of reasons, including technical ones as well as natural limitations…
▽ More
We develop an NLP-based procedure for detecting systematic nonmeritorious consumer complaints, simply called systematic anomalies, among complaint narratives. While classification algorithms are used to detect pronounced anomalies, in the case of smaller and frequent systematic anomalies, the algorithms may falter due to a variety of reasons, including technical ones as well as natural limitations of human analysts. Therefore, as the next step after classification, we convert the complaint narratives into quantitative data, which are then analyzed using an algorithm for detecting systematic anomalies. We illustrate the entire procedure using complaint narratives from the Consumer Complaint Database of the Consumer Financial Protection Bureau.
△ Less
Submitted 26 March, 2024; v1 submitted 21 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.
-
Dynamic star-shaped risk measures and $g$-expectations
Authors:
Dejian Tian,
Xunlian Wang
Abstract:
Motivated by the results of static monetary or star-shaped risk measures, the paper investigates the representation theorems in the dynamic framework. We show that dynamic monetary risk measures can be represented as the lower envelope of a family of dynamic convex risk measures, and normalized dynamic star-shaped risk measures can be represented as the lower envelope of a family of normalized dyn…
▽ More
Motivated by the results of static monetary or star-shaped risk measures, the paper investigates the representation theorems in the dynamic framework. We show that dynamic monetary risk measures can be represented as the lower envelope of a family of dynamic convex risk measures, and normalized dynamic star-shaped risk measures can be represented as the lower envelope of a family of normalized dynamic convex risk measures. The link between dynamic monetary risk measures and dynamic star-shaped risk measures are established. Besides, the sensitivity and time consistency problems are also studied. A specific normalized time consistent dynamic star-shaped risk measures induced by $ g $-expectations are illustrated and discussed in detail.
△ Less
Submitted 3 May, 2023;
originally announced May 2023.
-
On Robustness of Double Linear Policy with Time-Varying Weights
Authors:
Xin-Yu Wang,
Chung-Han Hsieh
Abstract:
In this paper, we extend the existing double linear policy by incorporating time-varying weights instead of constant weights and study a certain robustness property, called robust positive expectation (RPE), in a discrete-time setting. We prove that the RPE property holds by employing a novel elementary symmetric polynomials characterization approach and derive an explicit expression for both the…
▽ More
In this paper, we extend the existing double linear policy by incorporating time-varying weights instead of constant weights and study a certain robustness property, called robust positive expectation (RPE), in a discrete-time setting. We prove that the RPE property holds by employing a novel elementary symmetric polynomials characterization approach and derive an explicit expression for both the expected cumulative gain-loss function and its variance. To validate our theory, we perform extensive Monte Carlo simulations using various weighting functions. Furthermore, we demonstrate how this policy can be effectively incorporated with standard technical analysis techniques, using the moving average as a trading signal.
△ Less
Submitted 19 March, 2023;
originally announced March 2023.
-
PRUDEX-Compass: Towards Systematic Evaluation of Reinforcement Learning in Financial Markets
Authors:
Shuo Sun,
Molei Qin,
Xinrun Wang,
Bo An
Abstract:
The financial markets, which involve more than $90 trillion market capitals, attract the attention of innumerable investors around the world. Recently, reinforcement learning in financial markets (FinRL) has emerged as a promising direction to train agents for making profitable investment decisions. However, the evaluation of most FinRL methods only focuses on profit-related measures and ignores m…
▽ More
The financial markets, which involve more than $90 trillion market capitals, attract the attention of innumerable investors around the world. Recently, reinforcement learning in financial markets (FinRL) has emerged as a promising direction to train agents for making profitable investment decisions. However, the evaluation of most FinRL methods only focuses on profit-related measures and ignores many critical axes, which are far from satisfactory for financial practitioners to deploy these methods into real-world financial markets. Therefore, we introduce PRUDEX-Compass, which has 6 axes, i.e., Profitability, Risk-control, Universality, Diversity, rEliability, and eXplainability, with a total of 17 measures for a systematic evaluation. Specifically, i) we propose AlphaMix+ as a strong FinRL baseline, which leverages mixture-of-experts (MoE) and risk-sensitive approaches to make diversified risk-aware investment decisions, ii) we evaluate 8 FinRL methods in 4 long-term real-world datasets of influential financial markets to demonstrate the usage of our PRUDEX-Compass, iii) PRUDEX-Compass together with 4 real-world datasets, standard implementation of 8 FinRL methods and a portfolio management environment is released as public resources to facilitate the design and comparison of new FinRL methods. We hope that PRUDEX-Compass can not only shed light on future FinRL research to prevent untrustworthy results from stagnating FinRL into successful industry deployment but also provide a new challenging algorithm evaluation scenario for the reinforcement learning (RL) community.
△ Less
Submitted 2 March, 2023; v1 submitted 14 January, 2023;
originally announced February 2023.
-
Stability of China's Stock Market: Measure and Forecast by Ricci Curvature on Network
Authors:
Xinyu Wang,
Liang Zhao,
Ning Zhang,
Liu Feng,
Haibo Lin
Abstract:
The systemic stability of a stock market is one of the core issues in the financial field. The market can be regarded as a complex network whose nodes are stocks connected by edges that signify their correlation strength. Since the market is a strongly nonlinear system, it is difficult to measure the macroscopic stability and depict market fluctuations in time. In this paper, we use a geometric me…
▽ More
The systemic stability of a stock market is one of the core issues in the financial field. The market can be regarded as a complex network whose nodes are stocks connected by edges that signify their correlation strength. Since the market is a strongly nonlinear system, it is difficult to measure the macroscopic stability and depict market fluctuations in time. In this paper, we use a geometric measure derived from discrete Ricci curvature to capture the higher-order nonlinear architecture of financial networks. In order to confirm the effectiveness of our method, we use it to analyze the CSI 300 constituents of China's stock market from 2005--2020 and the systemic stability of the market is quantified through the network's Ricci type curvatures. Furthermore, we use a hybrid model to analyze the curvature time series and predict the future trends of the market accurately. As far as we know, this is the first paper to apply Ricci curvature to forecast the systemic stability of domestic stock market, and our results show that Ricci curvature has good explanatory power for the market stability and can be a good indicator to judge the future risk and volatility of the domestic market.
△ Less
Submitted 13 April, 2022;
originally announced April 2022.
-
Hierarchical contagions in the interdependent financial network
Authors:
William A. Barnett,
Xue Wang,
Hai-Chuan Xu,
Wei-Xing Zhou
Abstract:
We derive the default cascade model and the fire-sale spillover model in a unified interdependent framework. The interactions among banks include not only direct cross-holding, but also indirect dependency by holding mutual assets outside the banking system. Using data extracted from the European Banking Authority, we present the interdependency network composed of 48 banks and 21 asset classes. F…
▽ More
We derive the default cascade model and the fire-sale spillover model in a unified interdependent framework. The interactions among banks include not only direct cross-holding, but also indirect dependency by holding mutual assets outside the banking system. Using data extracted from the European Banking Authority, we present the interdependency network composed of 48 banks and 21 asset classes. For the robustness, we employ three methods, called $\textit{Anan}$, $\textit{Hała}$ and $\textit{Maxe}$, to reconstruct the asset/liability cross-holding network. Then we combine the external portfolio holdings of each bank to compute the interdependency matrix. The interdependency network is much denser than the direct cross-holding network, showing the complex latent interaction among banks. Finally, we perform macroprudential stress tests for the European banking system, using the adverse scenario in EBA stress test as the initial shock. For different reconstructed networks, we illustrate the hierarchical cascades and show that the failure hierarchies are roughly the same except for a few banks, reflecting the overlapping portfolio holding accounts for the majority of defaults. We also calculate systemic vulnerability and individual vulnerability, which provide important information for supervision and relevant management actions.
△ Less
Submitted 12 June, 2022; v1 submitted 27 June, 2021;
originally announced June 2021.
-
Turnover-Adjusted Information Ratio
Authors:
Feng Zhang,
Xi Wang,
Honggao Cao
Abstract:
In this paper, we study the behavior of information ratio (IR) as determined by the fundamental law of active investment management. We extend the classic relationship between IR and its two determinants (i.e., information coefficient and investment "breadth") by explicitly and simultaneously taking into account the volatility of IC and the cost from portfolio turnover. Through mathematical deriva…
▽ More
In this paper, we study the behavior of information ratio (IR) as determined by the fundamental law of active investment management. We extend the classic relationship between IR and its two determinants (i.e., information coefficient and investment "breadth") by explicitly and simultaneously taking into account the volatility of IC and the cost from portfolio turnover. Through mathematical derivations and simulations, we show that - for both mean-variance and quintile portfolios - a turnover-adjusted IR is always lower than an IR that ignores the cost from turnover; more importantly, we find that, contrary to the implication from the fundamental low but consistent with available empirical evidence, investment managers may improve their investment performance or IR by limiting/optimizing trade or portfolio turnover.
△ Less
Submitted 19 May, 2021;
originally announced May 2021.
-
Unraveling S&P500 stock volatility and networks -- An encoding-and-decoding approach
Authors:
Xiaodong Wang,
Fushing Hsieh
Abstract:
Volatility of financial stock is referring to the degree of uncertainty or risk embedded within a stock's dynamics. Such risk has been received huge amounts of attention from diverse financial researchers. By following the concept of regime-switching model, we proposed a non-parametric approach, named encoding-and-decoding, to discover multiple volatility states embedded within a discrete time ser…
▽ More
Volatility of financial stock is referring to the degree of uncertainty or risk embedded within a stock's dynamics. Such risk has been received huge amounts of attention from diverse financial researchers. By following the concept of regime-switching model, we proposed a non-parametric approach, named encoding-and-decoding, to discover multiple volatility states embedded within a discrete time series of stock returns. The encoding is performed across the entire span of temporal time points for relatively extreme events with respect to a chosen quantile-based threshold. As such the return time series is transformed into Bernoulli-variable processes. In the decoding phase, we computationally seek for locations of change points via estimations based on a new searching algorithm in conjunction with the information criterion applied on the observed collection of recurrence times upon the binary process. Besides the independence required for building the Geometric distributional likelihood function, the proposed approach can functionally partition the entire return time series into a collection of homogeneous segments without any assumptions of dynamic structure and underlying distributions. In the numerical experiments, our approach is found favorably compared with parametric models like Hidden Markov Model. In the real data applications, we introduce the application of our approach in forecasting stock returns. Finally, volatility dynamic of every single stock of S&P500 is revealed, and a stock network is consequently established to represent dependency relations derived through concurrent volatility states among S&P500.
△ Less
Submitted 21 October, 2021; v1 submitted 22 January, 2021;
originally announced January 2021.
-
Insights into Fairness through Trust: Multi-scale Trust Quantification for Financial Deep Learning
Authors:
Alexander Wong,
Andrew Hryniowski,
Xiao Yu Wang
Abstract:
The success of deep learning in recent years have led to a significant increase in interest and prevalence for its adoption to tackle financial services tasks. One particular question that often arises as a barrier to adopting deep learning for financial services is whether the developed financial deep learning models are fair in their predictions, particularly in light of strong governance and re…
▽ More
The success of deep learning in recent years have led to a significant increase in interest and prevalence for its adoption to tackle financial services tasks. One particular question that often arises as a barrier to adopting deep learning for financial services is whether the developed financial deep learning models are fair in their predictions, particularly in light of strong governance and regulatory compliance requirements in the financial services industry. A fundamental aspect of fairness that has not been explored in financial deep learning is the concept of trust, whose variations may point to an egocentric view of fairness and thus provide insights into the fairness of models. In this study we explore the feasibility and utility of a multi-scale trust quantification strategy to gain insights into the fairness of a financial deep learning model, particularly under different scenarios at different scales. More specifically, we conduct multi-scale trust quantification on a deep neural network for the purpose of credit card default prediction to study: 1) the overall trustworthiness of the model 2) the trust level under all possible prediction-truth relationships, 3) the trust level across the spectrum of possible predictions, 4) the trust level across different demographic groups (e.g., age, gender, and education), and 5) distribution of overall trust for an individual prediction scenario. The insights for this proof-of-concept study demonstrate that such a multi-scale trust quantification strategy may be helpful for data scientists and regulators in financial services as part of the verification and certification of financial deep learning solutions to gain insights into fairness and trust of these solutions.
△ Less
Submitted 3 November, 2020;
originally announced November 2020.
-
Stock2Vec: A Hybrid Deep Learning Framework for Stock Market Prediction with Representation Learning and Temporal Convolutional Network
Authors:
Xing Wang,
Yijun Wang,
Bin Weng,
Aleksandr Vinel
Abstract:
We have proposed to develop a global hybrid deep learning framework to predict the daily prices in the stock market. With representation learning, we derived an embedding called Stock2Vec, which gives us insight for the relationship among different stocks, while the temporal convolutional layers are used for automatically capturing effective temporal patterns both within and across series. Evaluat…
▽ More
We have proposed to develop a global hybrid deep learning framework to predict the daily prices in the stock market. With representation learning, we derived an embedding called Stock2Vec, which gives us insight for the relationship among different stocks, while the temporal convolutional layers are used for automatically capturing effective temporal patterns both within and across series. Evaluated on S&P 500, our hybrid framework integrates both advantages and achieves better performance on the stock price prediction task than several popular benchmarked models.
△ Less
Submitted 29 September, 2020;
originally announced October 2020.
-
Using detrended deconvolution foreign exchange network to identify currency status
Authors:
Pengfei Xi,
Shiyang Lai,
Xueying Wang,
Weiqiang Huang
Abstract:
This article proposed a hybrid detrended deconvolution foreign exchange network construction method (DDFEN), which combined the detrended cross-correlation analysis coefficient (DCCC) and the network deconvolution method together. DDFEN is designed to reveal the `true' correlation of currencies by filtering indirect effects in the foreign exchange networks (FXNs). The empirical results show that D…
▽ More
This article proposed a hybrid detrended deconvolution foreign exchange network construction method (DDFEN), which combined the detrended cross-correlation analysis coefficient (DCCC) and the network deconvolution method together. DDFEN is designed to reveal the `true' correlation of currencies by filtering indirect effects in the foreign exchange networks (FXNs). The empirical results show that DDFEN can reflect the change of currency status in the long term and also perform more stable than traditional network construction methods.
△ Less
Submitted 8 August, 2020;
originally announced August 2020.
-
Minimal Quantile Functions Subject to Stochastic Dominance Constraints
Authors:
Xiangyu Wang,
Jianming Xia,
Zuo Quan Xu,
Zhou Yang
Abstract:
We consider a problem of finding an SSD (second-order stochastic dominance)-minimal quantile function subject to the mixture of FSD (first-order stochastic dominance) and SSD constraints. The SSD-minimal solution is explicitly worked out and has a close relation to the Skorokhod problem. This result is then applied to explicitly solve a risk minimizing problem in financial economics.
We consider a problem of finding an SSD (second-order stochastic dominance)-minimal quantile function subject to the mixture of FSD (first-order stochastic dominance) and SSD constraints. The SSD-minimal solution is explicitly worked out and has a close relation to the Skorokhod problem. This result is then applied to explicitly solve a risk minimizing problem in financial economics.
△ Less
Submitted 1 August, 2022; v1 submitted 5 August, 2020;
originally announced August 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.
-
Pricing vulnerable options in a hybrid credit risk model driven by Heston-Nandi GARCH processes
Authors:
Gechun Liang,
Xingchun Wang
Abstract:
This paper proposes a hybrid credit risk model, in closed form, to price vulnerable options with stochastic volatility. The distinctive features of the model are threefold. First, both the underlying and the option issuer's assets follow the Heston-Nandi GARCH model with their conditional variance being readily estimated and implemented solely on the basis of the observable prices in the market. S…
▽ More
This paper proposes a hybrid credit risk model, in closed form, to price vulnerable options with stochastic volatility. The distinctive features of the model are threefold. First, both the underlying and the option issuer's assets follow the Heston-Nandi GARCH model with their conditional variance being readily estimated and implemented solely on the basis of the observable prices in the market. Second, the model incorporates both idiosyncratic and systematic risks into the asset dynamics of the underlying and the option issuer, as well as the intensity process. Finally, the explicit pricing formula of vulnerable options enables us to undertake the comparative statistics analysis.
△ Less
Submitted 18 June, 2020; v1 submitted 26 January, 2020;
originally announced January 2020.
-
Stock Forecasting using M-Band Wavelet-Based SVR and RNN-LSTMs Models
Authors:
Hieu Quang Nguyen,
Abdul Hasib Rahimyar,
Xiaodi Wang
Abstract:
The task of predicting future stock values has always been one that is heavily desired albeit very difficult. This difficulty arises from stocks with non-stationary behavior, and without any explicit form. Hence, predictions are best made through analysis of financial stock data. To handle big data sets, current convention involves the use of the Moving Average. However, by utilizing the Wavelet T…
▽ More
The task of predicting future stock values has always been one that is heavily desired albeit very difficult. This difficulty arises from stocks with non-stationary behavior, and without any explicit form. Hence, predictions are best made through analysis of financial stock data. To handle big data sets, current convention involves the use of the Moving Average. However, by utilizing the Wavelet Transform in place of the Moving Average to denoise stock signals, financial data can be smoothened and more accurately broken down. This newly transformed, denoised, and more stable stock data can be followed up by non-parametric statistical methods, such as Support Vector Regression (SVR) and Recurrent Neural Network (RNN) based Long Short-Term Memory (LSTM) networks to predict future stock prices. Through the implementation of these methods, one is left with a more accurate stock forecast, and in turn, increased profits.
△ Less
Submitted 17 April, 2019;
originally announced April 2019.
-
Temporal Relational Ranking for Stock Prediction
Authors:
Fuli Feng,
Xiangnan He,
Xiang Wang,
Cheng Luo,
Yiqun Liu,
Tat-Seng Chua
Abstract:
Stock prediction aims to predict the future trends of a stock in order to help investors to make good investment decisions. Traditional solutions for stock prediction are based on time-series models. With the recent success of deep neural networks in modeling sequential data, deep learning has become a promising choice for stock prediction. However, most existing deep learning solutions are not op…
▽ More
Stock prediction aims to predict the future trends of a stock in order to help investors to make good investment decisions. Traditional solutions for stock prediction are based on time-series models. With the recent success of deep neural networks in modeling sequential data, deep learning has become a promising choice for stock prediction. However, most existing deep learning solutions are not optimized towards the target of investment, i.e., selecting the best stock with the highest expected revenue. Specifically, they typically formulate stock prediction as a classification (to predict stock trend) or a regression problem (to predict stock price). More importantly, they largely treat the stocks as independent of each other. The valuable signal in the rich relations between stocks (or companies), such as two stocks are in the same sector and two companies have a supplier-customer relation, is not considered. In this work, we contribute a new deep learning solution, named Relational Stock Ranking (RSR), for stock prediction. Our RSR method advances existing solutions in two major aspects: 1) tailoring the deep learning models for stock ranking, and 2) capturing the stock relations in a time-sensitive manner. The key novelty of our work is the proposal of a new component in neural network modeling, named Temporal Graph Convolution, which jointly models the temporal evolution and relation network of stocks. To validate our method, we perform back-testing on the historical data of two stock markets, NYSE and NASDAQ. Extensive experiments demonstrate the superiority of our RSR method. It outperforms state-of-the-art stock prediction solutions achieving an average return ratio of 98% and 71% on NYSE and NASDAQ, respectively.
△ Less
Submitted 19 January, 2019; v1 submitted 25 September, 2018;
originally announced September 2018.
-
Profitability of simple stationary technical trading rules with high-frequency data of Chinese Index Futures
Authors:
Jing-Chao Chen,
Yu Zhou,
Xi Wang
Abstract:
Technical trading rules have been widely used by practitioners in financial markets for a long time. The profitability remains controversial and few consider the stationarity of technical indicators used in trading rules. We convert MA, KDJ and Bollinger bands into stationary processes and investigate the profitability of these trading rules by using 3 high-frequency data(15s,30s and 60s) of CSI30…
▽ More
Technical trading rules have been widely used by practitioners in financial markets for a long time. The profitability remains controversial and few consider the stationarity of technical indicators used in trading rules. We convert MA, KDJ and Bollinger bands into stationary processes and investigate the profitability of these trading rules by using 3 high-frequency data(15s,30s and 60s) of CSI300 Stock Index Futures from January 4th 2012 to December 31st 2016. Several performance and risk measures are adopted to assess the practical value of all trading rules directly while ADF-test is used to verify the stationarity and SPA test to check whether trading rules perform well due to intrinsic superiority or pure luck. The results show that there are several significant combinations of parameters for each indicator when transaction costs are not taken into consideration. Once transaction costs are included, trading profits will be eliminated completely. We also propose a method to reduce the risk of technical trading rules.
△ Less
Submitted 20 October, 2017;
originally announced October 2017.
-
A Multifaceted Panel Data Gravity Model Analysis of Peru's Foreign Trade
Authors:
Xu Wang,
Ryan P. Badman
Abstract:
Peru's abundant natural resources and friendly trade policies has made the country a major economic player in both South America and the global community. Consequently, exports are playing an increasingly important role in Peru's national economy. Indeed, growing from 13.1% as of 1994, exports now contribute approximately 21% of the GDP of Peru as of 2015. Given Peru's growing global influence, th…
▽ More
Peru's abundant natural resources and friendly trade policies has made the country a major economic player in both South America and the global community. Consequently, exports are playing an increasingly important role in Peru's national economy. Indeed, growing from 13.1% as of 1994, exports now contribute approximately 21% of the GDP of Peru as of 2015. Given Peru's growing global influence, the time is ripe for a thorough analysis of the most important factors governing its export performance. Thus, within the framework of the augmented gravity model of trade, this paper examines Peru's export performance and attempts to identify the dominant economic factors that should be further developed to increase the value of exports. The analysis was conducted from three different aspects: (1) general economic parameters' effect on Peru's export value, (2) more specific analysis into a major specific trade good, copper, and (3) the impact that regional trade agreements have had on Peru's export performance. Our panel data analysis results for each dataset revealed interesting economic trends and were consistent with the theoretical expectations of the gravity model: namely positive coefficients for economic size and negative coefficients for distance. This report's results can be a reference for the proper direction of Peruvian economic policy so as to enhance economic growth in a sustainable direction.
△ Less
Submitted 4 December, 2016;
originally announced December 2016.
-
The "S" Curve Relationship between Export Diversity and Economic Size of Countries
Authors:
Lunchao Hu,
Kailan Tian,
Xin Wang,
Jiang Zhang
Abstract:
The highly detailed international trade data among all countries in the world during 1971-2000 shows that the kinds of export goods and the logarithmic GDP (gross domestic production) of a country has an S-shaped relationship. This indicates all countries can be divided into three stages accordingly. First, the poor countries always export very few kinds of products as we expect. Second, once the…
▽ More
The highly detailed international trade data among all countries in the world during 1971-2000 shows that the kinds of export goods and the logarithmic GDP (gross domestic production) of a country has an S-shaped relationship. This indicates all countries can be divided into three stages accordingly. First, the poor countries always export very few kinds of products as we expect. Second, once the economic size (GDP) of a country is beyond a threshold, its export diversity may increase dramatically. However, this is not the case for rich countries because a ceiling on the export diversity is observed when their GDPs are higher than another threshold. This pattern is very stable for different years although the concrete parameters of the fitting sigmoid functions may change with time. In addition, we also discussed other relationships such as import diversity with respect to logarithmic GDP, diversity of exporters with respect to the number of export goods etc., all of these relationships show S-shaped or power law patterns. Although this paper does not explain the origin of the S-shaped curve, it may provide a basic empirical fact and insights for economic diversity.
△ Less
Submitted 30 May, 2011;
originally announced May 2011.