AI Trading Models for Financial Markets
Modern trading systems process millions of transactions per second while navigating market microstructure, regulatory constraints, and execution costs. Historical approaches relied on fixed rules and thresholds, but these struggle to adapt to changing market conditions and often miss subtle patterns in order flow that signal trading opportunities or risks.
The fundamental challenge lies in balancing algorithmic sophistication with operational reliability while maintaining the speed and determinism required for real-time trading.
This page brings together solutions from recent research—including predictive models for recurring transaction patterns, decentralized agent-based systems for financial modeling, adaptive transaction evaluation frameworks, and order book tensor representations for deep learning. These and other approaches focus on practical implementation within existing trading infrastructure while addressing both performance and compliance requirements.
1. Decentralized Agent-Based Artificial Intelligence System for Financial Data Analysis with Competitive Model Evaluation and Cryptographic Incentive Mechanism
NEW YORK UNIVERSITY, 2024
An artificial intelligence system for analyzing financial data and making investment recommendations using a decentralized ecosystem of agents like models, recommenders, and verifiers. The agents compete to provide the best financial models for analyzing data. Verifiers evaluate the models and recommenders select them. The agents are incentivized to perform well through a competition where winners collect stakes from losers. This creates a stable equilibrium where agents strive to provide accurate models. The ecosystem also uses costly signaling with cryptographic tokens to distribute rewards and rents.
2. Order Book Data Conversion Method to 2D Tensor Format with Time and Price Axes
REBELLIONS INC., 2024
Method for converting order book data into 2D format suitable for machine learning models. The method involves generating a tensor data structure with a time axis and price axis in tick units. The tensor has multiple 2D data items representing quantities for bid and ask prices at specific coordinates defined by time and price. A mid price calculated from the bid and ask is used as the tick price. This converts the tabular order book data into a format that can be directly input into 2D CNN models for stock price prediction.
3. Neural Network-Based System for Financial Investment Prediction and Recommendation
NVIDIA Corporation, 2024
Using neural networks to make financial investment predictions and recommendations based on user data, news, financial data, and predictions. The neural networks are trained to determine investment movements, prices, and recommendations by processing this input data. An interactive system like a dialogue agent can use the neural networks to provide financial advice when users ask questions about investments.
4. Neural Network System for Analyzing Financial Data and Generating Investment Recommendations
NVIVIA Corporation, 2024
Using neural networks to make financial investment predictions and recommendations. The neural networks analyze data like user information, news, financial data, and predictions to determine financial movements, stock prices, investment suggestions, etc. This allows more accurate and personalized investment advice compared to relying solely on external sources. The system can also be interactive, like a chatbot, to provide customized financial insights and advice to users.
5. Trade Execution Engine Utilizing Switching Matrix Model for Strategy Reconciliation
Wells Fargo Bank, N.A., 2024
Trade execution engine that helps users evaluate different market conditions and make final trading decisions by using a switching matrix model to reconcile multiple trading strategy algorithms. The engine receives user trade instructions and market conditions, generates matrices representing market states and execution strategies, defines signals based on predicted market states, selects the appropriate matrix node for the predicted state, and executes the associated strategy. It can also switch between execution phases with different strategies based on updated inputs.
6. Cryptocurrency Information Analysis System Utilizing AI for Credibility-Weighted Prediction and Personalized Decision Generation
CAPITAL ONE SERVICES, LLC, 2024
Analyzing cryptocurrency-related information using artificial intelligence to provide personalized trading recommendations. The system uses real-time credibility analysis and AI prediction to analyze cryptocurrency-related info from multiple sources. It determines the credibility of the info based on historical congruence with events. AI predicts market trends using the credibility-weighted info. A processor generates personalized trading decisions based on the predicted trends.
7. Machine Learning-Based Transaction Likelihood and Timing Prediction System
Dell Products L.P., 2024
Automatically predicting transaction likelihood and timing using machine learning to improve order management. The technique involves training machine learning models on historical transaction data to predict confidence levels, conversion probabilities, and expected timelines for pending transactions. This enables automated actions like optimizing resource allocation and forecasting based on more accurate and timely insights into deal progress.
8. State Space Augmentation Method for Reinforcement Learning Using Machine Learning-Based External Data Integration
International Business Machines Corporation, 2024
A method for improving reinforcement learning accuracy in applications like portfolio optimization by augmenting the state space with additional information. The augmented state includes predictions from machine learning models trained on external data sources like news articles and financial data. This allows the reinforcement learning agent to leverage diverse and heterogeneous information beyond just the raw input state. The augmented state is then used to train the reinforcement learning model for tasks like portfolio optimization. The augmented state helps improve performance compared to using just the original input state.
9. High Frequency Trading System with Accelerator-Driven Machine Learning and FPGA-Based Reconfigurable Processing
REBELLIONS INC., 2023
High frequency trading system that uses a combination of accelerator and FPGA for machine learning models along with a reconfigurable processor for pre/post processing. The system receives market data from servers, generates prediction reference data, feeds it to a dedicated accelerator for machine learning inference, then sends the predictions to the FPGA-based reconfigurable processor for order generation. This allows leveraging specialized hardware for ML while keeping flexible pre/post processing on the FPGA.
10. High Frequency Trading Method Utilizing Machine Learning with Latency-Based Batch Size Optimization
REBELLIONS INC., 2023
Method for high frequency trading that uses machine learning to predict stock prices and generate orders for maximum profit. The method involves calculating latency for market orders based on batch sizes and selecting an optimal batch size to balance speed and accuracy. It also considers input data precision when calculating latency. By optimizing batch size and precision, it aims to generate orders with valid predicted prices at the right time points for maximum profit.
11. Machine Learning-Based Order Ranking System Utilizing Multi-Factor Relevance Scoring
Dell Products L.P., 2023
AI-powered order prioritization for fulfillment that accurately ranks orders for an organization based on factors beyond just dollar value and service level agreements. The method involves training a ranking-based machine learning model using historical order data to predict order prioritization. The model considers features like product category, customer history, urgency, profit margin, etc. to predict relevance scores for each order. Orders are then ranked by score for fulfillment.
12. Hierarchical Graph-Based Embedding Generation for Financial Transaction Data
INTUIT INC., 2023
Generating feature embeddings for financial transaction data that can be used in machine learning models to improve prediction accuracy and interpretability. The embeddings are generated in an automatic and unsupervised manner using a heterogeneous graph representation of the transactions. The graph connects users and merchants based on transaction pairs with specific characteristics. The embeddings are generated hierarchically by jumping between transaction pairs based on frequency and hyperparameters. This allows extracting features with context and relationships between transactions. The embeddings can be labeled, indexed, and consumed by models without extra training.
13. AI Model for Predicting Minimum Winning Price Using Conditional Probability Distributions in Real-Time Bidding
SAMSUNG ELECTRONICS CO., LTD., 2023
Training an AI model to predict the minimum winning price in real-time bidding without splitting auction types. The model is trained using auction data with conditional minimum winning price probability distributions. The overall minimum winning price probability distribution is generated first, then conditional distributions for each auction history. The AI is trained using auction attributes as input and the conditional distributions as output. This allows accurate price prediction in both auction types without dividing them.
14. Electronic Trading System Utilizing Machine Learning for Trader Matching and Trade Likelihood Estimation
Broadridge Fixed Income Liquidity Solutions, LLC, 2023
A system for facilitating electronic trading of financial instruments that uses machine learning to match traders and determine trade likelihood. The system allows users to initiate electronic trading sessions for specific financial instruments with specific terms. It matches the initiating user with dealer users who have a history of trading similar instruments. It also ranks potential invitee users based on likelihood of trading the instrument. This matching and ranking is done using machine learning models on historical trading data. The system then coordinates the trading session with selective sharing of offers.
15. High Frequency Stock Trading System Utilizing Latency-Adjusted Machine Learning Input Batching
REBELLIONS INC., 2023
Method and system for high frequency stock trading that leverages machine learning models while avoiding issues like time gaps and latency. The method involves generating input data based on market data, feeding it to a machine learning model to predict stock prices at future times, and generating orders based on those predictions. To prevent time gaps, the input batch size is chosen based on latency to select a future time point before the batch arrives. This allows using the model without outdated predictions.
16. Financial Market Data Processing System with Vector Representation and Similarity Search Mechanism
Chicago Mercantile Exchange Inc., 2023
A system for efficiently processing, organizing, and searching financial market data using vector representations. The system involves pre-processing the raw market data into vectors that capture the underlying structure and patterns. This involves filtering and transforming the data to extract meaningful features. The vectors can then be used for machine learning and analysis tasks. The search function allows finding similar historical market periods based on vector comparisons, enabling efficient exploration of related data.
17. Adaptive Model Selection System Using Oversampled Label Distribution Biases for Time Series Financial Data
REBELLIONS INC., 2023
Selecting the optimal machine learning model for time series financial data with variable label distributions by training multiple models using oversampled training data with varying label distributions. During training, the label distribution is changed by oversampling specific labels. This generates a set of models with different label distribution biases. When making a prediction on new time series data, the similarity of its label distribution to the training distributions is measured and the most similar model is selected. This allows adaptive model selection based on the input data's label distribution.
18. High Frequency Trading System with In-Memory Executable Machine Learning Model Interpretation
BANK OF AMERICA CORPORATION, 2023
High frequency trading system that uses stored machine learning models to enable fast and low latency processing for high frequency trading applications. The system generates executable files of machine learning models by interpreting the model code rather than compiling it. These executable files are then stored in local memory. This allows the models to be executed directly from memory without needing to load and interpret the model code every time. This provides much faster inference times compared to compiling and loading the model code for each trade.
19. Simulation Environment with Matching Engine for Reinforcement Learning Agents in Dynamic Resource Allocation
ROYAL BANK OF CANADA, 2023
Simulation environment for training reinforcement learning agents in a dynamic resource environment like a trading platform. The simulation involves a matching engine that receives tasks from agents requiring resources and matches them based on compatibility. Unmatched tasks are sent back to agents. Agents compete for resources non-deterministically. Historical tasks are also provided for agents to generate variants. The matching engine provides training data by communicating executed tasks and resource impacts to agents.
20. Automated Trading Platform with Iterative Self-Updating Bot Optimization
Cryptium Capital, LLC, 2023
An automated trading platform that uses self-updating trading bots to find and deploy the optimal trading strategy over time. The platform generates a set of trading bots with parameters defining execution rules. It searches through the bots using historical data to find an initial ideal bot that tracks asset performance. This bot is deployed for a duration, evaluated, and then the search is repeated based on the initial bot's success. The platform deploys a new ideal bot for another duration. This iterative process allows the platform to dynamically adapt and improve its trading strategies over time using machine learning techniques.
Get Full Report
Access our comprehensive collection of patents related to this technology