Skip to content

Latest commit

 

History

History
149 lines (115 loc) · 12.5 KB

README.md

File metadata and controls

149 lines (115 loc) · 12.5 KB

A Survey of Financial AI: Architectures, Advances and Open Challenges

Resources: Paper, Slides, Cite

This repository is a curated collection of high-quality papers presented at top Computer Science (CS) conferences related to Artificial Intelligence (AI) applications in finance.

The aim is to offer a comprehensive review of these papers, summarize key findings, and analyze their contributions to the field.

This list extends an earlier collection: Awesome-LLM-Agents.

Price Prediction

Formulation

For Price Prediction tasks, the objectives are forecasting of continuous data, for (1) stock price, (2) earning, or (3) volatility.

Models to learn feature representations commonly include some combinations of: (1) attention-based models (2) spatial-temporal models (3) graph models

Auto-regressive self-supervised learning is commonly seen in pre-training the financial data representation, whereas supervised finetuning (SFT) is used in post-training for the prediction downstream task.

Papers

  • MDGNN: Multi-Relational Dynamic Graph Neural Network for Comprehensive and Dynamic Stock Investment Prediction, AAAI'24 (Paper)
  • MASTER: Market-Guided Stock Transformer for Stock Price Forecasting, AAAI'24 (Paper, Code)
  • DoubleAdapt: A Meta-learning Approach to Incremental Learning for Stock Trend Forecasting, KDD'23 (Paper)
  • Double-Path Adaptive-correlation Spatial-Temporal Inverted Transformer for Stock Time Series Forecasting, KDD'25 (Paper)
  • Stock Movement Prediction Based on Bi-typed Hybrid-relational Market Knowledge Graph via Dual Attention Networks, TKDE'23 (Paper)
  • GARCH-Informed Neural Networks for Volatility Prediction in Financial Markets, ArXiv'24 (Paper)
  • DiffSTOCK: Probabilistic relational Stock Market Predictions using Diffusion Models, ICASSP'24 (Paper)
  • From News to Forecast: Iterative Event Reasoning in LLM-Based Time Series Forecasting, NeurIPS'24 (Paper)

Trend/Movement Classification

Formulation

Trend/Movement Classification is commonly binary classification task that predicts the market movement (up or down) on a future date.

Basic building blocks (i.e. models) for feature representation and downstream task are similar to that in Price Prediction.

Papers

  • Multi-relational Graph Diffusion Neural Network with Parallel Retention for Stock Trends Classification, ICASSP'24 (Paper)
  • Saliency-Aware Interpolative Augmentation for Multimodal Financial Prediction, COLING'24 (Paper)
  • ECHO-GL: Earnings Calls-Driven Heterogeneous Graph Learning for Stock Movement Prediction, AAAI'24 (Paper)
  • Trade When Opportunity Comes: Price Movement Forecasting via Locality-Aware Attention and Iterative Refnement Labeling, IJCAI'24 (Paper)
  • MANA-Net: Mitigating Aggregated Sentiment Homogenization with News Weighting for Enhanced Market Prediction, CIKM'24 (Paper)
  • Learning to Generate Explainable Stock Predictions using Self-Reflective Large Language Models, WWW'24 (Paper)

Ranking-based Stock Selection

Formulation

Ranking-based Stock Selection is modelled as a ranking task that outputs the rank of a pool of stocks based on some values such as predicted earnings or risk adjusted earnings.

Basic building blocks (i.e. models) for feature representation and downstream task are similar to that in Price Prediction and Trend Classification.

Papers

  • CI-STHPAN: Pre-trained Attention Network for Stock Selection with Channel-Independent Spatio-Temporal Hypergraph, AAAI'24 (Paper)
  • Automatic De-Biased Temporal-Relational Modeling for Stock Investment Recommendation, IJCAI'24 (Paper)
  • RSAP-DFM: Regime-Shifting Adaptive Posterior Dynamic Factor Model for Stock Returns Prediction, IJCAI'24 (Paper)
  • Relational Temporal Graph Convolutional Networks for Ranking-Based Stock Prediction, ICDE'23 (Paper)

Portfolio Optimization

Formulation

For portfolio optimization, the objectives are variants of asset allocation, i.e., optimizing the portfolio weights.

The decision making processes are commonly modelled as Markov Decision Process (MDP), Partially Observed MDP (POMDP), Hierachical MDP (HMDP) and Hidden Markov Model (HMM).

In terms of ML models, Reinforcement Learning is a norm.

Papers

  • Developing A Multi-Agent and Self-Adaptive Framework with Deep Reinforcement Learning for Dynamic Portfolio Risk Management, AAMAS'24 (Paper)
  • Trend-Heuristic Reinforcement Learning Framework for News-Oriented Stock Portfolio Management, ICASSP'24 (Paper)
  • Reinforcement Learning with Maskable Stock Representation for Portfolio Management in Customizable Stock Pools, WWW'24 (paper)
  • FreQuant: A Reinforcement-Learning based Adaptive Portfolio Optimization with Multi-frequency Decomposition, KDD'24 (paper)
  • Risk-Managed Sparse Index Tracking Via Market Graph Clustering, ICASSP'24 (Paper)
  • Mitigating Extremal Risks: A Network-Based Portfolio Strategy, ArXiv'24 (Paper)
  • Improving Portfolio Optimization Results with Bandit Networks, ArXiv'24 (paper)

