Skip to main content

Showing 1–50 of 109,571 results for author: P

Searching in archive cs. Search in all archives.
.
  1. arXiv:2506.17213  [pdf, ps, other

    cs.CV cs.AI cs.RO

    Long-term Traffic Simulation with Interleaved Autoregressive Motion and Scenario Generation

    Authors: Xiuyu Yang, Shuhan Tan, Philipp Krähenbühl

    Abstract: An ideal traffic simulator replicates the realistic long-term point-to-point trip that a self-driving system experiences during deployment. Prior models and benchmarks focus on closed-loop motion simulation for initial agents in a scene. This is problematic for long-term simulation. Agents enter and exit the scene as the ego vehicle enters new regions. We propose InfGen, a unified next-token predi… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: Preprint. Project page: https://orangesodahub.github.io/InfGen Code: https://github.com/OrangeSodahub/infgen

  2. arXiv:2506.17204  [pdf, ps, other

    cs.LG cs.AI

    Network Sparsity Unlocks the Scaling Potential of Deep Reinforcement Learning

    Authors: Guozheng Ma, Lu Li, Zilin Wang, Li Shen, Pierre-Luc Bacon, Dacheng Tao

    Abstract: Effectively scaling up deep reinforcement learning models has proven notoriously difficult due to network pathologies during training, motivating various targeted interventions such as periodic reset and architectural advances such as layer normalization. Instead of pursuing more complex modifications, we show that introducing static network sparsity alone can unlock further scaling potential beyo… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: Accepted to ICML 2025

  3. arXiv:2506.17197  [pdf, ps, other

    stat.ML cs.LG

    Schrödinger Bridge Matching for Tree-Structured Costs and Entropic Wasserstein Barycentres

    Authors: Samuel Howard, Peter Potaptchik, George Deligiannidis

    Abstract: Recent advances in flow-based generative modelling have provided scalable methods for computing the Schrödinger Bridge (SB) between distributions, a dynamic form of entropy-regularised Optimal Transport (OT) for the quadratic cost. The successful Iterative Markovian Fitting (IMF) procedure solves the SB problem via sequential bridge-matching steps, presenting an elegant and practical approach with… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: Preprint

  4. arXiv:2506.17184  [pdf, ps, other

    cs.RO eess.SY

    Judo: A User-Friendly Open-Source Package for Sampling-Based Model Predictive Control

    Authors: Albert H. Li, Brandon Hung, Aaron D. Ames, Jiuguang Wang, Simon Le Cleac'h, Preston Culbertson

    Abstract: Recent advancements in parallel simulation and successful robotic applications are spurring a resurgence in sampling-based model predictive control. To build on this progress, however, the robotics community needs common tooling for prototyping, evaluating, and deploying sampling-based controllers. We introduce Judo, a software package designed to address this need. To facilitate rapid prototyping… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: Accepted at the 2025 RSS Workshop on Fast Motion Planning and Control in the Era of Parallelism. 5 Pages

  5. arXiv:2506.17154  [pdf, ps, other

    cs.CR

    Global Microprocessor Correctness in the Presence of Transient Execution

    Authors: Andrew T. Walter, Konstantinos Athanasiou, Panagiotis Manolios

    Abstract: Correctness for microprocessors is generally understood to be conformance with the associated instruction set architecture (ISA). This is the basis for one of the most important abstractions in computer science, allowing hardware designers to develop highly-optimized processors that are functionally "equivalent" to an ideal processor that executes instructions atomically. This specification is alm… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  6. arXiv:2506.17142  [pdf, ps, other

    cs.LO math.LO

    A Note on Proper Relational Structures

    Authors: Adam Bjorndahl, Philip Sink

    Abstract: In this note we provide an algorithm for translating relational structures into "proper" relational structures, i.e., those such that there is no pair of worlds w and u such that w is accessible from u for every agent. In particular, our method of translation preserves many classical properties of relational structures, such as transitivity and the Euclidean property. As a result, this method of t… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    MSC Class: 03B42 ACM Class: F.4.1

  7. arXiv:2506.17137  [pdf, ps, other

    cs.CV

    On the Theory of Conditional Feature Alignment for Unsupervised Domain-Adaptive Counting

    Authors: Zhuonan Liang, Dongnan Liu, Jianan Fan, Yaxuan Song, Qiang Qu, Yu Yao, Peng Fu, Weidong Cai

    Abstract: Object counting models suffer when deployed across domains with differing density variety, since density shifts are inherently task-relevant and violate standard domain adaptation assumptions. To address this, we propose a theoretical framework of conditional feature alignment. We first formalize the notion of conditional divergence by partitioning each domain into subsets (e.g., object vs. backgr… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: 18 pages, 5 figures, 8 tables

  8. arXiv:2506.17135  [pdf, ps, other

    quant-ph cs.ET cs.LO

    No Scratch Quantum Computing by Reducing Qubit Overhead for Efficient Arithmetics

    Authors: Omid Faizy, Norbert Wehn, Paul Lukowicz, Maximilian Kiefer-Emmanouilidis

    Abstract: Quantum arithmetic computation requires a substantial number of scratch qubits to stay reversible. These operations necessitate qubit and gate resources equivalent to those needed for the larger of the input or output registers due to state encoding. Quantum Hamiltonian Computing (QHC) introduces a novel approach by encoding input for logic operations within a single rotating quantum gate. This in… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  9. arXiv:2506.17124  [pdf, ps, other

    cs.AI

    When Can Model-Free Reinforcement Learning be Enough for Thinking?

    Authors: Josiah P. Hanna, Nicholas E. Corrado

    Abstract: Recent work on large language models has demonstrated the use of model-free reinforcement learning (RL) to train reasoning-like capabilities. The emergence of "thinking" through model-free RL is interesting as thinking actions neither produce reward nor change the external world state to one where the agent is more likely to get reward. This paper seeks to build a domain-independent understanding… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: 15 pages, 3 figures

  10. arXiv:2506.17080  [pdf, ps, other

    cs.CL cs.AI

    Tower+: Bridging Generality and Translation Specialization in Multilingual LLMs

    Authors: Ricardo Rei, Nuno M. Guerreiro, José Pombal, João Alves, Pedro Teixeirinha, Amin Farajian, André F. T. Martins

    Abstract: Fine-tuning pretrained LLMs has been shown to be an effective strategy for reaching state-of-the-art performance on specific tasks like machine translation. However, this process of adaptation often implies sacrificing general-purpose capabilities, such as conversational reasoning and instruction-following, hampering the utility of the system in real-world applications that require a mixture of sk… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  11. arXiv:2506.17077  [pdf, ps, other

    cs.CL

    Simultaneous Translation with Offline Speech and LLM Models in CUNI Submission to IWSLT 2025

    Authors: Dominik Macháček, Peter Polák

    Abstract: This paper describes Charles University submission to the Simultaneous Speech Translation Task of the IWSLT 2025. We cover all four language pairs with a direct or cascade approach. The backbone of our systems is the offline Whisper speech model, which we use for both translation and transcription in simultaneous mode with the state-of-the-art simultaneous policy AlignAtt. We further improve the p… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: IWSLT 2025

  12. arXiv:2506.17065  [pdf, ps, other

    cs.LG cs.AI

    Flow-Based Non-stationary Temporal Regime Causal Structure Learning

    Authors: Abdellah Rahmani, Pascal Frossard

    Abstract: Understanding causal relationships in multivariate time series is crucial in many scenarios, such as those dealing with financial or neurological data. Many such time series exhibit multiple regimes, i.e., consecutive temporal segments with a priori unknown boundaries, with each regime having its own causal structure. Inferring causal dependencies and regime shifts is critical for analyzing the un… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  13. arXiv:2506.17064  [pdf, ps, other

    q-bio.BM cs.LG

    Generative Modeling of Full-Atom Protein Conformations using Latent Diffusion on Graph Embeddings

    Authors: Aditya Sengar, Ali Hariri, Daniel Probst, Patrick Barth, Pierre Vandergheynst

    Abstract: Generating diverse, all-atom conformational ensembles of dynamic proteins such as G-protein-coupled receptors (GPCRs) is critical for understanding their function, yet most generative models simplify atomic detail or ignore conformational diversity altogether. We present latent diffusion for full protein generation (LD-FPG), a framework that constructs complete all-atom protein structures, includi… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: 10 pages (main text), 4 figures, 2 tables. Submitted to NeurIPS 2025. Code and data are publicly available

  14. arXiv:2506.17057  [pdf, ps, other

    cs.SE

    Behavior Driven Development for 3D Games

    Authors: Fernando Pastor Ricós, Beatriz Marín, I. S. W. B. Prasetya, Tanja E. J. Vos, Joseph Davidson, Karel Hovorka

    Abstract: Computer 3D games are complex software environments that require novel testing processes to ensure high-quality standards. The Intelligent Verification/Validation for Extended Reality Based Systems (iv4XR) framework addresses this need by enabling the implementation of autonomous agents to automate game testing scenarios. This framework facilitates the automation of regression test cases for compl… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  15. arXiv:2506.17047  [pdf, ps, other

    cs.LG cs.CR

    Navigating the Deep: Signature Extraction on Deep Neural Networks

    Authors: Haolin Liu, Adrien Siproudhis, Samuel Experton, Peter Lorenz, Christina Boura, Thomas Peyrin

    Abstract: Neural network model extraction has emerged in recent years as an important security concern, as adversaries attempt to recover a network's parameters via black-box queries. A key step in this process is signature extraction, which aims to recover the absolute values of the network's weights layer by layer. Prior work, notably by Carlini et al. (2020), introduced a technique inspired by differenti… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: 26 pages

  16. arXiv:2506.17046  [pdf, ps, other

    cs.CL cs.LG

    MUCAR: Benchmarking Multilingual Cross-Modal Ambiguity Resolution for Multimodal Large Language Models

    Authors: Xiaolong Wang, Zhaolu Kang, Wangyuxuan Zhai, Xinyue Lou, Yunghwei Lai, Ziyue Wang, Yawen Wang, Kaiyu Huang, Yile Wang, Peng Li, Yang Liu

    Abstract: Multimodal Large Language Models (MLLMs) have demonstrated significant advances across numerous vision-language tasks. Due to their strong image-text alignment capability, MLLMs can effectively understand image-text pairs with clear meanings. However, effectively resolving the inherent ambiguities in natural language and visual contexts remains challenging. Existing multimodal benchmarks typically… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  17. arXiv:2506.17040  [pdf, ps, other

    cs.CV cs.NE

    Stretching Beyond the Obvious: A Gradient-Free Framework to Unveil the Hidden Landscape of Visual Invariance

    Authors: Lorenzo Tausani, Paolo Muratore, Morgan B. Talbot, Giacomo Amerio, Gabriel Kreiman, Davide Zoccolan

    Abstract: Uncovering which features' combinations high-level visual units encode is critical to understand how images are transformed into representations that support recognition. While existing feature visualization approaches typically infer a unit's most exciting images, this is insufficient to reveal the manifold of transformations under which responses remain invariant, which is key to generalization… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: 21 pages, 9 figures

  18. arXiv:2506.17035  [pdf

    cs.LG

    Critical Appraisal of Fairness Metrics in Clinical Predictive AI

    Authors: João Matos, Ben Van Calster, Leo Anthony Celi, Paula Dhiman, Judy Wawira Gichoya, Richard D. Riley, Chris Russell, Sara Khalid, Gary S. Collins

    Abstract: Predictive artificial intelligence (AI) offers an opportunity to improve clinical practice and patient outcomes, but risks perpetuating biases if fairness is inadequately addressed. However, the definition of "fairness" remains unclear. We conducted a scoping review to identify and critically appraise fairness metrics for clinical predictive AI. We defined a "fairness metric" as a measure quantify… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: 32 pages, 1 figure, 2 tables, 5 boxes, 4 linked supplementary materials

  19. arXiv:2506.17029  [pdf, ps, other

    cs.LG

    Scalable and Reliable Multi-agent Reinforcement Learning for Traffic Assignment

    Authors: Leizhen Wang, Peibo Duan, Cheng Lyu, Zewen Wang, Zhiqiang He, Nan Zheng, Zhenliang Ma

    Abstract: The evolution of metropolitan cities and the increase in travel demands impose stringent requirements on traffic assignment methods. Multi-agent reinforcement learning (MARL) approaches outperform traditional methods in modeling adaptive routing behavior without requiring explicit system dynamics, which is beneficial for real-world deployment. However, MARL frameworks face challenges in scalabilit… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  20. arXiv:2506.17025  [pdf, ps, other

    cs.CG cs.GR math.DG

    Volumetric Parameterization for 3-Dimensional Simply-Connected Manifolds

    Authors: Zhiyuan Lyu, Qiguang Chen, Gary P. T. Choi, Lok Ming Lui

    Abstract: With advances in technology, there has been growing interest in developing effective mapping methods for 3-dimensional objects in recent years. Volumetric parameterization for 3D solid manifolds plays an important role in processing 3D data. However, the conventional approaches cannot control the bijectivity and local geometric distortions of the result mappings due to the complex structure of the… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  21. arXiv:2506.17008  [pdf, ps, other

    cs.DS cs.DM

    When does FTP become FPT?

    Authors: Matthias Bentert, Fedor V. Fomin, Petr A. Golovach, Laure Morelle

    Abstract: In the problem Fault-Tolerant Path (FTP), we are given an edge-weighted directed graph G = (V, E), a subset U \subseteq E of vulnerable edges, two vertices s, t \in V, and integers k and \ell. The task is to decide whether there exists a subgraph H of G with total cost at most \ell such that, after the removal of any k vulnerable edges, H still contains an s-t-path. We study whether Fault-Tolerant… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: Appeared in WG 2025

  22. arXiv:2506.17007  [pdf, ps, other

    cs.LG

    Robust Reinforcement Learning for Discrete Compositional Generation via General Soft Operators

    Authors: Marco Jiralerspong, Esther Derman, Danilo Vucetic, Nikolay Malkin, Bilun Sun, Tianyu Zhang, Pierre-Luc Bacon, Gauthier Gidel

    Abstract: A major bottleneck in scientific discovery involves narrowing a large combinatorial set of objects, such as proteins or molecules, to a small set of promising candidates. While this process largely relies on expert knowledge, recent methods leverage reinforcement learning (RL) to enhance this filtering. They achieve this by estimating proxy reward functions from available datasets and using regula… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  23. arXiv:2506.17004  [pdf, ps, other

    cs.CV

    A Synthetic Benchmark for Collaborative 3D Semantic Occupancy Prediction in V2X Autonomous Driving

    Authors: Hanlin Wu, Pengfei Lin, Ehsan Javanmardi, Naren Bao, Bo Qian, Hao Si, Manabu Tsukada

    Abstract: 3D semantic occupancy prediction is an emerging perception paradigm in autonomous driving, providing a voxel-level representation of both geometric details and semantic categories. However, the perception capability of a single vehicle is inherently constrained by occlusion, restricted sensor range, and narrow viewpoints. To address these limitations, collaborative perception enables the exchange… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  24. arXiv:2506.17001  [pdf, ps, other

    cs.CL cs.IR

    PersonalAI: Towards digital twins in the graph form

    Authors: Mikhail Menschikov, Dmitry Evseev, Ruslan Kostoev, Ilya Perepechkin, Ilnaz Salimov, Victoria Dochkina, Petr Anokhin, Evgeny Burnaev, Nikita Semenov

    Abstract: The challenge of personalizing language models, specifically the ability to account for a user's history during interactions, is of significant interest. Despite recent advancements in large language models (LLMs) and Retrieval Augmented Generation that have enhanced the factual base of LLMs, the task of retaining extensive personal information and using it to generate personalized responses remai… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  25. arXiv:2506.16975  [pdf, ps, other

    cs.LG cs.AI cs.CL

    Latent Concept Disentanglement in Transformer-based Language Models

    Authors: Guan Zhe Hong, Bhavya Vasudeva, Vatsal Sharan, Cyrus Rashtchian, Prabhakar Raghavan, Rina Panigrahy

    Abstract: When large language models (LLMs) use in-context learning (ICL) to solve a new task, they seem to grasp not only the goal of the task but also core, latent concepts in the demonstration examples. This begs the question of whether transformers represent latent structures as part of their computation or whether they take shortcuts to solve the problem. Prior mechanistic work on ICL does not address… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  26. arXiv:2506.16940  [pdf, ps, other

    cs.CV

    LunarLoc: Segment-Based Global Localization on the Moon

    Authors: Annika Thomas, Robaire Galliath, Aleksander Garbuz, Luke Anger, Cormac O'Neill, Trevor Johst, Dami Thomas, George Lordos, Jonathan P. How

    Abstract: Global localization is necessary for autonomous operations on the lunar surface where traditional Earth-based navigation infrastructure, such as GPS, is unavailable. As NASA advances toward sustained lunar presence under the Artemis program, autonomous operations will be an essential component of tasks such as robotic exploration and infrastructure deployment. Tasks such as excavation and transpor… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  27. A deep learning and machine learning approach to predict neonatal death in the context of São Paulo

    Authors: Mohon Raihan, Plabon Kumar Saha, Rajan Das Gupta, A Z M Tahmidul Kabir, Afia Anjum Tamanna, Md. Harun-Ur-Rashid, Adnan Bin Abdus Salam, Md Tanvir Anjum, A Z M Ahteshamul Kabir

    Abstract: Neonatal death is still a concerning reality for underdeveloped and even some developed countries. Worldwide data indicate that 26.693 babies out of 1,000 births die, according to Macro Trades. To reduce this number, early prediction of endangered babies is crucial. Such prediction enables the opportunity to take ample care of the child and mother so that early child death can be avoided. In this… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Journal ref: journal-ref = {Int J Public Health Sci vol 13 no 1 pp 179--190 2024}

  28. arXiv:2506.16912  [pdf, ps, other

    cs.CL cs.LG

    From Data to Knowledge: Evaluating How Efficiently Language Models Learn Facts

    Authors: Daniel Christoph, Max Ploner, Patrick Haller, Alan Akbik

    Abstract: Sample efficiency is a crucial property of language models with practical implications for training efficiency. In real-world text, information follows a long-tailed distribution. Yet, we expect models to learn and recall frequent and infrequent facts. Sample-efficient models are better equipped to handle this challenge of learning and retaining rare information without requiring excessive exposur… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: Accepted to the First Workshop on Large Language Model Memorization (L2M2), co-located with ACL 2025 in Vienna

  29. arXiv:2506.16892  [pdf, ps, other

    cs.RO eess.SY

    Orbital Collision: An Indigenously Developed Web-based Space Situational Awareness Platform

    Authors: Partha Chowdhury, Harsha M, Ayush Gupta, Sanat K Biswas

    Abstract: This work presents an indigenous web based platform Orbital Collision (OrCo), created by the Space Systems Laboratory at IIIT Delhi, to enhance Space Situational Awareness (SSA) by predicting collision probabilities of space objects using Two Line Elements (TLE) data. The work highlights the growing challenges of congestion in the Earth's orbital environment, mainly due to space debris and defunct… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: This work has been already submitted for STEP-IPSC 2025 Conference Proceedings

  30. arXiv:2506.16875  [pdf, ps, other

    math.NA cs.DC math.AP

    Comparison of substructured non-overlapping domain decomposition and overlapping additive Schwarz methods for large-scale Helmholtz problems with multiple sources

    Authors: Boris Martin, Pierre Jolivet, Christophe Geuzaine

    Abstract: Solving large-scale Helmholtz problems discretized with high-order finite elements is notoriously difficult, especially in 3D where direct factorization of the system matrix is very expensive and memory demanding, and robust convergence of iterative methods is difficult to obtain. Domain decomposition methods (DDM) constitute one of the most promising strategy so far, by combining direct and itera… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: 21 pages, 10 figures, 5 tables. Preprint for a submission to SIAM SISC

    MSC Class: 35J05; 65N55; 68W10; 35-04; 86-08 ACM Class: J.2; G.1.3; G.1.8; G.4

  31. arXiv:2506.16852  [pdf, ps, other

    cs.CV

    Controllable and Expressive One-Shot Video Head Swapping

    Authors: Chaonan Ji, Jinwei Qi, Peng Zhang, Bang Zhang, Liefeng Bo

    Abstract: In this paper, we propose a novel diffusion-based multi-condition controllable framework for video head swapping, which seamlessly transplant a human head from a static image into a dynamic video, while preserving the original body and background of target video, and further allowing to tweak head expressions and movements during swapping as needed. Existing face-swapping methods mainly focus on l… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: Project page: https://humanaigc.github.io/SwapAnyHead/

  32. arXiv:2506.16844  [pdf, ps, other

    cs.LG cs.AI stat.ML

    Bandwidth Selectors on Semiparametric Bayesian Networks

    Authors: Victor Alejandre, Concha Bielza, Pedro Larrañaga

    Abstract: Semiparametric Bayesian networks (SPBNs) integrate parametric and non-parametric probabilistic models, offering flexibility in learning complex data distributions from samples. In particular, kernel density estimators (KDEs) are employed for the non-parametric component. Under the assumption of data normality, the normal rule is used to learn the bandwidth matrix for the KDEs in SPBNs. This matrix… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: 37 pages, 15 figures. Submitted to Information Sciences

    ACM Class: I.2.6; I.5.1; G.3

  33. arXiv:2506.16836  [pdf, ps, other

    cs.MA

    Engineering Resilience: An Energy-Based Approach to Sustainable Behavioural Interventions

    Authors: Arpitha Srivathsa Malavalli, Karthik Sama, Janvi Chhabra, Pooja Bassin, Srinath Srinivasa

    Abstract: Addressing complex societal challenges, such as improving public health, fostering honesty in workplaces, or encouraging eco-friendly behaviour requires effective nudges to influence human behaviour at scale. Intervention science seeks to design such nudges within complex societal systems. While interventions primarily aim to shift the system toward a desired state, less attention is given to the… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  34. arXiv:2506.16827  [pdf, ps, other

    cs.GR cs.CV cs.LG

    Beyond Blur: A Fluid Perspective on Generative Diffusion Models

    Authors: Grzegorz Gruszczynski, Michal Jan Wlodarczyk, Jakub J Meixner, Przemyslaw Musialski

    Abstract: We propose a novel PDE-driven corruption process for generative image synthesis based on advection-diffusion processes which generalizes existing PDE-based approaches. Our forward pass formulates image corruption via a physically motivated PDE that couples directional advection with isotropic diffusion and Gaussian noise, controlled by dimensionless numbers (Peclet, Fourier). We implement this PDE… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: 11 pages, 8 figures, pre-print, supplementary pseudocode in appendix

    ACM Class: I.2.6; I.4.10; I.4.8

  35. arXiv:2506.16826  [pdf, ps, other

    cs.CV cs.AI cs.RO

    AnyTraverse: An off-road traversability framework with VLM and human operator in the loop

    Authors: Sattwik Sahu, Agamdeep Singh, Karthik Nambiar, Srikanth Saripalli, P. B. Sujit

    Abstract: Off-road traversability segmentation enables autonomous navigation with applications in search-and-rescue, military operations, wildlife exploration, and agriculture. Current frameworks struggle due to significant variations in unstructured environments and uncertain scene changes, and are not adaptive to be used for different robot types. We present AnyTraverse, a framework combining natural lang… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  36. arXiv:2506.16824  [pdf, ps, other

    cs.LG

    Predicting New Research Directions in Materials Science using Large Language Models and Concept Graphs

    Authors: Thomas Marwitz, Alexander Colsmann, Ben Breitung, Christoph Brabec, Christoph Kirchlechner, Eva Blasco, Gabriel Cadilha Marques, Horst Hahn, Michael Hirtz, Pavel A. Levkin, Yolita M. Eggeler, Tobias Schlöder, Pascal Friederich

    Abstract: Due to an exponential increase in published research articles, it is impossible for individual scientists to read all publications, even within their own research field. In this work, we investigate the use of large language models (LLMs) for the purpose of extracting the main concepts and semantic information from scientific abstracts in the domain of materials science to find links that were not… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  37. arXiv:2506.16822  [pdf, ps, other

    cs.RO cs.AI

    Learning Dexterous Object Handover

    Authors: Daniel Frau-Alfaro, Julio Castaño-Amoros, Santiago Puente, Pablo Gil, Roberto Calandra

    Abstract: Object handover is an important skill that we use daily when interacting with other humans. To deploy robots in collaborative setting, like houses, being able to receive and handing over objects safely and efficiently becomes a crucial skill. In this work, we demonstrate the use of Reinforcement Learning (RL) for dexterous object handover between two multi-finger hands. Key to this task is the use… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: Paper accepted for presentation in RoMan 2025

  38. arXiv:2506.16821  [pdf, ps, other

    cs.CV

    Self-supervised Feature Extraction for Enhanced Ball Detection on Soccer Robots

    Authors: Can Lin, Daniele Affinita, Marco E. P. Zimmatore, Daniele Nardi, Domenico D. Bloisi, Vincenzo Suriani

    Abstract: Robust and accurate ball detection is a critical component for autonomous humanoid soccer robots, particularly in dynamic and challenging environments such as RoboCup outdoor fields. However, traditional supervised approaches require extensive manual annotation, which is costly and time-intensive. To overcome this problem, we present a self-supervised learning framework for domain-adaptive feature… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  39. Robust Group Anomaly Detection for Quasi-Periodic Network Time Series

    Authors: Kai Yang, Shaoyu Dou, Pan Luo, Xin Wang, H. Vincent Poor

    Abstract: Many real-world multivariate time series are collected from a network of physical objects embedded with software, electronics, and sensors. The quasi-periodic signals generated by these objects often follow a similar repetitive and periodic pattern, but have variations in the period, and come in different lengths caused by timing (synchronization) errors. Given a multitude of such quasi-periodic t… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: Published in IEEE Transactions on Network Science and Engineering

    Journal ref: IEEE Transactions on Network Science and Engineering. Volume: 9, Issue: 4, 01 July-Aug. 2022

  40. arXiv:2506.16812  [pdf, ps, other

    cs.CR

    Zero-Knowledge Proof-of-Location Protocols for Vehicle Subsidies and Taxation Compliance

    Authors: Dan Bogdanov, Eduardo Brito, Annika Jaakson, Peeter Laud, Raul-Martin Rebane

    Abstract: This paper introduces a new set of privacy-preserving mechanisms for verifying compliance with location-based policies for vehicle taxation, or for (electric) vehicle (EV) subsidies, using Zero-Knowledge Proofs (ZKPs). We present the design and evaluation of a Zero-Knowledge Proof-of-Location (ZK-PoL) system that ensures a vehicle's adherence to territorial driving requirements without disclosing… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: This is the extended version of the paper to appear in the Proceedings of the 5th International Workshop on Security and Privacy in Intelligent Infrastructures (SP2I 2025), held in conjunction with the 20th International Conference on Availability, Reliability and Security (ARES 2025)

  41. arXiv:2506.16805  [pdf, ps, other

    cs.CV

    Co-VisiON: Co-Visibility ReasONing on Sparse Image Sets of Indoor Scenes

    Authors: Chao Chen, Nobel Dang, Juexiao Zhang, Wenkai Sun, Pengfei Zheng, Xuhang He, Yimeng Ye, Taarun Srinivas, Chen Feng

    Abstract: Humans exhibit a remarkable ability to recognize co-visibility-the overlapping regions visible in multiple images-even when these images are sparsely distributed across a complex scene. This capability is foundational in 3D vision and robotic perception. Despite significant progress in vision learning, it remains unclear whether current vision models have reached human-level proficiency in co-visi… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  42. arXiv:2506.16791  [pdf, ps, other

    cs.LG cs.AI

    TabArena: A Living Benchmark for Machine Learning on Tabular Data

    Authors: Nick Erickson, Lennart Purucker, Andrej Tschalzev, David Holzmüller, Prateek Mutalik Desai, and David Salinas, Frank Hutter

    Abstract: With the growing popularity of deep learning and foundation models for tabular data, the need for standardized and reliable benchmarks is higher than ever. However, current benchmarks are static. Their design is not updated even if flaws are discovered, model versions are updated, or new models are released. To address this, we introduce TabArena, the first continuously maintained living tabular b… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

    Comments: 51 pages. Code available at https://tabarena.ai/code; examples at https://tabarena.ai/code-examples; dataset curation at https://tabarena.ai/data-tabular-ml-iid-study and https://tabarena.ai/dataset-curation

  43. arXiv:2506.16777  [pdf, ps, other

    cs.CL

    DistillNote: LLM-based clinical note summaries improve heart failure diagnosis

    Authors: Heloisa Oss Boll, Antonio Oss Boll, Leticia Puttlitz Boll, Ameen Abu Hanna, Iacer Calixto

    Abstract: Large language models (LLMs) offer unprecedented opportunities to generate concise summaries of patient information and alleviate the burden of clinical documentation that overwhelms healthcare providers. We present Distillnote, a framework for LLM-based clinical note summarization, and generate over 64,000 admission note summaries through three techniques: (1) One-step, direct summarization, and… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  44. arXiv:2506.16759  [pdf, ps, other

    cs.MS

    Adaptive Sketching Based Construction of H2 Matrices on GPUs

    Authors: Wajih Halim Boukaram, Yang Liu, Pieter Ghysels, Xiaoye Sherry Li

    Abstract: We develop a novel linear-complexity bottom-up sketching-based algorithm for constructing a $H^2$ matrix, and present its high performance GPU implementation. The construction algorithm requires both a black-box sketching operator and an entry evaluation function. The novelty of our GPU approach centers around the design and implementation of the above two operations in batched mode on GPU with ac… ▽ More

    Submitted 20 June, 2025; originally announced June 2025.

  45. arXiv:2506.16712  [pdf, ps, other

    cs.CL cs.AI

    ReasonGRM: Enhancing Generative Reward Models through Large Reasoning Models

    Authors: Bin Chen, Xinzge Gao, Chuanrui Hu, Penghang Yu, Hua Zhang, Bing-Kun Bao

    Abstract: Generative Reward Models (GRMs) provide greater flexibility than scalar reward models in capturing human preferences, but their effectiveness is limited by poor reasoning capabilities. This often results in incomplete or overly speculative reasoning paths, leading to hallucinations or missing key information in complex tasks. We address this challenge with ReasonGRM, a three-stage generative rewar… ▽ More

    Submitted 19 June, 2025; originally announced June 2025.

  46. arXiv:2506.16710  [pdf, ps, other

    cs.RO cs.MA

    Experimental Setup and Software Pipeline to Evaluate Optimization based Autonomous Multi-Robot Search Algorithms

    Authors: Aditya Bhatt, Mary Katherine Corra, Franklin Merlo, Prajit KrisshnaKumar, Souma Chowdhury

    Abstract: Signal source localization has been a problem of interest in the multi-robot systems domain given its applications in search \& rescue and hazard localization in various industrial and outdoor settings. A variety of multi-robot search algorithms exist that usually formulate and solve the associated autonomous motion planning problem as a heuristic model-free or belief model-based optimization proc… ▽ More

    Submitted 19 June, 2025; originally announced June 2025.

    Comments: to be published in IDETC 2025 conference proceedings

  47. arXiv:2506.16683  [pdf, ps, other

    cs.IR cs.AI

    A Simple Contrastive Framework Of Item Tokenization For Generative Recommendation

    Authors: Penglong Zhai, Yifang Yuan, Fanyi Di, Jie Li, Yue Liu, Chen Li, Jie Huang, Sicong Wang, Yao Xu, Xin Li

    Abstract: Generative retrieval-based recommendation has emerged as a promising paradigm aiming at directly generating the identifiers of the target candidates. However, in large-scale recommendation systems, this approach becomes increasingly cumbersome due to the redundancy and sheer scale of the token space. To overcome these limitations, recent research has explored the use of semantic tokens as an alter… ▽ More

    Submitted 19 June, 2025; originally announced June 2025.

    Comments: 12 pages,7 figures

  48. arXiv:2506.16679  [pdf, ps, other

    cs.CV cs.AI cs.LG

    How to Train your Text-to-Image Model: Evaluating Design Choices for Synthetic Training Captions

    Authors: Manuel Brack, Sudeep Katakol, Felix Friedrich, Patrick Schramowski, Hareesh Ravi, Kristian Kersting, Ajinkya Kale

    Abstract: Training data is at the core of any successful text-to-image models. The quality and descriptiveness of image text are crucial to a model's performance. Given the noisiness and inconsistency in web-scraped datasets, recent works shifted towards synthetic training captions. While this setup is generally believed to produce more capable models, current literature does not provide any insights into i… ▽ More

    Submitted 19 June, 2025; originally announced June 2025.

  49. arXiv:2506.16654  [pdf, ps, other

    cs.LG cs.AI cs.DB

    Relational Deep Learning: Challenges, Foundations and Next-Generation Architectures

    Authors: Vijay Prakash Dwivedi, Charilaos Kanatsoulis, Shenyang Huang, Jure Leskovec

    Abstract: Graph machine learning has led to a significant increase in the capabilities of models that learn on arbitrary graph-structured data and has been applied to molecules, social networks, recommendation systems, and transportation, among other domains. Data in multi-tabular relational databases can also be constructed as 'relational entity graphs' for Relational Deep Learning (RDL) - a new blueprint… ▽ More

    Submitted 19 June, 2025; originally announced June 2025.

  50. arXiv:2506.16653  [pdf, ps, other

    cs.SE cs.AI cs.LG

    LLMs in Coding and their Impact on the Commercial Software Engineering Landscape

    Authors: Vladislav Belozerov, Peter J Barclay, Askhan Sami

    Abstract: Large-language-model coding tools are now mainstream in software engineering. But as these same tools move human effort up the development stack, they present fresh dangers: 10% of real prompts leak private data, 42% of generated snippets hide security flaws, and the models can even ``agree'' with wrong ideas, a trait called sycophancy. We argue that firms must tag and review every AI-generated li… ▽ More

    Submitted 19 June, 2025; originally announced June 2025.