nep-cmp New Economics Papers
on Computational Economics
Issue of 2025–11–10
twenty-six papers chosen by
Stan Miles, Thompson Rivers University


  1. Exact Terminal Condition Neural Network for American Option Pricing Based on the Black-Scholes-Merton Equations By Wenxuan Zhang; Yixiao Guo; Benzhuo Lu
  2. JaxMARL-HFT: GPU-Accelerated Large-Scale Multi-Agent Reinforcement Learning for High-Frequency Trading By Valentin Mohl; Sascha Frey; Reuben Leyland; Kang Li; George Nigmatulin; Mihai Cucuringu; Stefan Zohren; Jakob Foerster; Anisoara Calinescu
  3. TABL-ABM: A Hybrid Framework for Synthetic LOB Generation By Ollie Olby; Rory Baggott; Namid Stillman
  4. Causal and Predictive Modeling of Short-Horizon Market Risk and Systematic Alpha Generation Using Hybrid Machine Learning Ensembles By Aryan Ranjan
  5. Right Place, Right Time: Market Simulation-based RL for Execution Optimisation By Ollie Olby; Andreea Bacalum; Rory Baggott; Namid Stillman
  6. Direct Debiased Machine Learning via Bregman Divergence Minimization By Masahiro Kato
  7. Technical Analysis Meets Machine Learning: Bitcoin Evidence By Jos\'e \'Angel Islas Anguiano; Andr\'es Garc\'ia-Medina
  8. An Impulse Control Approach to Market Making in a Hawkes LOB Market By Konark Jain; Nick Firoozye; Jonathan Kochems; Philip Treleaven
  9. ChatGPT in Systematic Investing -- Enhancing Risk-Adjusted Returns with LLMs By Nikolas Anic; Andrea Barbon; Ralf Seiz; Carlo Zarattini
  10. A Quantitative Approach to Central Bank Haircuts and Counterparty Risk Management By Yuji Sakurai
  11. When AI Trading Agents Compete: Adverse Selection of Meta-Orders by Reinforcement Learning-Based Market Making By Ali Raza Jafree; Konark Jain; Nick Firoozye
  12. One model to solve them all: 2BSDE families via neural operators By Takashi Furuya; Anastasis Kratsios; Dylan Possama\"i; Bogdan Raoni\'c
  13. Prompting for Policy: Forecasting Macroeconomic Scenarios with Synthetic LLM Personas By Giulia Iadisernia; Carolina Camassa
  14. Probabilistic Rule Models as Diagnostic Layers: Interpreting Structural Concept Drift in Post-Crisis Finance By Dmitry Lesnik; Tobias Schaefer
  15. ABIDES-MARL: A Multi-Agent Reinforcement Learning Environment for Endogenous Price Formation and Execution in a Limit Order Book By Patrick Cheridito; Jean-Loup Dupret; Zhexin Wu
  16. Algorithmic Predation: Equilibrium Analysis in Dynamic Oligopolies with Smooth Market Sharing By Fabian Raoul Pieroth; Ole Petersen; Martin Bichler
  17. Modeling Hawkish-Dovish Latent Beliefs in Multi-Agent Debate-Based LLMs for Monetary Policy Decision Classification By Kaito Takano; Masanori Hirano; Kei Nakagawa
  18. The Prestakes of Stock Market Investing By Francesco Bianchi; Do Q. Lee; Sydney C. Ludvigson; Sai Ma
  19. Learning to Manage Investment Portfolios beyond Simple Utility Functions By Maarten P. Scholl; Mahmoud Mahfouz; Anisoara Calinescu; J. Doyne Farmer
  20. Hybrid LLM and Higher-Order Quantum Approximate Optimization for CSA Collateral Management By Tao Jin; Stuart Florescu; Heyu; Jin
  21. Environmental Complexity and Respiratory Health: A Data-Driven Exploration Across European Regions By Resta, Onofrio; Resta, Emanuela; Costantiello, Alberto; Liuzzi, Piergiuseppe; Leogrande, Angelo
  22. Inequality, Financialization, and Political Disintegration By Alberto Russo
  23. Novelty and Impact of Economics Papers By Chaofeng Wu
  24. Making Interpretable Discoveries from Unstructured Data: A High-Dimensional Multiple Hypothesis Testing Approach By Jacob Carlson
  25. Machine-Learning-Assisted Comparison of Regression Functions By Jian Yan; Zhuoxi Li; Yang Ning; Yong Chen
  26. Innovation and Bank Capital Adequacy: An Empirical Assessment across European Economies By Arnone, Massimo; Costantiello, Alberto; Drago, Carlo; Leogrande, Angelo

  1. By: Wenxuan Zhang; Yixiao Guo; Benzhuo Lu
    Abstract: This paper proposes the Exact Terminal Condition Neural Network (ETCNN), a deep learning framework for accurately pricing American options by solving the Black-Scholes-Merton (BSM) equations. The ETCNN incorporates carefully designed functions that ensure the numerical solution not only exactly satisfies the terminal condition of the BSM equations but also matches the non-smooth and singular behavior of the option price near expiration. This method effectively addresses the challenges posed by the inequality constraints in the BSM equations and can be easily extended to high-dimensional scenarios. Additionally, input normalization is employed to maintain the homogeneity. Multiple experiments are conducted to demonstrate that the proposed method achieves high accuracy and exhibits robustness across various situations, outperforming both traditional numerical methods and other machine learning approaches.
    Date: 2025–10
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2510.27132
  2. By: Valentin Mohl; Sascha Frey; Reuben Leyland; Kang Li; George Nigmatulin; Mihai Cucuringu; Stefan Zohren; Jakob Foerster; Anisoara Calinescu
    Abstract: Agent-based modelling (ABM) approaches for high-frequency financial markets are difficult to calibrate and validate, partly due to the large parameter space created by defining fixed agent policies. Multi-agent reinforcement learning (MARL) enables more realistic agent behaviour and reduces the number of free parameters, but the heavy computational cost has so far limited research efforts. To address this, we introduce JaxMARL-HFT (JAX-based Multi-Agent Reinforcement Learning for High-Frequency Trading), the first GPU-accelerated open-source multi-agent reinforcement learning environment for high-frequency trading (HFT) on market-by-order (MBO) data. Extending the JaxMARL framework and building on the JAX-LOB implementation, JaxMARL-HFT is designed to handle a heterogeneous set of agents, enabling diverse observation/action spaces and reward functions. It is designed flexibly, so it can also be used for single-agent RL, or extended to act as an ABM with fixed-policy agents. Leveraging JAX enables up to a 240x reduction in end-to-end training time, compared with state-of-the-art reference implementations on the same hardware. This significant speed-up makes it feasible to exploit the large, granular datasets available in high-frequency trading, and to perform the extensive hyperparameter sweeps required for robust and efficient MARL research in trading. We demonstrate the use of JaxMARL-HFT with independent Proximal Policy Optimization (IPPO) for a two-player environment, with an order execution and a market making agent, using one year of LOB data (400 million orders), and show that these agents learn to outperform standard benchmarks. The code for the JaxMARL-HFT framework is available on GitHub.
    Date: 2025–11
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2511.02136
  3. By: Ollie Olby; Rory Baggott; Namid Stillman
    Abstract: The recent application of deep learning models to financial trading has heightened the need for high fidelity financial time series data. This synthetic data can be used to supplement historical data to train large trading models. The state-of-the-art models for the generative application often rely on huge amounts of historical data and large, complicated models. These models range from autoregressive and diffusion-based models through to architecturally simpler models such as the temporal-attention bilinear layer. Agent-based approaches to modelling limit order book dynamics can also recreate trading activity through mechanistic models of trader behaviours. In this work, we demonstrate how a popular agent-based framework for simulating intraday trading activity, the Chiarella model, can be combined with one of the most performant deep learning models for forecasting multi-variate time series, the TABL model. This forecasting model is coupled to a simulation of a matching engine with a novel method for simulating deleted order flow. Our simulator gives us the ability to test the generative abilities of the forecasting model using stylised facts. Our results show that this methodology generates realistic price dynamics however, when analysing deeper, parts of the markets microstructure are not accurately recreated, highlighting the necessity for including more sophisticated agent behaviors into the modeling framework to help account for tail events.
    Date: 2025–10
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2510.22685
  4. By: Aryan Ranjan
    Abstract: We present a systematic trading framework that forecasts short-horizon market risk, identifies its underlying drivers, and generates alpha using a hybrid machine learning ensemble built to trade on the resulting signal. The framework integrates neural networks with tree-based voting models to predict five-day drawdowns in the S&P 500 ETF, leveraging a cross-asset feature set spanning equities, fixed income, foreign exchange, commodities, and volatility markets. Interpretable feature attribution methods reveal the key macroeconomic and microstructural factors that differentiate high-risk (crash) from benign (non-crash) weekly regimes. Empirical results show a Sharpe ratio of 2.51 and an annualized CAPM alpha of +0.28, with a market beta of 0.51, indicating that the model delivers substantial systematic alpha with limited directional exposure during the 2005--2025 backtest period. Overall, the findings underscore the effectiveness of hybrid ensemble architectures in capturing nonlinear risk dynamics and identifying interpretable, potentially causal drivers, providing a robust blueprint for machine learning-driven alpha generation in systematic trading.
    Date: 2025–10
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2510.22348
  5. By: Ollie Olby; Andreea Bacalum; Rory Baggott; Namid Stillman
    Abstract: Execution algorithms are vital to modern trading, they enable market participants to execute large orders while minimising market impact and transaction costs. As these algorithms grow more sophisticated, optimising them becomes increasingly challenging. In this work, we present a reinforcement learning (RL) framework for discovering optimal execution strategies, evaluated within a reactive agent-based market simulator. This simulator creates reactive order flow and allows us to decompose slippage into its constituent components: market impact and execution risk. We assess the RL agent's performance using the efficient frontier based on work by Almgren and Chriss, measuring its ability to balance risk and cost. Results show that the RL-derived strategies consistently outperform baselines and operate near the efficient frontier, demonstrating a strong ability to optimise for risk and impact. These findings highlight the potential of reinforcement learning as a powerful tool in the trader's toolkit.
    Date: 2025–10
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2510.22206
  6. By: Masahiro Kato
    Abstract: We develop a direct debiased machine learning framework comprising Neyman targeted estimation and generalized Riesz regression. Our framework unifies Riesz regression for automatic debiased machine learning, covariate balancing, targeted maximum likelihood estimation (TMLE), and density-ratio estimation. In many problems involving causal effects or structural models, the parameters of interest depend on regression functions. Plugging regression functions estimated by machine learning methods into the identifying equations can yield poor performance because of first-stage bias. To reduce such bias, debiased machine learning employs Neyman orthogonal estimating equations. Debiased machine learning typically requires estimation of the Riesz representer and the regression function. For this problem, we develop a direct debiased machine learning framework with an end-to-end algorithm. We formulate estimation of the nuisance parameters, the regression function and the Riesz representer, as minimizing the discrepancy between Neyman orthogonal scores computed with known and unknown nuisance parameters, which we refer to as Neyman targeted estimation. Neyman targeted estimation includes Riesz representer estimation, and we measure discrepancies using the Bregman divergence. The Bregman divergence encompasses various loss functions as special cases, where the squared loss yields Riesz regression and the Kullback-Leibler divergence yields entropy balancing. We refer to this Riesz representer estimation as generalized Riesz regression. Neyman targeted estimation also yields TMLE as a special case for regression function estimation. Furthermore, for specific pairs of models and Riesz representer estimation methods, we can automatically obtain the covariate balancing property without explicitly solving the covariate balancing objective.
    Date: 2025–10
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2510.23534
  7. By: Jos\'e \'Angel Islas Anguiano; Andr\'es Garc\'ia-Medina
    Abstract: In this note, we compare Bitcoin trading performance using two machine learning models-Light Gradient Boosting Machine (LightGBM) and Long Short-Term Memory (LSTM)-and two technical analysis-based strategies: Exponential Moving Average (EMA) crossover and a combination of Moving Average Convergence/Divergence with the Average Directional Index (MACD+ADX). The objective is to evaluate how trading signals can be used to maximize profits in the Bitcoin market. This comparison was motivated by the U.S. Securities and Exchange Commission's (SEC) approval of the first spot Bitcoin exchange-traded funds (ETFs) on 2024-01-10. Our results show that the LSTM model achieved a cumulative return of approximately 65.23% in under a year, significantly outperforming LightGBM, the EMA and MACD+ADX strategies, as well as the baseline buy-and-hold. This study highlights the potential for deeper integration of machine learning and technical analysis in the rapidly evolving cryptocurrency landscape.
    Date: 2025–11
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2511.00665
  8. By: Konark Jain; Nick Firoozye; Jonathan Kochems; Philip Treleaven
    Abstract: We study the optimal Market Making problem in a Limit Order Book (LOB) market simulated using a high-fidelity, mutually exciting Hawkes process. Departing from traditional Brownian-driven mid-price models, our setup captures key microstructural properties such as queue dynamics, inter-arrival clustering, and endogenous price impact. Recognizing the realistic constraint that market makers cannot update strategies at every LOB event, we formulate the control problem within an impulse control framework, where interventions occur discretely via limit, cancel, or market orders. This leads to a high-dimensional, non-local Hamilton-Jacobi-Bellman Quasi-Variational Inequality (HJB-QVI), whose solution is analytically intractable and computationally expensive due to the curse of dimensionality. To address this, we propose a novel Reinforcement Learning (RL) approximation inspired by auxiliary control formulations. Using a two-network PPO-based architecture with self-imitation learning, we demonstrate strong empirical performance with limited training, achieving Sharpe ratios above 30 in a realistic simulated LOB. In addition to that, we solve the HJB-QVI using a deep learning method inspired by Sirignano and Spiliopoulos 2018 and compare the performance with the RL agent. Our findings highlight the promise of combining impulse control theory with modern deep RL to tackle optimal execution problems in jump-driven microstructural markets.
    Date: 2025–10
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2510.26438
  9. By: Nikolas Anic; Andrea Barbon; Ralf Seiz; Carlo Zarattini
    Abstract: This paper investigates whether large language models (LLMs) can improve cross-sectional momentum strategies by extracting predictive signals from firm-specific news. We combine daily U.S. equity returns for S&P 500 constituents with high-frequency news data and use prompt-engineered queries to ChatGPT that inform the model when a stock is about to enter a momentum portfolio. The LLM evaluates whether recent news supports a continuation of past returns, producing scores that condition both stock selection and portfolio weights. An LLM-enhanced momentum strategy outperforms a standard long-only momentum benchmark, delivering higher Sharpe and Sortino ratios both in-sample and in a truly out-of-sample period after the model's pre-training cut-off. These gains are robust to transaction costs, prompt design, and portfolio constraints, and are strongest for concentrated, high-conviction portfolios. The results suggest that LLMs can serve as effective real-time interpreters of financial news, adding incremental value to established factor-based investment strategies.
    Date: 2025–10
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2510.26228
  10. By: Yuji Sakurai
    Abstract: This paper presents a comprehensive framework for determining haircuts on collateral used in central bank operations, quantifying residual uncollateralized exposures, and validating haircut models using machine learning. First, it introduces four haircut model types tailored to asset characteristics—marketable or non-marketable—and data availability. It proposes a novel model for setting haircuts in data-limited environment using a satallite cross-country model. Key principles guiding haircut calibration include non-procyclicality, data-drivenness, conservatism, and the avoidance of arbitrage gaps. The paper details model inputs such as Value-at-Risk (VaR) percentiles, volatility measures, and time to liquidation. Second, it proposes a quantitative framework for estimating expected uncollateralized exposures that remain after haircut application, emphasizing their importance in stress scenarios. Illustrative simulations using dynamic Nelson-Siegel yield curve models demonstrate how volatility impacts exposure. Third, the paper explores the use of Variational Autoencoders (VAEs) to simulate stress scenarios for bond yields. Trained on U.S. Treasury data, VAEs capture realistic yield curve distributions, offering an altenative tool for validating VaR-based haircuts. Although interpretability and explainability remain concerns, machine learning models enhance risk assessment by uncovering potential model vulnerabilities.
    Keywords: Haircuts; Uncollateralized Exposure; Machine Learning
    Date: 2025–10–31
    URL: https://d.repec.org/n?u=RePEc:imf:imfwpa:2025/225
  11. By: Ali Raza Jafree; Konark Jain; Nick Firoozye
    Abstract: We investigate the mechanisms by which medium-frequency trading agents are adversely selected by opportunistic high-frequency traders. We use reinforcement learning (RL) within a Hawkes Limit Order Book (LOB) model in order to replicate the behaviours of high-frequency market makers. In contrast to the classical models with exogenous price impact assumptions, the Hawkes model accounts for endogenous price impact and other key properties of the market (Jain et al. 2024a). Given the real-world impracticalities of the market maker updating strategies for every event in the LOB, we formulate the high-frequency market making agent via an impulse control reinforcement learning framework (Jain et al. 2025). The RL used in the simulation utilises Proximal Policy Optimisation (PPO) and self-imitation learning. To replicate the adverse selection phenomenon, we test the RL agent trading against a medium frequency trader (MFT) executing a meta-order and demonstrate that, with training against the MFT meta-order execution agent, the RL market making agent learns to capitalise on the price drift induced by the meta-order. Recent empirical studies have shown that medium-frequency traders are increasingly subject to adverse selection by high-frequency trading agents. As high-frequency trading continues to proliferate across financial markets, the slippage costs incurred by medium-frequency traders are likely to increase over time. However, we do not observe that increased profits for the market making RL agent necessarily cause significantly increased slippages for the MFT agent.
    Date: 2025–10
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2510.27334
  12. By: Takashi Furuya; Anastasis Kratsios; Dylan Possama\"i; Bogdan Raoni\'c
    Abstract: We introduce a mild generative variant of the classical neural operator model, which leverages Kolmogorov--Arnold networks to solve infinite families of second-order backward stochastic differential equations ($2$BSDEs) on regular bounded Euclidean domains with random terminal time. Our first main result shows that the solution operator associated with a broad range of $2$BSDE families is approximable by appropriate neural operator models. We then identify a structured subclass of (infinite) families of $2$BSDEs whose neural operator approximation requires only a polynomial number of parameters in the reciprocal approximation rate, as opposed to the exponential requirement in general worst-case neural operator guarantees.
    Date: 2025–11
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2511.01125
  13. By: Giulia Iadisernia; Carolina Camassa
    Abstract: We evaluate whether persona-based prompting improves Large Language Model (LLM) performance on macroeconomic forecasting tasks. Using 2, 368 economics-related personas from the PersonaHub corpus, we prompt GPT-4o to replicate the ECB Survey of Professional Forecasters across 50 quarterly rounds (2013-2025). We compare the persona-prompted forecasts against the human experts panel, across four target variables (HICP, core HICP, GDP growth, unemployment) and four forecast horizons. We also compare the results against 100 baseline forecasts without persona descriptions to isolate its effect. We report two main findings. Firstly, GPT-4o and human forecasters achieve remarkably similar accuracy levels, with differences that are statistically significant yet practically modest. Our out-of-sample evaluation on 2024-2025 data demonstrates that GPT-4o can maintain competitive forecasting performance on unseen events, though with notable differences compared to the in-sample period. Secondly, our ablation experiment reveals no measurable forecasting advantage from persona descriptions, suggesting these prompt components can be omitted to reduce computational costs without sacrificing accuracy. Our results provide evidence that GPT-4o can achieve competitive forecasting accuracy even on out-of-sample macroeconomic events, if provided with relevant context data, while revealing that diverse prompts produce remarkably homogeneous forecasts compared to human panels.
    Date: 2025–11
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2511.02458
  14. By: Dmitry Lesnik; Tobias Schaefer
    Abstract: Machine learning models used for high-stakes predictions in domains like credit risk face critical degradation due to concept drift, requiring robust and transparent adaptation mechanisms. We propose an architecture, where a dedicated correction layer is employed to efficiently capture systematic shifts in predictive scores when a model becomes outdated. The key element of this architecture is the design of a correction layer using Probabilistic Rule Models (PRMs) based on Markov Logic Networks, which guarantees intrinsic interpretability through symbolic, auditable rules. This structure transforms the correction layer from a simple scoring mechanism into a powerful diagnostic tool capable of isolating and explaining the fundamental changes in borrower riskiness. We illustrate this diagnostic capability using Fannie Mae mortgage data, demonstrating how the interpretable rules extracted by the correction layer successfully explain the structural impact of the 2008 financial crisis on specific population segments, providing essential insights for portfolio risk management and regulatory compliance.
    Date: 2025–10
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2510.26627
  15. By: Patrick Cheridito; Jean-Loup Dupret; Zhexin Wu
    Abstract: We present ABIDES-MARL, a framework that combines a new multi-agent reinforcement learning (MARL) methodology with a new realistic limit-order-book (LOB) simulation system to study equilibrium behavior in complex financial market games. The system extends ABIDES-Gym by decoupling state collection from kernel interruption, enabling synchronized learning and decision-making for multiple adaptive agents while maintaining compatibility with standard RL libraries. It preserves key market features such as price-time priority and discrete tick sizes. Methodologically, we use MARL to approximate equilibrium-like behavior in multi-period trading games with a finite number of heterogeneous agents-an informed trader, a liquidity trader, noise traders, and competing market makers-all with individual price impacts. This setting bridges optimal execution and market microstructure by embedding the liquidity trader's optimization problem within a strategic trading environment. We validate the approach by solving an extended Kyle model within the simulation system, recovering the gradual price discovery phenomenon. We then extend the analysis to a liquidity trader's problem where market liquidity arises endogenously and show that, at equilibrium, execution strategies shape market-maker behavior and price dynamics. ABIDES-MARL provides a reproducible foundation for analyzing equilibrium and strategic adaptation in realistic markets and contributes toward building economically interpretable agentic AI systems for finance.
    Date: 2025–11
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2511.02016
  16. By: Fabian Raoul Pieroth; Ole Petersen; Martin Bichler
    Abstract: Predatory pricing -- where a firm strategically lowers prices to undermine competitors -- is a contentious topic in dynamic oligopoly theory, with scholars debating practical relevance and the existence of predatory equilibria. Although finite-horizon dynamic models have long been proposed to capture the strategic intertemporal incentives of oligopolists, the existence and form of equilibrium strategies in settings that allow for firm exit (drop-outs following loss-making periods) have remained an open question. We focus on the seminal dynamic oligopoly model by Selten (1965) that introduces the subgame perfect equilibrium and analyzes smooth market sharing. Equilibrium can be derived analytically in models that do not allow for dropouts, but not in models that can lead to predatory pricing. In this paper, we leverage recent advances in deep reinforcement learning to compute and verify equilibria in finite-horizon dynamic oligopoly games. Our experiments reveal two key findings: first, state-of-the-art deep reinforcement learning algorithms reliably converge to equilibrium in both perfect- and imperfect-information oligopoly models; second, when firms face asymmetric cost structures, the resulting equilibria exhibit predatory pricing behavior. These results demonstrate that predatory pricing can emerge as a rational equilibrium strategy across a broad variety of model settings. By providing equilibrium analysis of finite-horizon dynamic oligopoly models with drop-outs, our study answers a decade-old question and offers new insights for competition authorities and regulators.
    Date: 2025–10
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2510.27008
  17. By: Kaito Takano; Masanori Hirano; Kei Nakagawa
    Abstract: Accurately forecasting central bank policy decisions, particularly those of the Federal Open Market Committee(FOMC) has become increasingly important amid heightened economic uncertainty. While prior studies have used monetary policy texts to predict rate changes, most rely on static classification models that overlook the deliberative nature of policymaking. This study proposes a novel framework that structurally imitates the FOMC's collective decision-making process by modeling multiple large language models(LLMs) as interacting agents. Each agent begins with a distinct initial belief and produces a prediction based on both qualitative policy texts and quantitative macroeconomic indicators. Through iterative rounds, agents revise their predictions by observing the outputs of others, simulating deliberation and consensus formation. To enhance interpretability, we introduce a latent variable representing each agent's underlying belief(e.g., hawkish or dovish), and we theoretically demonstrate how this belief mediates the perception of input information and interaction dynamics. Empirical results show that this debate-based approach significantly outperforms standard LLMs-based baselines in prediction accuracy. Furthermore, the explicit modeling of beliefs provides insights into how individual perspectives and social influence shape collective policy forecasts.
    Date: 2025–11
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2511.02469
  18. By: Francesco Bianchi; Do Q. Lee; Sydney C. Ludvigson; Sai Ma
    Abstract: How rational is the stock market and how efficiently does it process information? We use machine learning to establish a practical measure of rational and efficient expectation formation while identifying distortions and inefficiencies in the subjective beliefs of market participants. The algorithm independently learns, stays attentive to fundamentals, credit risk, and sentiment, and makes abrupt course-corrections at critical junctures. By contrast, the subjective beliefs of investors, professionals, and equity analysts do little of this and instead contain predictable mistakes–prestakes–that are especially prevalent in times of market turbulence. Trading schemes that bet against prestakes deliver defensive strategies with large CAPM and Fama-French 5-factor alphas.
    JEL: G1 G17 G40 G41
    Date: 2025–10
    URL: https://d.repec.org/n?u=RePEc:nbr:nberwo:34420
  19. By: Maarten P. Scholl; Mahmoud Mahfouz; Anisoara Calinescu; J. Doyne Farmer
    Abstract: While investment funds publicly disclose their objectives in broad terms, their managers optimize for complex combinations of competing goals that go beyond simple risk-return trade-offs. Traditional approaches attempt to model this through multi-objective utility functions, but face fundamental challenges in specification and parameterization. We propose a generative framework that learns latent representations of fund manager strategies without requiring explicit utility specification. Our approach directly models the conditional probability of a fund's portfolio weights, given stock characteristics, historical returns, previous weights, and a latent variable representing the fund's strategy. Unlike methods based on reinforcement learning or imitation learning, which require specified rewards or labeled expert objectives, our GAN-based architecture learns directly from the joint distribution of observed holdings and market data. We validate our framework on a dataset of 1436 U.S. equity mutual funds. The learned representations successfully capture known investment styles, such as "growth" and "value, " while also revealing implicit manager objectives. For instance, we find that while many funds exhibit characteristics of Markowitz-like optimization, they do so with heterogeneous realizations for turnover, concentration, and latent factors. To analyze and interpret the end-to-end model, we develop a series of tests that explain the model, and we show that the benchmark's expert labeling are contained in our model's encoding in a linear interpretable way. Our framework provides a data-driven approach for characterizing investment strategies for applications in market simulation, strategy attribution, and regulatory oversight.
    Date: 2025–10
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2510.26165
  20. By: Tao Jin (Andrew); Stuart Florescu (Andrew); Heyu (Andrew); Jin
    Abstract: We address finance-native collateral optimization under ISDA Credit Support Annexes (CSAs), where integer lots, Schedule A haircuts, RA/MTA gating, and issuer/currency/class caps create rugged, legally bounded search spaces. We introduce a certifiable hybrid pipeline purpose-built for this domain: (i) an evidence-gated LLM that extracts CSA terms to a normalized JSON (abstain-by-default, span-cited); (ii) a quantum-inspired explorer that interleaves simulated annealing with micro higher order QAOA (HO-QAOA) on binding sub-QUBOs (subset size n
    Date: 2025–10
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2510.26217
  21. By: Resta, Onofrio; Resta, Emanuela; Costantiello, Alberto; Liuzzi, Piergiuseppe; Leogrande, Angelo
    Abstract: This paper examines the environmental and infrastructure determinants of respiratory disease mortality (TRD) across European nation-states through an original combination of econometric, machine learning, clustering, and network-based approaches. The primary scientific inquiry is how structural environmental variables, such as land use, energy mix, sanitation, and climatic stress, co-interact to affect respiratory mortality across regions. Although prior literature has addressed individual environmental predictors in singleton settings, this paper fills an integral gap by using a multi-method, systems-level analysis that accounts for interdependencies as well as contextual variability. The statistical analysis draws on panel data covering several years and nation-states using fixed effects regressions with robust standard errors for evaluating the effects of variables such as agricultural land use (AGRL), access to electricity (ELEC), renewable energy (RENE), freshwater withdrawals (WTRW), cooling degree days (CDD), and sanitation (SANS). We employ cluster analysis and density-based methodology to identify spatial and environmental groupings, while machine learning regressions—specifically, K-Nearest Neighbors (KNN)—are utilized for predictive modeling and evaluating feature importance. Lastly, network analysis identifies the structural connections between variables, including influence metrics and directional weights. We obtain the following results: Consistently, across all regressions, AGRL, WTRW, and SANS feature importantly when determining the effect for TRD. Consistently across all networks, influencer metrics identify AGRL, WTRW, and SANS as key influencers. Consistently across all models, the best-performing predictive regression identifies the nonlinear (polynomial or non-monotone), context-sensitive nature of the effects. Consistent with the network results, the influencer metrics suggest strong connections between variables, with a particular emphasis on the importance of holistic environmental health approaches. Combining the disparate yet complementary methodological tools, the paper provides robust, understandable, yet policy-relevant insights into the environmental complexity driving respiratory health outcomes across Europe.
    Keywords: Respiratory Disease Mortality, Environmental Determinants, Machine Learning Regression, Network Analysis, Panel Data Models
    JEL: C23 C38 C45 I0 I00 I1 I10
    Date: 2025–09–01
    URL: https://d.repec.org/n?u=RePEc:pra:mprapa:126073
  22. By: Alberto Russo (Department of Economics and Social Sciences, Universita' Politecnica delle Marche)
    Abstract: Drawing on Peter Turchin's structural-demographic theory, this paper provides a preliminary examination of how rising inequality and financial liberalization contribute to political instability through the interplay of mass immiseration and elite overproduction. We capture these dynamics through a simplified agent-based macroeconomic model, introducing two structural shocks { growing inequality and financial liberalization { that reect the transformations reshaping advanced economies in recent decades, a process intertwined with political disintegration. A wealth tax on the richest households can reduce political fragmentation and improve economic performance, but lasting resilience will require embedding such measures within a broader rethinking of the policy paradigm that has prevailed since the 1980s.
    Keywords: Inequality, Financial Liberalization, Political Instability, Agent-Based Model.
    JEL: C63 D31 E02
    Date: 2025–10
    URL: https://d.repec.org/n?u=RePEc:anc:wpaper:500
  23. By: Chaofeng Wu
    Abstract: We propose a framework that recasts scientific novelty not as a single attribute of a paper, but as a reflection of its position within the evolving intellectual landscape. We decompose this position into two orthogonal dimensions: \textit{spatial novelty}, which measures a paper's intellectual distinctiveness from its neighbors, and \textit{temporal novelty}, which captures its engagement with a dynamic research frontier. To operationalize these concepts, we leverage Large Language Models to develop semantic isolation metrics that quantify a paper's location relative to the full-text literature. Applying this framework to a large corpus of economics articles, we uncover a fundamental trade-off: these two dimensions predict systematically different outcomes. Temporal novelty primarily predicts citation counts, whereas spatial novelty predicts disruptive impact. This distinction allows us to construct a typology of semantic neighborhoods, identifying four archetypes associated with distinct and predictable impact profiles. Our findings demonstrate that novelty can be understood as a multidimensional construct whose different forms, reflecting a paper's strategic location, have measurable and fundamentally distinct consequences for scientific progress.
    Date: 2025–11
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2511.01211
  24. By: Jacob Carlson
    Abstract: Social scientists are increasingly turning to unstructured datasets to unlock new empirical insights, e.g., estimating causal effects on text outcomes, measuring beliefs from open-ended survey responses. In such settings, unsupervised analysis is often of interest, in that the researcher does not want to pre-specify the objects of measurement or otherwise artificially delimit the space of measurable concepts; they are interested in discovery. This paper proposes a general and flexible framework for pursuing discovery from unstructured data in a statistically principled way. The framework leverages recent methods from the literature on machine learning interpretability to map unstructured data points to high-dimensional, sparse, and interpretable dictionaries of concepts; computes (test) statistics of these dictionary entries; and then performs selective inference on them using newly developed statistical procedures for high-dimensional exceedance control of the $k$-FWER under arbitrary dependence. The proposed framework has few researcher degrees of freedom, is fully replicable, and is cheap to implement -- both in terms of financial cost and researcher time. Applications to recent descriptive and causal analyses of unstructured data in empirical economics are explored. An open source Jupyter notebook is provided for researchers to implement the framework in their own projects.
    Date: 2025–11
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2511.01680
  25. By: Jian Yan; Zhuoxi Li; Yang Ning; Yong Chen
    Abstract: We revisit the classical problem of comparing regression functions, a fundamental question in statistical inference with broad relevance to modern applications such as data integration, transfer learning, and causal inference. Existing approaches typically rely on smoothing techniques and are thus hindered by the curse of dimensionality. We propose a generalized notion of kernel-based conditional mean dependence that provides a new characterization of the null hypothesis of equal regression functions. Building on this reformulation, we develop two novel tests that leverage modern machine learning methods for flexible estimation. We establish the asymptotic properties of the test statistics, which hold under both fixed- and high-dimensional regimes. Unlike existing methods that often require restrictive distributional assumptions, our framework only imposes mild moment conditions. The efficacy of the proposed tests is demonstrated through extensive numerical studies.
    Date: 2025–10
    URL: https://d.repec.org/n?u=RePEc:arx:papers:2510.24714
  26. By: Arnone, Massimo; Costantiello, Alberto; Drago, Carlo; Leogrande, Angelo
    Abstract: This paper explores the connection between innovation dynamics and the Bank Capital to Asset Ratio (CAR) in the context of 39 European nations from 2018 to 2025. With a multidimensional panel data approach that incorporates a combination of static and dynamic panel models and machine learning algorithms—specifically Decision Tree Regression—the study conducts a data-oriented analysis of the impact of various types of innovation on the resilience of the banking sector. The study differentiates innovation inputs (e.g., trademark applications, innovator share), outputs (e.g., new-to-marketing and new-to-firm product sales), and productivity factors and factors permitting a finely grained comprehension of innovation inputs and financial consequences. Cluster analysis is applied to classify countries into innovation performance groups and is followed by regression and variable importance calculations. The study identifies that process innovations executed by small and medium enterprises (SMEs) are positively linked with CAR and that information is associated with greater financial stability, whereas innovation outputs and productivity indicators at times relate inversely and register corresponding financial stress in the face of innovation-driven transitions. Further, pre-stage innovation inputs may raise banks' uncertainty and register systematic risk escalation. The model of a Decision Tree also reveals the sales of innovative products and labor productivity to be the most robust determinants of CAR with varied directional impacts between them. These results document the innovation-finance nexus complexity and refute the supposition that innovation equally strengthens economic prudence. The study contributes new knowledge to the literature through the combination of the assessment of financial prudency with the type of innovation and provides clear policy directions for the synchronization of innovation strategies with macroprudency aims across the European region.
    Keywords: Innovation, Bank Capital, Financial Stability, Decision Tree Regression, Europe.
    JEL: C38 E44 G21 O31 O52
    Date: 2025–08–31
    URL: https://d.repec.org/n?u=RePEc:pra:mprapa:125982

This nep-cmp issue is ©2025 by Stan Miles. It is provided as is without any express or implied warranty. It may be freely redistributed in whole or in part for any purpose. If distributed in part, please include this notice.
General information on the NEP project can be found at https://nep.repec.org. For comments please write to the director of NEP, Marco Novarese at <director@nep.repec.org>. Put “NEP” in the subject, otherwise your mail may be rejected.
NEP’s infrastructure is sponsored by the School of Economics and Finance of Massey University in New Zealand.