Quantitative Trading

Formulation

For Quantitative Trading, the objectives are trading actions (long/short/hold)and its attributes (amount, price, etc.).

The decision making models are similar to that in Portfolio Optimization.

Papers

  • Optimizing Trading Strategies in Quantitative Markets using Multi-Agent Reinforcement Learning, ICASSP'24 (Paper)
  • EarnHFT: Efficient Hierarchical Reinforcement Learning for High Frequency Trading, AAAI'24 (Paper)
  • MacMic: Executing Iceberg Orders via Hierarchical Reinforcement Learning, IJCAI'24 (Paper)
  • IMM: An Imitative Reinforcement Learning Approach with Predictive Representation Learning for Automatic Market Making, IJCAI'24 (Paper)
  • Hierarchical Reinforced Trader(HRT): A Bi-Level Approach for Optimizing Stock Selection and Execution, ArXiv'24 (Paper)
  • MacroHFT: Memory Augmented Context-aware Reinforcement Learning On High Frequency Trading, KDD'24 (Paper)
  • Efficient Continuous Space Policy Optimization for High-frequency Trading, KDD'23 (Paper)
  • StockFormer: Learning Hybrid Trading Machines with Predictive Coding, IJCAI'23 (Paper)
  • A Multimodal Foundation Agent for Financial Trading: Tool-Augmented, Diversified, and Generalist, KDD'24 (Paper)
  • Automate Strategy Finding with LLM in Quant investment, ArXiv'24 (Paper)

Knowledge Retrieval and Augmentation

This is a loosely categorised task that involved a combination of (1) Information Retrieval (2) Data Augmentation (3) Data Labelling (4) Prompt Engineering (5) Simulation (6) Others

Calling this "Knowledge Retrieval and Augmentation" should cover most of the primary objectives of the papers.

Retrieval and Augmentation

  • Extracting Financial Events from Raw Texts via Matrix Chunking, COLING'24 (Paper)
  • Large Language Models as Financial Data Annotators: A Study on Effectiveness and Efficiency, COLING'24 (Paper)
  • FinReport: Explainable Stock Earnings Forecasting via News Factor Analyzing Model, WWW'24 (Paper)

Prompt Engineering

  • Prompting for Numerical Sequences: A Case Study on Market Comment Generation, COLING'24 (Paper)
  • Temporal Relational Reasoning of Large Language Models for Detecting Stock Portfolio Crashes, ArXiv'24(Paper)

Agentic Simulations

  • EconAgent: Large Language Model-Empowered Agents for Simulating Macroeconomic Activities, ACL'24 (Paper, Code)
  • When AI Meets Finance (StockAgent): Large Language Model-based Stock Trading in Simulated Real-world Environments, ArXiv'24 (Paper, Code)

Datasets

Though the papers primarily propose some datasets, they also contribute to a variety of the abovementioned tasks.

Papers

  • AlphaFin: Benchmarking Financial Analysis with RetrievalAugmented Stock-Chain Framework, COLING'24 (Paper, Code)
  • Market-GAN: Adding Control to Financial Market Data Generation with Semantic Context, AAAI'24 (Paper, Code)
  • FNSPID: A Comprehensive Financial News Dataset in Time Series, KDD'24 (Paper,Dataset, Code)
  • StockEmotions: Discover Investor Emotions for Financial Sentiment Analysis and Multivariate Time Series, AAAI'23 (Paper, Code)

Time Series Models

This section includes some general time-series models that were recently proposed. One may get inspirations in model designs, or directly apply them on financial time-series data.

Papers

  • TimeMixer: Decomposable Multiscale Mixing for Time Series Forecasting, ICLR'24 (Paper, Code)
  • MOMENT: A Family of Open Time-series Foundation Models, ICML'24 (Paper, Code)
  • Timer: Generative Pre-trained Transformers Are Large Time Series Models, ICML'24 (Paper, Code)
  • TimesNet: Temporal 2d-variation modeling for general time series analysis, ICLR’23(Paper, Code)
  • A Time Series is Worth 64 Words: Long-term Forecasting with Transformers, ICLR'23(Paper, Code)

Survey

This section includes some other survey papers on LLM for Finance

Papers

  • A Survey of Large Language Models in Finance (FinLLMs), ArXiv'24 (Paper)
  • A Survey of Large Language Models for Financial Applications: Progress, Prospects and Challenges, ArXiv'24 (Paper)
  • Large Language Model Agent in Financial Trading: A Survey, ArXiv'24 (Paper)
  • Revolutionizing Finance with LLMs: An Overview of Applications and Insights, ArXiv'24(Paper)

Citation

Please cite the repo if the content assists your work.

@misc{awesome-finance-ai-papers,
author = {Junhua Liu},
title = {A Survey of Financial AI: Architectures, Advances and Open Challenges},
year = {2024},
publisher = {GitHub},
journal = {GitHub Repository},
doi={10.5281/zenodo.14021183},
howpublished = {\url{https://github.com/junhua/awesome-finance-ai-papers}},
}