-
Speech-Language Models with Decoupled Tokenizers and Multi-Token Prediction
Authors:
Xiaoran Fan,
Zhichao Sun,
Yangfan Gao,
Jingfei Xiong,
Hang Yan,
Yifei Cao,
Jiajun Sun,
Shuo Li,
Zhihao Zhang,
Zhiheng Xi,
Yuhao Zhou,
Senjie Jin,
Changhao Jiang,
Junjie Ye,
Ming Zhang,
Rui Zheng,
Zhenhua Han,
Yunke Zhang,
Demei Yan,
Shaokang Dong,
Tao Ji,
Tao Gui,
Qi Zhang,
Xuanjing Huang
Abstract:
Speech-language models (SLMs) offer a promising path toward unifying speech and text understanding and generation. However, challenges remain in achieving effective cross-modal alignment and high-quality speech generation. In this work, we systematically investigate the impact of key components (i.e., speech tokenizers, speech heads, and speaker modeling) on the performance of LLM-centric SLMs. We…
▽ More
Speech-language models (SLMs) offer a promising path toward unifying speech and text understanding and generation. However, challenges remain in achieving effective cross-modal alignment and high-quality speech generation. In this work, we systematically investigate the impact of key components (i.e., speech tokenizers, speech heads, and speaker modeling) on the performance of LLM-centric SLMs. We compare coupled, semi-decoupled, and fully decoupled speech tokenizers under a fair SLM framework and find that decoupled tokenization significantly improves alignment and synthesis quality. To address the information density mismatch between speech and text, we introduce multi-token prediction (MTP) into SLMs, enabling each hidden state to decode multiple speech tokens. This leads to up to 12$\times$ faster decoding and a substantial drop in word error rate (from 6.07 to 3.01). Furthermore, we propose a speaker-aware generation paradigm and introduce RoleTriviaQA, a large-scale role-playing knowledge QA benchmark with diverse speaker identities. Experiments demonstrate that our methods enhance both knowledge understanding and speaker consistency.
△ Less
Submitted 14 June, 2025;
originally announced June 2025.
-
Study on the impact of radioactive background on Dark Count Rate of 20-inch MCP-PMTs
Authors:
Zeyuan Feng,
Zhaoyuan Peng,
Haojie Dong,
Yanfeng Li,
Songyi Li,
Xinzhou Guo,
Wan Xie,
Zhonghua Qin,
Weiping Liu
Abstract:
This study systematically investigates the impact of natural radioactive background on the dark count rate (DCR) of 20-inch microchannel plate photomultiplier tubes (MCP-PMTs). Variations in PMT DCR under different radiation conditions were examined via underground tests, lead shielding experiments, and irradiation with \(^{55}\mathrm{Fe}\), \(^{60}\mathrm{Co}\), and \(^{90}\mathrm{Sr}\) sources.…
▽ More
This study systematically investigates the impact of natural radioactive background on the dark count rate (DCR) of 20-inch microchannel plate photomultiplier tubes (MCP-PMTs). Variations in PMT DCR under different radiation conditions were examined via underground tests, lead shielding experiments, and irradiation with \(^{55}\mathrm{Fe}\), \(^{60}\mathrm{Co}\), and \(^{90}\mathrm{Sr}\) sources. The experimental results indicate that natural radioactivity from surrounding air and rock in the underground environment results in a significantly higher DCR compared to laboratory conditions. Further, lead shielding experiments confirmed that effective shielding can markedly reduce the interference from environmental background radiation. Notably, $β$ particles from the \(^{90}\mathrm{Sr}\) source increased the DCR by approximately 14 kHz, whereas the effects of $\mathrm{X}$-rays from \(^{55}\mathrm{Fe}\) and $γ$-rays from \(^{60}\mathrm{Co}\) were comparatively minor. In addition, Geant4 simulations provided quantitative analysis of Cherenkov radiation induced by $β$ particles, with the simulation results closely matching the experimental data and confirming $β$ particles as the primary contributor to the DCR increase. These findings offer both theoretical and experimental evidence for a deeper understanding of the influence of radioactive background on 20-inch MCP-PMTs' performance in underground experiments and hold significant implications for improving the energy resolution of large-scale neutrino detection systems
△ Less
Submitted 14 June, 2025;
originally announced June 2025.
-
MM-R5: MultiModal Reasoning-Enhanced ReRanker via Reinforcement Learning for Document Retrieval
Authors:
Mingjun Xu,
Jinhan Dong,
Jue Hou,
Zehui Wang,
Sihang Li,
Zhifeng Gao,
Renxin Zhong,
Hengxing Cai
Abstract:
Multimodal document retrieval systems enable information access across text, images, and layouts, benefiting various domains like document-based question answering, report analysis, and interactive content summarization. Rerankers improve retrieval precision by reordering retrieved candidates. However, current multimodal reranking methods remain underexplored, with significant room for improvement…
▽ More
Multimodal document retrieval systems enable information access across text, images, and layouts, benefiting various domains like document-based question answering, report analysis, and interactive content summarization. Rerankers improve retrieval precision by reordering retrieved candidates. However, current multimodal reranking methods remain underexplored, with significant room for improvement in both training strategies and overall effectiveness. Moreover, the lack of explicit reasoning makes it difficult to analyze and optimize these methods further. In this paper, We propose MM-R5, a MultiModal Reasoning-Enhanced ReRanker via Reinforcement Learning for Document Retrieval, aiming to provide a more effective and reliable solution for multimodal reranking tasks. MM-R5 is trained in two stages: supervised fine-tuning (SFT) and reinforcement learning (RL). In the SFT stage, we focus on improving instruction-following and guiding the model to generate complete and high-quality reasoning chains. To support this, we introduce a novel data construction strategy that produces rich, high-quality reasoning data. In the RL stage, we design a task-specific reward framework, including a reranking reward tailored for multimodal candidates and a composite template-based reward to further refine reasoning quality. We conduct extensive experiments on MMDocIR, a challenging public benchmark spanning multiple domains. MM-R5 achieves state-of-the-art performance on most metrics and delivers comparable results to much larger models on the remaining ones. Moreover, compared to the best retrieval-only method, MM-R5 improves recall@1 by over 4%. These results validate the effectiveness of our reasoning-enhanced training pipeline. Our code is available at https://github.com/i2vec/MM-R5 .
△ Less
Submitted 22 June, 2025; v1 submitted 14 June, 2025;
originally announced June 2025.
-
CMI-Bench: A Comprehensive Benchmark for Evaluating Music Instruction Following
Authors:
Yinghao Ma,
Siyou Li,
Juntao Yu,
Emmanouil Benetos,
Akira Maezawa
Abstract:
Recent advances in audio-text large language models (LLMs) have opened new possibilities for music understanding and generation. However, existing benchmarks are limited in scope, often relying on simplified tasks or multi-choice evaluations that fail to reflect the complexity of real-world music analysis. We reinterpret a broad range of traditional MIR annotations as instruction-following formats…
▽ More
Recent advances in audio-text large language models (LLMs) have opened new possibilities for music understanding and generation. However, existing benchmarks are limited in scope, often relying on simplified tasks or multi-choice evaluations that fail to reflect the complexity of real-world music analysis. We reinterpret a broad range of traditional MIR annotations as instruction-following formats and introduce CMI-Bench, a comprehensive music instruction following benchmark designed to evaluate audio-text LLMs on a diverse set of music information retrieval (MIR) tasks. These include genre classification, emotion regression, emotion tagging, instrument classification, pitch estimation, key detection, lyrics transcription, melody extraction, vocal technique recognition, instrument performance technique detection, music tagging, music captioning, and (down)beat tracking: reflecting core challenges in MIR research. Unlike previous benchmarks, CMI-Bench adopts standardized evaluation metrics consistent with previous state-of-the-art MIR models, ensuring direct comparability with supervised approaches. We provide an evaluation toolkit supporting all open-source audio-textual LLMs, including LTU, Qwen-audio, SALMONN, MusiLingo, etc. Experiment results reveal significant performance gaps between LLMs and supervised models, along with their culture, chronological and gender bias, highlighting the potential and limitations of current models in addressing MIR tasks. CMI-Bench establishes a unified foundation for evaluating music instruction following, driving progress in music-aware LLMs.
△ Less
Submitted 27 June, 2025; v1 submitted 13 June, 2025;
originally announced June 2025.
-
A Fast, Reliable, and Secure Programming Language for LLM Agents with Code Actions
Authors:
Stephen Mell,
Botong Zhang,
David Mell,
Shuo Li,
Ramya Ramalingam,
Nathan Yu,
Steve Zdancewic,
Osbert Bastani
Abstract:
Modern large language models (LLMs) are often deployed as agents, calling external tools adaptively to solve tasks. Rather than directly calling tools, it can be more effective for LLMs to write code to perform the tool calls, enabling them to automatically generate complex control flow such as conditionals and loops. Such code actions are typically provided as Python code, since LLMs are quite pr…
▽ More
Modern large language models (LLMs) are often deployed as agents, calling external tools adaptively to solve tasks. Rather than directly calling tools, it can be more effective for LLMs to write code to perform the tool calls, enabling them to automatically generate complex control flow such as conditionals and loops. Such code actions are typically provided as Python code, since LLMs are quite proficient at it; however, Python may not be the ideal language due to limited built-in support for performance, security, and reliability. We propose a novel programming language for code actions, called Quasar, which has several benefits: (1) automated parallelization to improve performance, (2) uncertainty quantification to improve reliability and mitigate hallucinations, and (3) security features enabling the user to validate actions. LLMs can write code in a subset of Python, which is automatically transpiled to Quasar. We evaluate our approach on the ViperGPT visual question answering agent, applied to the GQA dataset, demonstrating that LLMs with Quasar actions instead of Python actions retain strong performance, while reducing execution time when possible by 42%, improving security by reducing user approval interactions when possible by 52%, and improving reliability by applying conformal prediction to achieve a desired target coverage level.
△ Less
Submitted 13 June, 2025;
originally announced June 2025.
-
Network Pharmacology Reveals HSPA1A/BST2 as Potential Targets of Ci Bai Capsule's Active Compounds Intervening in Leukopenia
Authors:
Dingfan Zhang,
Congshu Huang,
Lei Zhou,
Boyang Wang,
Wei Zhou,
Tiantian Xia,
Pan Shen,
Shao Li,
Yue Gao
Abstract:
Background: Radiation-induced leukopenia caused by low-dose exposure is frequently associated with Traditional Chinese Medicine (TCM) syndromes like "blood deficiency" and "fatigue syndrome". Ci Bai Capsule (CB) has been reported to enhance white blood cell levels; however, its mechanisms and bioactive compounds remain unclear.Aim: This study aimed to identify the bioactive compounds group of CB a…
▽ More
Background: Radiation-induced leukopenia caused by low-dose exposure is frequently associated with Traditional Chinese Medicine (TCM) syndromes like "blood deficiency" and "fatigue syndrome". Ci Bai Capsule (CB) has been reported to enhance white blood cell levels; however, its mechanisms and bioactive compounds remain unclear.Aim: This study aimed to identify the bioactive compounds group of CB and elucidate its potential mechanisms in radiation-induced leukopenia.Methods: Syndrome-related data were gathered from SYMMAP and CTD database. CB's target profile is predicted by DrugCIPHER. Network pharmacology approaches were employed to identify active compounds and related pathways. Experimental validation was conducted through flow cytometry and RNA-sequencing in both ex vivo and in vivo models.Results: A total of 22 pathways related to cellular processes, immune responses, and signal transduction were identified. Five key bioactive compounds (kaempferol-3-glucorhamnoside, syringin, schisandrin, 3-hydroxytyrosol 3-O-glucoside and salidroside) were found to significantly modulate syndrome-related pathways. Optimal dosing of this compound combination enhanced leukocyte counts and splenic immune cell proliferation in irradiated mice. Transcriptomic analysis revealed that the compounds exert regulatory effects on PP1A, RB, CDK4/6, CDK2, and CDK1, thereby modulating downstream immune and hematopoietic markers such as MNDA, BST2, and HSPA1A.Conclusion: Our findings suggest that CB mitigates radiation-induced leukopenia by enhancing immune and hematopoietic recovery, offering a promising therapeutic approach for managing radiation-related hematological disorders.
△ Less
Submitted 13 June, 2025;
originally announced June 2025.
-
The Amazon Nova Family of Models: Technical Report and Model Card
Authors:
Amazon AGI,
Aaron Langford,
Aayush Shah,
Abhanshu Gupta,
Abhimanyu Bhatter,
Abhinav Goyal,
Abhinav Mathur,
Abhinav Mohanty,
Abhishek Kumar,
Abhishek Sethi,
Abi Komma,
Abner Pena,
Achin Jain,
Adam Kunysz,
Adam Opyrchal,
Adarsh Singh,
Aditya Rawal,
Adok Achar Budihal Prasad,
Adrià de Gispert,
Agnika Kumar,
Aishwarya Aryamane,
Ajay Nair,
Akilan M,
Akshaya Iyengar,
Akshaya Vishnu Kudlu Shanbhogue
, et al. (761 additional authors not shown)
Abstract:
We present Amazon Nova, a new generation of state-of-the-art foundation models that deliver frontier intelligence and industry-leading price performance. Amazon Nova Pro is a highly-capable multimodal model with the best combination of accuracy, speed, and cost for a wide range of tasks. Amazon Nova Lite is a low-cost multimodal model that is lightning fast for processing images, video, documents…
▽ More
We present Amazon Nova, a new generation of state-of-the-art foundation models that deliver frontier intelligence and industry-leading price performance. Amazon Nova Pro is a highly-capable multimodal model with the best combination of accuracy, speed, and cost for a wide range of tasks. Amazon Nova Lite is a low-cost multimodal model that is lightning fast for processing images, video, documents and text. Amazon Nova Micro is a text-only model that delivers our lowest-latency responses at very low cost. Amazon Nova Canvas is an image generation model that creates professional grade images with rich customization controls. Amazon Nova Reel is a video generation model offering high-quality outputs, customization, and motion control. Our models were built responsibly and with a commitment to customer trust, security, and reliability. We report benchmarking results for core capabilities, agentic performance, long context, functional adaptation, runtime performance, and human evaluation.
△ Less
Submitted 17 March, 2025;
originally announced June 2025.
-
Seamless Dysfluent Speech Text Alignment for Disordered Speech Analysis
Authors:
Zongli Ye,
Jiachen Lian,
Xuanru Zhou,
Jinming Zhang,
Haodong Li,
Shuhe Li,
Chenxu Guo,
Anaisha Das,
Peter Park,
Zoe Ezzes,
Jet Vonk,
Brittany Morin,
Rian Bogley,
Lisa Wauters,
Zachary Miller,
Maria Gorno-Tempini,
Gopala Anumanchipalli
Abstract:
Accurate alignment of dysfluent speech with intended text is crucial for automating the diagnosis of neurodegenerative speech disorders. Traditional methods often fail to model phoneme similarities effectively, limiting their performance. In this work, we propose Neural LCS, a novel approach for dysfluent text-text and speech-text alignment. Neural LCS addresses key challenges, including partial a…
▽ More
Accurate alignment of dysfluent speech with intended text is crucial for automating the diagnosis of neurodegenerative speech disorders. Traditional methods often fail to model phoneme similarities effectively, limiting their performance. In this work, we propose Neural LCS, a novel approach for dysfluent text-text and speech-text alignment. Neural LCS addresses key challenges, including partial alignment and context-aware similarity mapping, by leveraging robust phoneme-level modeling. We evaluate our method on a large-scale simulated dataset, generated using advanced data simulation techniques, and real PPA data. Neural LCS significantly outperforms state-of-the-art models in both alignment accuracy and dysfluent speech segmentation. Our results demonstrate the potential of Neural LCS to enhance automated systems for diagnosing and analyzing speech disorders, offering a more accurate and linguistically grounded solution for dysfluent speech alignment.
△ Less
Submitted 4 June, 2025;
originally announced June 2025.
-
Towards Unified Neural Decoding with Brain Functional Network Modeling
Authors:
Di Wu,
Linghao Bu,
Yifei Jia,
Lu Cao,
Siyuan Li,
Siyu Chen,
Yueqian Zhou,
Sheng Fan,
Wenjie Ren,
Dengchang Wu,
Kang Wang,
Yue Zhang,
Yuehui Ma,
Jie Yang,
Mohamad Sawan
Abstract:
Recent achievements in implantable brain-computer interfaces (iBCIs) have demonstrated the potential to decode cognitive and motor behaviors with intracranial brain recordings; however, individual physiological and electrode implantation heterogeneities have constrained current approaches to neural decoding within single individuals, rendering interindividual neural decoding elusive. Here, we pres…
▽ More
Recent achievements in implantable brain-computer interfaces (iBCIs) have demonstrated the potential to decode cognitive and motor behaviors with intracranial brain recordings; however, individual physiological and electrode implantation heterogeneities have constrained current approaches to neural decoding within single individuals, rendering interindividual neural decoding elusive. Here, we present Multi-individual Brain Region-Aggregated Network (MIBRAIN), a neural decoding framework that constructs a whole functional brain network model by integrating intracranial neurophysiological recordings across multiple individuals. MIBRAIN leverages self-supervised learning to derive generalized neural prototypes and supports group-level analysis of brain-region interactions and inter-subject neural synchrony. To validate our framework, we recorded stereoelectroencephalography (sEEG) signals from a cohort of individuals performing Mandarin syllable articulation. Both real-time online and offline decoding experiments demonstrated significant improvements in both audible and silent articulation decoding, enhanced decoding accuracy with increased multi-subject data integration, and effective generalization to unseen subjects. Furthermore, neural predictions for regions without direct electrode coverage were validated against authentic neural data. Overall, this framework paves the way for robust neural decoding across individuals and offers insights for practical clinical applications.
△ Less
Submitted 30 May, 2025;
originally announced June 2025.
-
FieldFormer: Self-supervised Reconstruction of Physical Fields via Tensor Attention Prior
Authors:
Panqi Chen,
Siyuan Li,
Lei Cheng,
Xiao Fu,
Yik-Chung Wu,
Sergios Theodoridis
Abstract:
Reconstructing physical field tensors from \textit{in situ} observations, such as radio maps and ocean sound speed fields, is crucial for enabling environment-aware decision making in various applications, e.g., wireless communications and underwater acoustics. Field data reconstruction is often challenging, due to the limited and noisy nature of the observations, necessitating the incorporation o…
▽ More
Reconstructing physical field tensors from \textit{in situ} observations, such as radio maps and ocean sound speed fields, is crucial for enabling environment-aware decision making in various applications, e.g., wireless communications and underwater acoustics. Field data reconstruction is often challenging, due to the limited and noisy nature of the observations, necessitating the incorporation of prior information to aid the reconstruction process. Deep neural network-based data-driven structural constraints (e.g., ``deeply learned priors'') have showed promising performance. However, this family of techniques faces challenges such as model mismatches between training and testing phases. This work introduces FieldFormer, a self-supervised neural prior learned solely from the limited {\it in situ} observations without the need of offline training. Specifically, the proposed framework starts with modeling the fields of interest using the tensor Tucker model of a high multilinear rank, which ensures a universal approximation property for all fields. In the sequel, an attention mechanism is incorporated to learn the sparsity pattern that underlies the core tensor in order to reduce the solution space.
In this way, a ``complexity-adaptive'' neural representation, grounded in the Tucker decomposition, is obtained that can flexibly represent
various types of fields. A theoretical analysis is provided to support the recoverability of the proposed design. Moreover, extensive experiments, using various physical field tensors, demonstrate the superiority of the proposed approach compared to state-of-the-art baselines.
△ Less
Submitted 13 June, 2025;
originally announced June 2025.
-
LearnAlign: Reasoning Data Selection for Reinforcement Learning in Large Language Models Based on Improved Gradient Alignment
Authors:
Shipeng Li,
Shikun Li,
Zhiqin Yang,
Xinghua Zhang,
Gaode Chen,
Xiaobo Xia,
Hengyu Liu,
Zhe Peng
Abstract:
Reinforcement learning (RL) has become a key technique for enhancing LLMs' reasoning abilities, yet its data inefficiency remains a major bottleneck. To address this critical yet challenging issue, we present a novel gradient-alignment-based method, named LearnAlign, which intelligently selects the learnable and representative training reasoning data for RL post-training. To overcome the issue of…
▽ More
Reinforcement learning (RL) has become a key technique for enhancing LLMs' reasoning abilities, yet its data inefficiency remains a major bottleneck. To address this critical yet challenging issue, we present a novel gradient-alignment-based method, named LearnAlign, which intelligently selects the learnable and representative training reasoning data for RL post-training. To overcome the issue of response-length bias in gradient norms, we introduce the data learnability based on the success rate, which can indicate the learning potential of each data point. Experiments across three mathematical reasoning benchmarks demonstrate that our method significantly reduces training data requirements while achieving minor performance degradation or even improving performance compared to full-data training. For example, it reduces data requirements by up to 1,000 data points with better performance (77.53%) than that on the full dataset on GSM8K benchmark (77.04%). Furthermore, we show its effectiveness in the staged RL setting. This work provides valuable insights into data-efficient RL post-training and establishes a foundation for future research in optimizing reasoning data selection. To facilitate future work, we will release code.
△ Less
Submitted 4 July, 2025; v1 submitted 13 June, 2025;
originally announced June 2025.
-
Co-Designing a Chatbot for Culturally Competent Clinical Communication: Experience and Reflections
Authors:
Sandro Radovanović,
Shuangyu Li
Abstract:
Clinical communication skills are essential for preparing healthcare professionals to provide equitable care across cultures. However, traditional training with simulated patients can be resource intensive and difficult to scale, especially in under-resourced settings. In this project, we explore the use of an AI-driven chatbot to support culturally competent communication training for medical stu…
▽ More
Clinical communication skills are essential for preparing healthcare professionals to provide equitable care across cultures. However, traditional training with simulated patients can be resource intensive and difficult to scale, especially in under-resourced settings. In this project, we explore the use of an AI-driven chatbot to support culturally competent communication training for medical students. The chatbot was designed to simulate realistic patient conversations and provide structured feedback based on the ACT Cultural Competence model. We piloted the chatbot with a small group of third-year medical students at a UK medical school in 2024. Although we did not follow a formal experimental design, our experience suggests that the chatbot offered useful opportunities for students to reflect on their communication, particularly around empathy and interpersonal understanding. More challenging areas included addressing systemic issues and historical context. Although this early version of the chatbot helped surface some interesting patterns, limitations were also clear, such as the absence of nonverbal cues and the tendency for virtual patients to be overly agreeable. In general, this reflection highlights both the potential and the current limitations of AI tools in communication training. More work is needed to better understand their impact and improve the learning experience.
△ Less
Submitted 18 May, 2025;
originally announced June 2025.
-
Influence Functions for Data Attribution in Linear System Identification and LQR Control
Authors:
Jiachen Li,
Shihao Li,
Jiamin Xu,
Soovadeep Bakshi,
Dongmei Chen
Abstract:
Understanding the influence of individual training data points is crucial for developing reliable machine learning-based control systems. However, conventional methods like leave-one-out retraining are computationally infeasible for large datasets. This paper introduces a framework using influence functions to efficiently approximate the impact of removing specific training trajectories on both le…
▽ More
Understanding the influence of individual training data points is crucial for developing reliable machine learning-based control systems. However, conventional methods like leave-one-out retraining are computationally infeasible for large datasets. This paper introduces a framework using influence functions to efficiently approximate the impact of removing specific training trajectories on both learned system dynamics and downstream control performance. We formulate two influence functions(IF): IF1, which estimates the effect on the predictive accuracy of a learned linear dynamics model, and IF2, which quantifies the subsequent impact on the cost of a Linear Quadratic Regulator (LQR) controller designed using these learned dynamics. These involve tracing sensitivities through the Discrete Algebraic Riccati Equation (DARE) solution. We empirically validate our approach on simulated linear systems analogous to robotic manipulators. Results show strong positive correlations between influence predictions and ground truth changes obtained via retraining. Our framework provides a computationally tractable method for data attribution.
△ Less
Submitted 12 June, 2025;
originally announced June 2025.
-
Smart Predict-Then-Control: Integrating identification and control via decision regret
Authors:
Jiachen Li,
Shihao Li,
Dongmei Chen
Abstract:
This paper presents Smart Predict-Then-Control (SPC) framework for integrating system identification and control. This novel SPC framework addresses the limitations of traditional methods, the unaligned modeling error and control cost. It leverages decision regret to prioritize control-relevant dynamics, optimizing prediction errors based on their impact on control performance. Furthermore, the ex…
▽ More
This paper presents Smart Predict-Then-Control (SPC) framework for integrating system identification and control. This novel SPC framework addresses the limitations of traditional methods, the unaligned modeling error and control cost. It leverages decision regret to prioritize control-relevant dynamics, optimizing prediction errors based on their impact on control performance. Furthermore, the existence of guarantees on regret bounds are theoretically proved. The proposed SPC is validated on both linear and nonlinear systems.
△ Less
Submitted 12 June, 2025;
originally announced June 2025.
-
Robust Optimal Task Planning to Maximize Battery Life
Authors:
Jiachen Li,
Chu Jian,
Feiyang Zhao,
Shihao Li,
Wei Li,
Dongmei Chen
Abstract:
This paper proposes a control-oriented optimization platform for autonomous mobile robots (AMRs), focusing on extending battery life while ensuring task completion. The requirement of fast AMR task planning while maintaining minimum battery state of charge, thus maximizing the battery life, renders a bilinear optimization problem. McCormick envelop technique is proposed to linearize the bilinear t…
▽ More
This paper proposes a control-oriented optimization platform for autonomous mobile robots (AMRs), focusing on extending battery life while ensuring task completion. The requirement of fast AMR task planning while maintaining minimum battery state of charge, thus maximizing the battery life, renders a bilinear optimization problem. McCormick envelop technique is proposed to linearize the bilinear term. A novel planning algorithm with relaxed constraints is also developed to handle parameter uncertainties robustly with high efficiency ensured. Simulation results are provided to demonstrate the utility of the proposed methods in reducing battery degradation while satisfying task completion requirements.
△ Less
Submitted 12 June, 2025;
originally announced June 2025.
-
Multimodal Modeling of CRISPR-Cas12 Activity Using Foundation Models and Chromatin Accessibility Data
Authors:
Azim Dehghani Amirabad,
Yanfei Zhang,
Artem Moskalev,
Sowmya Rajesh,
Tommaso Mansi,
Shuwei Li,
Mangal Prakash,
Rui Liao
Abstract:
Predicting guide RNA (gRNA) activity is critical for effective CRISPR-Cas12 genome editing but remains challenging due to limited data, variation across protospacer adjacent motifs (PAMs-short sequence requirements for Cas binding), and reliance on large-scale training. We investigate whether pre-trained biological foundation model originally trained on transcriptomic data can improve gRNA activit…
▽ More
Predicting guide RNA (gRNA) activity is critical for effective CRISPR-Cas12 genome editing but remains challenging due to limited data, variation across protospacer adjacent motifs (PAMs-short sequence requirements for Cas binding), and reliance on large-scale training. We investigate whether pre-trained biological foundation model originally trained on transcriptomic data can improve gRNA activity estimation even without domain-specific pre-training. Using embeddings from existing RNA foundation model as input to lightweight regressor, we show substantial gains over traditional baselines. We also integrate chromatin accessibility data to capture regulatory context, improving performance further. Our results highlight the effectiveness of pre-trained foundation models and chromatin accessibility data for gRNA activity prediction.
△ Less
Submitted 12 June, 2025;
originally announced June 2025.
-
RoE-FND: A Case-Based Reasoning Approach with Dual Verification for Fake News Detection via LLMs
Authors:
Yuzhou Yang,
Yangming Zhou,
Zhiying Zhu,
Zhenxing Qian,
Xinpeng Zhang,
Sheng Li
Abstract:
The proliferation of deceptive content online necessitates robust Fake News Detection (FND) systems. While evidence-based approaches leverage external knowledge to verify claims, existing methods face critical limitations: noisy evidence selection, generalization bottlenecks, and unclear decision-making processes. Recent efforts to harness Large Language Models (LLMs) for FND introduce new challen…
▽ More
The proliferation of deceptive content online necessitates robust Fake News Detection (FND) systems. While evidence-based approaches leverage external knowledge to verify claims, existing methods face critical limitations: noisy evidence selection, generalization bottlenecks, and unclear decision-making processes. Recent efforts to harness Large Language Models (LLMs) for FND introduce new challenges, including hallucinated rationales and conclusion bias. To address these issues, we propose \textbf{RoE-FND} (\textbf{\underline{R}}eason \textbf{\underline{o}}n \textbf{\underline{E}}xperiences FND), a framework that reframes evidence-based FND as a logical deduction task by synergizing LLMs with experiential learning. RoE-FND encompasses two stages: (1) \textit{self-reflective knowledge building}, where a knowledge base is curated by analyzing past reasoning errors, namely the exploration stage, and (2) \textit{dynamic criterion retrieval}, which synthesizes task-specific reasoning guidelines from historical cases as experiences during deployment. It further cross-checks rationales against internal experience through a devised dual-channel procedure. Key contributions include: a case-based reasoning framework for FND that addresses multiple existing challenges, a training-free approach enabling adaptation to evolving situations, and empirical validation of the framework's superior generalization and effectiveness over state-of-the-art methods across three datasets.
△ Less
Submitted 4 June, 2025;
originally announced June 2025.
-
Spurious Rewards: Rethinking Training Signals in RLVR
Authors:
Rulin Shao,
Shuyue Stella Li,
Rui Xin,
Scott Geng,
Yiping Wang,
Sewoong Oh,
Simon Shaolei Du,
Nathan Lambert,
Sewon Min,
Ranjay Krishna,
Yulia Tsvetkov,
Hannaneh Hajishirzi,
Pang Wei Koh,
Luke Zettlemoyer
Abstract:
We show that reinforcement learning with verifiable rewards (RLVR) can elicit strong mathematical reasoning in certain models even with spurious rewards that have little, no, or even negative correlation with the correct answer. For example, RLVR improves MATH-500 performance for Qwen2.5-Math-7B in absolute points by 21.4% (random reward), 13.8% (format reward), 24.1% (incorrect label), 26.0% (1-s…
▽ More
We show that reinforcement learning with verifiable rewards (RLVR) can elicit strong mathematical reasoning in certain models even with spurious rewards that have little, no, or even negative correlation with the correct answer. For example, RLVR improves MATH-500 performance for Qwen2.5-Math-7B in absolute points by 21.4% (random reward), 13.8% (format reward), 24.1% (incorrect label), 26.0% (1-shot RL), and 27.1% (majority voting) -- nearly matching the 29.1% gained with ground truth rewards. However, the spurious rewards that work for Qwen often fail to yield gains with other model families like Llama3 or OLMo2. In particular, we find code reasoning -- thinking in code without actual code execution -- to be a distinctive Qwen2.5-Math behavior that becomes significantly more frequent after RLVR, from 65% to over 90%, even with spurious rewards. Overall, we hypothesize that, given the lack of useful reward signal, RLVR must somehow be surfacing useful reasoning representations learned during pretraining, although the exact mechanism remains a topic for future work. We suggest that future RLVR research should possibly be validated on diverse models rather than a single de facto choice, as we show that it is easy to get significant performance gains on Qwen models even with completely spurious reward signals.
△ Less
Submitted 12 June, 2025;
originally announced June 2025.
-
Quantum secret sharing in a triangular superconducting quantum network
Authors:
Haoxiong Yan,
Allen Zang,
Joel Grebel,
Xuntao Wu,
Ming-Han Chou,
Gustav Andersson,
Christopher R. Conner,
Yash J. Joshi,
Shiheng Li,
Jacob M. Miller,
Rhys G. Povey,
Hong Qiao,
Eric Chitambar,
Andrew N. Cleland
Abstract:
We present a three-node quantum communication testbed with a triangular topology, each side of the triangle formed by a 1.3-meter-long transmission line. We demonstrate state transfer and entanglement generation between any two nodes, generate genuine multipartite entangled GHZ states, and implement quantum secret sharing (QSS) of classical information. Our experiments show that the QSS protocol c…
▽ More
We present a three-node quantum communication testbed with a triangular topology, each side of the triangle formed by a 1.3-meter-long transmission line. We demonstrate state transfer and entanglement generation between any two nodes, generate genuine multipartite entangled GHZ states, and implement quantum secret sharing (QSS) of classical information. Our experiments show that the QSS protocol can effectively detect eavesdropping, ensuring the secure sharing of secrets. This device forms a testbed for robust and secure quantum networking, enabling testing of more advanced quantum communication protocols.
△ Less
Submitted 12 June, 2025;
originally announced June 2025.
-
Precise Zero-Shot Pointwise Ranking with LLMs through Post-Aggregated Global Context Information
Authors:
Kehan Long,
Shasha Li,
Chen Xu,
Jintao Tang,
Ting Wang
Abstract:
Recent advancements have successfully harnessed the power of Large Language Models (LLMs) for zero-shot document ranking, exploring a variety of prompting strategies. Comparative approaches like pairwise and listwise achieve high effectiveness but are computationally intensive and thus less practical for larger-scale applications. Scoring-based pointwise approaches exhibit superior efficiency by i…
▽ More
Recent advancements have successfully harnessed the power of Large Language Models (LLMs) for zero-shot document ranking, exploring a variety of prompting strategies. Comparative approaches like pairwise and listwise achieve high effectiveness but are computationally intensive and thus less practical for larger-scale applications. Scoring-based pointwise approaches exhibit superior efficiency by independently and simultaneously generating the relevance scores for each candidate document. However, this independence ignores critical comparative insights between documents, resulting in inconsistent scoring and suboptimal performance. In this paper, we aim to improve the effectiveness of pointwise methods while preserving their efficiency through two key innovations: (1) We propose a novel Global-Consistent Comparative Pointwise Ranking (GCCP) strategy that incorporates global reference comparisons between each candidate and an anchor document to generate contrastive relevance scores. We strategically design the anchor document as a query-focused summary of pseudo-relevant candidates, which serves as an effective reference point by capturing the global context for document comparison. (2) These contrastive relevance scores can be efficiently Post-Aggregated with existing pointwise methods, seamlessly integrating essential Global Context information in a training-free manner (PAGC). Extensive experiments on the TREC DL and BEIR benchmark demonstrate that our approach significantly outperforms previous pointwise methods while maintaining comparable efficiency. Our method also achieves competitive performance against comparative methods that require substantially more computational resources. More analyses further validate the efficacy of our anchor construction strategy.
△ Less
Submitted 12 June, 2025;
originally announced June 2025.
-
VRBench: A Benchmark for Multi-Step Reasoning in Long Narrative Videos
Authors:
Jiashuo Yu,
Yue Wu,
Meng Chu,
Zhifei Ren,
Zizheng Huang,
Pei Chu,
Ruijie Zhang,
Yinan He,
Qirui Li,
Songze Li,
Zhenxiang Li,
Zhongying Tu,
Conghui He,
Yu Qiao,
Yali Wang,
Yi Wang,
Limin Wang
Abstract:
We present VRBench, the first long narrative video benchmark crafted for evaluating large models' multi-step reasoning capabilities, addressing limitations in existing evaluations that overlook temporal reasoning and procedural validity. It comprises 1,010 long videos (with an average duration of 1.6 hours), along with 9,468 human-labeled multi-step question-answering pairs and 30,292 reasoning st…
▽ More
We present VRBench, the first long narrative video benchmark crafted for evaluating large models' multi-step reasoning capabilities, addressing limitations in existing evaluations that overlook temporal reasoning and procedural validity. It comprises 1,010 long videos (with an average duration of 1.6 hours), along with 9,468 human-labeled multi-step question-answering pairs and 30,292 reasoning steps with timestamps. These videos are curated via a multi-stage filtering process including expert inter-rater reviewing to prioritize plot coherence. We develop a human-AI collaborative framework that generates coherent reasoning chains, each requiring multiple temporally grounded steps, spanning seven types (e.g., event attribution, implicit inference). VRBench designs a multi-phase evaluation pipeline that assesses models at both the outcome and process levels. Apart from the MCQs for the final results, we propose a progress-level LLM-guided scoring metric to evaluate the quality of the reasoning chain from multiple dimensions comprehensively. Through extensive evaluations of 12 LLMs and 16 VLMs on VRBench, we undertake a thorough analysis and provide valuable insights that advance the field of multi-step reasoning.
△ Less
Submitted 12 June, 2025;
originally announced June 2025.
-
Stroke-based Cyclic Amplifier: Image Super-Resolution at Arbitrary Ultra-Large Scales
Authors:
Wenhao Guo,
Peng Lu,
Xujun Peng,
Zhaoran Zhao,
Sheng Li
Abstract:
Prior Arbitrary-Scale Image Super-Resolution (ASISR) methods often experience a significant performance decline when the upsampling factor exceeds the range covered by the training data, introducing substantial blurring. To address this issue, we propose a unified model, Stroke-based Cyclic Amplifier (SbCA), for ultra-large upsampling tasks. The key of SbCA is the stroke vector amplifier, which de…
▽ More
Prior Arbitrary-Scale Image Super-Resolution (ASISR) methods often experience a significant performance decline when the upsampling factor exceeds the range covered by the training data, introducing substantial blurring. To address this issue, we propose a unified model, Stroke-based Cyclic Amplifier (SbCA), for ultra-large upsampling tasks. The key of SbCA is the stroke vector amplifier, which decomposes the image into a series of strokes represented as vector graphics for magnification. Then, the detail completion module also restores missing details, ensuring high-fidelity image reconstruction. Our cyclic strategy achieves ultra-large upsampling by iteratively refining details with this unified SbCA model, trained only once for all, while keeping sub-scales within the training range. Our approach effectively addresses the distribution drift issue and eliminates artifacts, noise and blurring, producing high-quality, high-resolution super-resolved images. Experimental validations on both synthetic and real-world datasets demonstrate that our approach significantly outperforms existing methods in ultra-large upsampling tasks (e.g. $\times100$), delivering visual quality far superior to state-of-the-art techniques.
△ Less
Submitted 12 June, 2025;
originally announced June 2025.
-
CogStream: Context-guided Streaming Video Question Answering
Authors:
Zicheng Zhao,
Kangyu Wang,
Shijie Li,
Rui Qian,
Weiyao Lin,
Huabin Liu
Abstract:
Despite advancements in Video Large Language Models (Vid-LLMs) improving multimodal understanding, challenges persist in streaming video reasoning due to its reliance on contextual information. Existing paradigms feed all available historical contextual information into Vid-LLMs, resulting in a significant computational burden for visual data processing. Furthermore, the inclusion of irrelevant co…
▽ More
Despite advancements in Video Large Language Models (Vid-LLMs) improving multimodal understanding, challenges persist in streaming video reasoning due to its reliance on contextual information. Existing paradigms feed all available historical contextual information into Vid-LLMs, resulting in a significant computational burden for visual data processing. Furthermore, the inclusion of irrelevant context distracts models from key details. This paper introduces a challenging task called Context-guided Streaming Video Reasoning (CogStream), which simulates real-world streaming video scenarios, requiring models to identify the most relevant historical contextual information to deduce answers for questions about the current stream. To support CogStream, we present a densely annotated dataset featuring extensive and hierarchical question-answer pairs, generated by a semi-automatic pipeline. Additionally, we present CogReasoner as a baseline model. It efficiently tackles this task by leveraging visual stream compression and historical dialogue retrieval. Extensive experiments prove the effectiveness of this method. Code will be released soon.
△ Less
Submitted 12 June, 2025;
originally announced June 2025.
-
Semantic Localization Guiding Segment Anything Model For Reference Remote Sensing Image Segmentation
Authors:
Shuyang Li,
Shuang Wang,
Zhuangzhuang Sun,
Jing Xiao
Abstract:
The Reference Remote Sensing Image Segmentation (RRSIS) task generates segmentation masks for specified objects in images based on textual descriptions, which has attracted widespread attention and research interest. Current RRSIS methods rely on multi-modal fusion backbones and semantic segmentation heads but face challenges like dense annotation requirements and complex scene interpretation. To…
▽ More
The Reference Remote Sensing Image Segmentation (RRSIS) task generates segmentation masks for specified objects in images based on textual descriptions, which has attracted widespread attention and research interest. Current RRSIS methods rely on multi-modal fusion backbones and semantic segmentation heads but face challenges like dense annotation requirements and complex scene interpretation. To address these issues, we propose a framework named \textit{prompt-generated semantic localization guiding Segment Anything Model}(PSLG-SAM), which decomposes the RRSIS task into two stages: coarse localization and fine segmentation. In coarse localization stage, a visual grounding network roughly locates the text-described object. In fine segmentation stage, the coordinates from the first stage guide the Segment Anything Model (SAM), enhanced by a clustering-based foreground point generator and a mask boundary iterative optimization strategy for precise segmentation. Notably, the second stage can be train-free, significantly reducing the annotation data burden for the RRSIS task. Additionally, decomposing the RRSIS task into two stages allows for focusing on specific region segmentation, avoiding interference from complex scenes.We further contribute a high-quality, multi-category manually annotated dataset. Experimental validation on two datasets (RRSIS-D and RRSIS-M) demonstrates that PSLG-SAM achieves significant performance improvements and surpasses existing state-of-the-art models.Our code will be made publicly available.
△ Less
Submitted 12 June, 2025;
originally announced June 2025.
-
EXPEREPAIR: Dual-Memory Enhanced LLM-based Repository-Level Program Repair
Authors:
Fangwen Mu,
Junjie Wang,
Lin Shi,
Song Wang,
Shoubin Li,
Qing Wang
Abstract:
Automatically repairing software issues remains a fundamental challenge at the intersection of software engineering and AI. Although recent advancements in Large Language Models (LLMs) have demonstrated potential for repository-level repair tasks, current methodologies exhibit two notable limitations: (1) they often address issues in isolation, neglecting to incorporate insights from previously re…
▽ More
Automatically repairing software issues remains a fundamental challenge at the intersection of software engineering and AI. Although recent advancements in Large Language Models (LLMs) have demonstrated potential for repository-level repair tasks, current methodologies exhibit two notable limitations: (1) they often address issues in isolation, neglecting to incorporate insights from previously resolved issues, and (2) they rely on static and rigid prompting strategies, which constrain their ability to generalize across diverse and evolving issue scenarios. Inspired by the dual memory systems of human cognition, where episodic and semantic memories work synergistically to support human reasoning and decision-making, we propose ExpeRepair, a novel LLM-based approach that continuously learns from historical repair experiences through dual-channel knowledge accumulation. ExpeRepair organizes historical repair experiences into two complementary memories: an episodic memory that stores concrete repair demonstrations, and a semantic memory that encodes abstract reflective insights. At inference time, ExpeRepair activates both memory systems by retrieving relevant demonstrations from episodic memory and recalling high-level repair insights from semantic memory. It further enhances adaptability through dynamic prompt composition, synergistically integrating both memory types to replace static prompts with context-aware, experience-driven prompts. Experiments on the SWE-bench Lite benchmark demonstrate that ExpeRepair achieves a pass@1 score of 49.3% with Claude 3.7 Sonnet, outperforming all state-of-the-art open-source methods.
△ Less
Submitted 12 June, 2025;
originally announced June 2025.
-
Ultrahigh threshold nonstabilizer nonlinear quantum error correcting code
Authors:
Maga Grafe,
Kaixuan Zhou,
Zaman Tekin,
Zhiyuan Lin,
Sen Li,
Fengquan Zhang,
Valentin Ivannikov,
Tim Byrnes
Abstract:
We introduce a novel type of quantum error correcting code, called the spinor code, based on spaces defined by total spin. The code is a nonstabilizer code, and is also a nonlinear quantum error correcting code, meaning that quantum information is encoded in a parameterized family of quantum states, rather than a linear superposition of code words. Syndrome measurements are performed by projecting…
▽ More
We introduce a novel type of quantum error correcting code, called the spinor code, based on spaces defined by total spin. The code is a nonstabilizer code, and is also a nonlinear quantum error correcting code, meaning that quantum information is encoded in a parameterized family of quantum states, rather than a linear superposition of code words. Syndrome measurements are performed by projecting on states with differing total spin, with an associated correction to map states back to the maximum total spin space. We show that the code is asymptotically capable of protecting against any single qubit Pauli error for Gaussian distributed states such as spin coherent state. We directly evaluate the performance under the depolarizing channel, considering various cases, with and without initialization and measurement errors, as well as two qubit errors. We estimate the code-capacity threshold to be in the range of 32-75%, while the phenomenological threshold is in the range 9-75%.
△ Less
Submitted 12 June, 2025;
originally announced June 2025.
-
MLLM-Based UI2Code Automation Guided by UI Layout Information
Authors:
Fan Wu,
Cuiyun Gao,
Shuqing Li,
Xin-Cheng Wen,
Qing Liao
Abstract:
Converting user interfaces into code (UI2Code) is a crucial step in website development, which is time-consuming and labor-intensive. The automation of UI2Code is essential to streamline this task, beneficial for improving the development efficiency. There exist deep learning-based methods for the task; however, they heavily rely on a large amount of labeled training data and struggle with general…
▽ More
Converting user interfaces into code (UI2Code) is a crucial step in website development, which is time-consuming and labor-intensive. The automation of UI2Code is essential to streamline this task, beneficial for improving the development efficiency. There exist deep learning-based methods for the task; however, they heavily rely on a large amount of labeled training data and struggle with generalizing to real-world, unseen web page designs. The advent of Multimodal Large Language Models (MLLMs) presents potential for alleviating the issue, but they are difficult to comprehend the complex layouts in UIs and generate the accurate code with layout preserved. To address these issues, we propose LayoutCoder, a novel MLLM-based framework generating UI code from real-world webpage images, which includes three key modules: (1) Element Relation Construction, which aims at capturing UI layout by identifying and grouping components with similar structures; (2) UI Layout Parsing, which aims at generating UI layout trees for guiding the subsequent code generation process; and (3) Layout-Guided Code Fusion, which aims at producing the accurate code with layout preserved. For evaluation, we build a new benchmark dataset which involves 350 real-world websites named Snap2Code, divided into seen and unseen parts for mitigating the data leakage issue, besides the popular dataset Design2Code. Extensive evaluation shows the superior performance of LayoutCoder over the state-of-the-art approaches. Compared with the best-performing baseline, LayoutCoder improves 10.14% in the BLEU score and 3.95% in the CLIP score on average across all datasets.
△ Less
Submitted 12 June, 2025;
originally announced June 2025.
-
Demonstrating Multi-Suction Item Picking at Scale via Multi-Modal Learning of Pick Success
Authors:
Che Wang,
Jeroen van Baar,
Chaitanya Mitash,
Shuai Li,
Dylan Randle,
Weiyao Wang,
Sumedh Sontakke,
Kostas E. Bekris,
Kapil Katyal
Abstract:
This work demonstrates how autonomously learning aspects of robotic operation from sparsely-labeled, real-world data of deployed, engineered solutions at industrial scale can provide with solutions that achieve improved performance. Specifically, it focuses on multi-suction robot picking and performs a comprehensive study on the application of multi-modal visual encoders for predicting the success…
▽ More
This work demonstrates how autonomously learning aspects of robotic operation from sparsely-labeled, real-world data of deployed, engineered solutions at industrial scale can provide with solutions that achieve improved performance. Specifically, it focuses on multi-suction robot picking and performs a comprehensive study on the application of multi-modal visual encoders for predicting the success of candidate robotic picks. Picking diverse items from unstructured piles is an important and challenging task for robot manipulation in real-world settings, such as warehouses. Methods for picking from clutter must work for an open set of items while simultaneously meeting latency constraints to achieve high throughput. The demonstrated approach utilizes multiple input modalities, such as RGB, depth and semantic segmentation, to estimate the quality of candidate multi-suction picks. The strategy is trained from real-world item picking data, with a combination of multimodal pretrain and finetune. The manuscript provides comprehensive experimental evaluation performed over a large item-picking dataset, an item-picking dataset targeted to include partial occlusions, and a package-picking dataset, which focuses on containers, such as boxes and envelopes, instead of unpackaged items. The evaluation measures performance for different item configurations, pick scenes, and object types. Ablations help to understand the effects of in-domain pretraining, the impact of different modalities and the importance of finetuning. These ablations reveal both the importance of training over multiple modalities but also the ability of models to learn during pretraining the relationship between modalities so that during finetuning and inference, only a subset of them can be used as input.
△ Less
Submitted 12 June, 2025;
originally announced June 2025.
-
Search for sub-GeV invisible particles in inclusive decays of $J/ψ$ to $φ$
Authors:
BESIII Collaboration,
M. Ablikim,
M. N. Achasov,
P. Adlarson,
X. C. Ai,
R. Aliberti,
A. Amoroso,
Q. An,
Y. Bai,
O. Bakina,
Y. Ban,
H. -R. Bao,
V. Batozskaya,
K. Begzsuren,
N. Berger,
M. Berlowski,
M. Bertani,
D. Bettoni,
F. Bianchi,
E. Bianco,
A. Bortone,
I. Boyko,
R. A. Briere,
A. Brueggemann,
H. Cai
, et al. (704 additional authors not shown)
Abstract:
A search for an invisible particle, $X$, with a mass between 0 and 0.96 $\textrm{GeV}/\textit{c}^{2}$, is performed in the process $J/ψ\rightarrowφ+ X$ using $(8774.0\pm39.4)\times10^{6}$ $J/ψ$ events collected with the BESIII detector from 2017 to 2019. The $φ$ meson is fully reconstructed and an efficient veto of photons, neutral and charged hadrons up to twice the $K_L^0$ mass is applied to the…
▽ More
A search for an invisible particle, $X$, with a mass between 0 and 0.96 $\textrm{GeV}/\textit{c}^{2}$, is performed in the process $J/ψ\rightarrowφ+ X$ using $(8774.0\pm39.4)\times10^{6}$ $J/ψ$ events collected with the BESIII detector from 2017 to 2019. The $φ$ meson is fully reconstructed and an efficient veto of photons, neutral and charged hadrons up to twice the $K_L^0$ mass is applied to the rest of the events, and the recoil mass against the $φ$ is obtained precisely from the kinematic constraint in the event. No significant signal is observed in the investigated region and the upper limit on the inclusive branching fraction of $J/ψ\rightarrowφ+ X$ is determined to be $7.5\times10^{-8}$ at 90% confidence level. Upper limits at a 90% confidence level are also given for this branching fraction as a function of the invisible particle mass, varying from $9\times10^{-9}$ to $4\times10^{-8}$ over the investigated mass range. Additionally, a 90% confidence level upper limit on the branching fraction of $η\rightarrow \rm{invisible}$ is determined to $2.6\times10^{-5}$, which improves the previous best results by more than four times. The analysis technique in this work offers a clean window to search for sub-GeV invisible particles, which can be adapted for other $J/ψ$ decays and direct $e^+e^-$ annihilation experiments in future studies, and improve the sensitivity by orders of magnitude.
△ Less
Submitted 11 June, 2025;
originally announced June 2025.
-
Faster-than-Nyquist Signaling is Good for Single-Carrier ISAC: An Analytical Study
Authors:
Shuangyang Li,
Fan Liu,
Yifeng Xiong,
Weijie Yuan,
Baoming Bai,
Christos Masouros,
Giuseppe Caire
Abstract:
In this paper, we provide an analytical study of single-carrier faster-than-Nyquist (FTN) signaling for integrated sensing and communications (ISAC). Our derivations show that FTN is advantageous for ISAC, and reveal new insights that these advantages come from the fact that FTN signaling can effectively avoid the spectral aliasing due to the mismatch between the symbol rate and the bandwidth of t…
▽ More
In this paper, we provide an analytical study of single-carrier faster-than-Nyquist (FTN) signaling for integrated sensing and communications (ISAC). Our derivations show that FTN is advantageous for ISAC, and reveal new insights that these advantages come from the fact that FTN signaling can effectively avoid the spectral aliasing due to the mismatch between the symbol rate and the bandwidth of the shaping pulse. Specifically, the communication spectral efficiency advantages of FTN signaling over time-invariant multipath channels are analytically shown, where both upper- and lower-bounds on the spectral efficiency are derived. We show that the gap between these two bounds corresponds to the potential signal-to-noise ratio (SNR) variation due to the presence of multipath delay and spectral aliasing, which diminishes as the symbol rate grows higher. Particularly, in the limiting case, this SNR variation disappears while the degree of freedom (DoF) of the system attain the maximum. Furthermore, the sensing advantages for FTN signals are verified in terms of the expected normalized squared ambiguity function. We show that FTN signals generally enjoy a more robust ranging performance. More importantly, we prove that FTN signaling can effectively avoid the undesired peaks in the considered ambiguity function along the Doppler dimension, thereby reducing the ambiguities in velocity estimation. All these conclusions are explicitly verified by numerical results.
△ Less
Submitted 11 June, 2025;
originally announced June 2025.
-
Learning to Optimize Package Picking for Large-Scale, Real-World Robot Induction
Authors:
Shuai Li,
Azarakhsh Keipour,
Sicong Zhao,
Srinath Rajagopalan,
Charles Swan,
Kostas E. Bekris
Abstract:
Warehouse automation plays a pivotal role in enhancing operational efficiency, minimizing costs, and improving resilience to workforce variability. While prior research has demonstrated the potential of machine learning (ML) models to increase picking success rates in large-scale robotic fleets by prioritizing high-probability picks and packages, these efforts primarily focused on predicting succe…
▽ More
Warehouse automation plays a pivotal role in enhancing operational efficiency, minimizing costs, and improving resilience to workforce variability. While prior research has demonstrated the potential of machine learning (ML) models to increase picking success rates in large-scale robotic fleets by prioritizing high-probability picks and packages, these efforts primarily focused on predicting success probabilities for picks sampled using heuristic methods. Limited attention has been given, however, to leveraging data-driven approaches to directly optimize sampled picks for better performance at scale. In this study, we propose an ML-based framework that predicts transform adjustments as well as improving the selection of suction cups for multi-suction end effectors for sampled picks to enhance their success probabilities. The framework was integrated and evaluated in test workcells that resemble the operations of Amazon Robotics' Robot Induction (Robin) fleet, which is used for package manipulation. Evaluated on over 2 million picks, the proposed method achieves a 20\% reduction in pick failure rates compared to a heuristic-based pick sampling baseline, demonstrating its effectiveness in large-scale warehouse automation scenarios.
△ Less
Submitted 11 June, 2025;
originally announced June 2025.
-
Optimization and validation of charge transport simulation for hybrid pixel detectors incorporating the repulsion effect
Authors:
X. Xie,
A. Bergamaschi,
M. Brückner,
M. Carulla,
R. Dinapoli,
S. Ebner,
K. Ferjaoui,
A. Francesca Mazzoleni,
J. Franklin Mulvey,
V. Gautam,
D. Greiffenberg,
S. Hasanaj,
J. Heymes,
V. Hinger,
V. Kedych,
T. King,
S. Li,
C. Lopez-Cuenca,
D. Mezza,
K. Moustakas,
A. Mozzanica,
M. Müller,
K. A. Paton,
C. Ruder,
B. Schmitt
, et al. (5 additional authors not shown)
Abstract:
For emerging applications of hybrid pixel detectors which require high spatial resolution, e.g., subpixel interpolation in X-ray imaging and deep learning-based electron localization, accurate modeling of charge transport processes in the sensor is highly demanded. To address this, two open-source, time-stepping Monte Carlo simulation methods have been developed, both explicitly incorporating char…
▽ More
For emerging applications of hybrid pixel detectors which require high spatial resolution, e.g., subpixel interpolation in X-ray imaging and deep learning-based electron localization, accurate modeling of charge transport processes in the sensor is highly demanded. To address this, two open-source, time-stepping Monte Carlo simulation methods have been developed, both explicitly incorporating charge repulsion, which are found necessary for accurate simulation when charge sharing becomes important. The first method employs brute-force calculations accelerated by GPU computing to model charge carrier dynamics, including drift, diffusion, and repulsion. The second utilizes a simplified spherical model that significantly reduces computational complexity. A parameterization scheme of the charge transport behaviors has been developed to enable efficient and rapid generation of X-ray simulation events. Both methods were rigorously validated using experimental data collected with a monochromatic X-ray beam at the METROLOGIE beamline of the SOLEIL synchrotron, demonstrating excellent agreement with measured pixel-energy spectra across various sensor thicknesses, bias voltages, and photon energies. Furthermore, the impact of the repulsion effect on charge carrier distributions was quantitatively evaluated. The potential applications of these simulation methods for different particle detections and detector technologies are also discussed.
△ Less
Submitted 11 June, 2025;
originally announced June 2025.
-
DipLLM: Fine-Tuning LLM for Strategic Decision-making in Diplomacy
Authors:
Kaixuan Xu,
Jiajun Chai,
Sicheng Li,
Yuqian Fu,
Yuanheng Zhu,
Dongbin Zhao
Abstract:
Diplomacy is a complex multiplayer game that requires both cooperation and competition, posing significant challenges for AI systems. Traditional methods rely on equilibrium search to generate extensive game data for training, which demands substantial computational resources. Large Language Models (LLMs) offer a promising alternative, leveraging pre-trained knowledge to achieve strong performance…
▽ More
Diplomacy is a complex multiplayer game that requires both cooperation and competition, posing significant challenges for AI systems. Traditional methods rely on equilibrium search to generate extensive game data for training, which demands substantial computational resources. Large Language Models (LLMs) offer a promising alternative, leveraging pre-trained knowledge to achieve strong performance with relatively small-scale fine-tuning. However, applying LLMs to Diplomacy remains challenging due to the exponential growth of possible action combinations and the intricate strategic interactions among players. To address this challenge, we propose DipLLM, a fine-tuned LLM-based agent that learns equilibrium policies for Diplomacy. DipLLM employs an autoregressive factorization framework to simplify the complex task of multi-unit action assignment into a sequence of unit-level decisions. By defining an equilibrium policy within this framework as the learning objective, we fine-tune the model using only 1.5% of the data required by the state-of-the-art Cicero model, surpassing its performance. Our results demonstrate the potential of fine-tuned LLMs for tackling complex strategic decision-making in multiplayer games.
△ Less
Submitted 23 June, 2025; v1 submitted 11 June, 2025;
originally announced June 2025.
-
TooBadRL: Trigger Optimization to Boost Effectiveness of Backdoor Attacks on Deep Reinforcement Learning
Authors:
Songze Li,
Mingxuan Zhang,
Kang Wei,
Shouling Ji
Abstract:
Deep reinforcement learning (DRL) has achieved remarkable success in a wide range of sequential decision-making domains, including robotics, healthcare, smart grids, and finance. Recent research demonstrates that attackers can efficiently exploit system vulnerabilities during the training phase to execute backdoor attacks, producing malicious actions when specific trigger patterns are present in t…
▽ More
Deep reinforcement learning (DRL) has achieved remarkable success in a wide range of sequential decision-making domains, including robotics, healthcare, smart grids, and finance. Recent research demonstrates that attackers can efficiently exploit system vulnerabilities during the training phase to execute backdoor attacks, producing malicious actions when specific trigger patterns are present in the state observations. However, most existing backdoor attacks rely primarily on simplistic and heuristic trigger configurations, overlooking the potential efficacy of trigger optimization. To address this gap, we introduce TooBadRL (Trigger Optimization to Boost Effectiveness of Backdoor Attacks on DRL), the first framework to systematically optimize DRL backdoor triggers along three critical axes, i.e., temporal, spatial, and magnitude. Specifically, we first introduce a performance-aware adaptive freezing mechanism for injection timing. Then, we formulate dimension selection as a cooperative game, utilizing Shapley value analysis to identify the most influential state variable for the injection dimension. Furthermore, we propose a gradient-based adversarial procedure to optimize the injection magnitude under environment constraints. Evaluations on three mainstream DRL algorithms and nine benchmark tasks show that TooBadRL significantly improves attack success rates, while ensuring minimal degradation of normal task performance. These results highlight the previously underappreciated importance of principled trigger optimization in DRL backdoor attacks. The source code of TooBadRL can be found at https://github.com/S3IC-Lab/TooBadRL.
△ Less
Submitted 12 June, 2025; v1 submitted 11 June, 2025;
originally announced June 2025.
-
The Security Overview and Analysis of 3GPP 5G MAC CE
Authors:
Jin Cao,
Yuanyuan Yang,
Ruhui Ma,
Sheng Li,
Hui Li
Abstract:
To more effectively control and allocate network resources, MAC CE has been introduced into the network protocol, which is a type of control signaling located in the MAC layer. Since MAC CE lacks encryption and integrity protection mechanisms provided by PDCP, the control signaling carried by MAC CE is vulnerable to interception or tampering by attackers during resource scheduling and allocation.…
▽ More
To more effectively control and allocate network resources, MAC CE has been introduced into the network protocol, which is a type of control signaling located in the MAC layer. Since MAC CE lacks encryption and integrity protection mechanisms provided by PDCP, the control signaling carried by MAC CE is vulnerable to interception or tampering by attackers during resource scheduling and allocation. Currently, the 3GPP has analyzed the security risks of Layer 1/Layer 2 Triggered Mobility (LTM), where handover signaling sent to the UE via MAC CE by the network can lead to privacy leaks and network attacks. However, in addition to LTM, there may be other potential security vulnerabilities in other protocol procedures. Therefore, this paper explores the security threats to MAC CE and the corresponding protection mechanisms. The research is expected to support the 3GPP's study of MAC CE and be integrated with the security research of lower-layer protocols, thereby enhancing the security and reliability of the entire communication system.
△ Less
Submitted 11 June, 2025; v1 submitted 11 June, 2025;
originally announced June 2025.
-
LLMs Cannot Reliably Judge (Yet?): A Comprehensive Assessment on the Robustness of LLM-as-a-Judge
Authors:
Songze Li,
Chuokun Xu,
Jiaying Wang,
Xueluan Gong,
Chen Chen,
Jirui Zhang,
Jun Wang,
Kwok-Yan Lam,
Shouling Ji
Abstract:
Large Language Models (LLMs) have demonstrated remarkable intelligence across various tasks, which has inspired the development and widespread adoption of LLM-as-a-Judge systems for automated model testing, such as red teaming and benchmarking. However, these systems are susceptible to adversarial attacks that can manipulate evaluation outcomes, raising concerns about their robustness and, consequ…
▽ More
Large Language Models (LLMs) have demonstrated remarkable intelligence across various tasks, which has inspired the development and widespread adoption of LLM-as-a-Judge systems for automated model testing, such as red teaming and benchmarking. However, these systems are susceptible to adversarial attacks that can manipulate evaluation outcomes, raising concerns about their robustness and, consequently, their trustworthiness. Existing evaluation methods adopted by LLM-based judges are often piecemeal and lack a unified framework for comprehensive assessment. Furthermore, prompt template and model selections for improving judge robustness have been rarely explored, and their performance in real-world settings remains largely unverified. To address these gaps, we introduce RobustJudge, a fully automated and scalable framework designed to systematically evaluate the robustness of LLM-as-a-Judge systems. RobustJudge investigates the impact of attack methods and defense strategies (RQ1), explores the influence of prompt template and model selection (RQ2), and assesses the robustness of real-world LLM-as-a-Judge applications (RQ3).Our main findings are: (1) LLM-as-a-Judge systems are still vulnerable to a range of adversarial attacks, including Combined Attack and PAIR, while defense mechanisms such as Re-tokenization and LLM-based Detectors offer improved protection; (2) Robustness is highly sensitive to the choice of prompt template and judge models. Our proposed prompt template optimization method can improve robustness, and JudgeLM-13B demonstrates strong performance as a robust open-source judge; (3) Applying RobustJudge to Alibaba's PAI platform reveals previously unreported vulnerabilities. The source code of RobustJudge is provided at https://github.com/S3IC-Lab/RobustJudge.
△ Less
Submitted 11 June, 2025;
originally announced June 2025.
-
Search for the charmonium weak decays $J/ψ\to D_{s}^{-}ρ^{+}+c.c.$ and $J/ψ\to D_{s}^{-}π^{+}+c.c.$
Authors:
BESIII Collaboration,
M. Ablikim,
M. N. Achasov,
P. Adlarson,
X. C. Ai,
R. Aliberti,
A. Amoroso,
Q. An,
Y. Bai,
O. Bakina,
Y. Ban,
H. -R. Bao,
V. Batozskaya,
K. Begzsuren,
N. Berger,
M. Berlowski,
M. Bertani,
D. Bettoni,
F. Bianchi,
E. Bianco,
A. Bortone,
I. Boyko,
R. A. Briere,
A. Brueggemann,
H. Cai
, et al. (705 additional authors not shown)
Abstract:
Based on $(10087\pm44)\times 10^6$ $J/ψ$ events recorded with the BESIII detector, we search for the rare charmonium weak decays $J/ψ\to D_{s}^{-}ρ^{+}+c.c.$ and $J/ψ\to D_{s}^{-}π^{+}+c.c.$ No signal is observed, and upper limits on the branching fractions at the $90\%$ confidence level are set as $\mathcal{B}(J/ψ\to D_{s}^{-}ρ^{+}+c.c.)<8.0\times10^{-7}$ and…
▽ More
Based on $(10087\pm44)\times 10^6$ $J/ψ$ events recorded with the BESIII detector, we search for the rare charmonium weak decays $J/ψ\to D_{s}^{-}ρ^{+}+c.c.$ and $J/ψ\to D_{s}^{-}π^{+}+c.c.$ No signal is observed, and upper limits on the branching fractions at the $90\%$ confidence level are set as $\mathcal{B}(J/ψ\to D_{s}^{-}ρ^{+}+c.c.)<8.0\times10^{-7}$ and $\mathcal{B}(J/ψ\to D_{s}^{-}π^{+}+c.c.)<4.1\times10^{-7}$. Our results provide the most stringent experimental constraints on these decays.
△ Less
Submitted 11 June, 2025;
originally announced June 2025.
-
RePO: Replay-Enhanced Policy Optimization
Authors:
Siheng Li,
Zhanhui Zhou,
Wai Lam,
Chao Yang,
Chaochao Lu
Abstract:
Reinforcement learning (RL) is vital for optimizing large language models (LLMs). Recent Group Relative Policy Optimization (GRPO) estimates advantages using multiple on-policy outputs per prompt, leading to high computational costs and low data efficiency. To address this, we introduce Replay-Enhanced Policy Optimization (RePO), which leverages diverse replay strategies to retrieve off-policy sam…
▽ More
Reinforcement learning (RL) is vital for optimizing large language models (LLMs). Recent Group Relative Policy Optimization (GRPO) estimates advantages using multiple on-policy outputs per prompt, leading to high computational costs and low data efficiency. To address this, we introduce Replay-Enhanced Policy Optimization (RePO), which leverages diverse replay strategies to retrieve off-policy samples from a replay buffer, allowing policy optimization based on a broader and more diverse set of samples for each prompt. Experiments on five LLMs across seven mathematical reasoning benchmarks demonstrate that RePO achieves absolute average performance gains of $18.4$ and $4.1$ points for Qwen2.5-Math-1.5B and Qwen3-1.7B, respectively, compared to GRPO. Further analysis indicates that RePO increases computational cost by $15\%$ while raising the number of effective optimization steps by $48\%$ for Qwen3-1.7B, with both on-policy and off-policy sample numbers set to $8$. The repository can be accessed at https://github.com/SihengLi99/RePO.
△ Less
Submitted 10 June, 2025;
originally announced June 2025.
-
Intelligent System of Emergent Knowledge: A Coordination Fabric for Billions of Minds
Authors:
Moshi Wei,
Sparks Li
Abstract:
The Intelligent System of Emergent Knowledge (ISEK) establishes a decentralized network where human and artificial intelligence agents collaborate as peers, forming a self-organizing cognitive ecosystem. Built on Web3 infrastructure, ISEK combines three fundamental principles: (1) a decentralized multi-agent architecture resistant to censorship, (2) symbiotic AI-human collaboration with equal part…
▽ More
The Intelligent System of Emergent Knowledge (ISEK) establishes a decentralized network where human and artificial intelligence agents collaborate as peers, forming a self-organizing cognitive ecosystem. Built on Web3 infrastructure, ISEK combines three fundamental principles: (1) a decentralized multi-agent architecture resistant to censorship, (2) symbiotic AI-human collaboration with equal participation rights, and (3) resilient self-adaptation through distributed consensus mechanisms.
The system implements an innovative coordination protocol featuring a six-phase workflow (Publish, Discover, Recruit, Execute, Settle, Feedback) for dynamic task allocation, supported by robust fault tolerance and a multidimensional reputation system. Economic incentives are governed by the native $ISEK token, facilitating micropayments, governance participation, and reputation tracking, while agent sovereignty is maintained through NFT-based identity management.
This synthesis of blockchain technology, artificial intelligence, and incentive engineering creates an infrastructure that actively facilitates emergent intelligence. ISEK represents a paradigm shift from conventional platforms, enabling the organic development of large-scale, decentralized cognitive systems where autonomous agents collectively evolve beyond centralized constraints.
△ Less
Submitted 10 June, 2025;
originally announced June 2025.
-
Identifying vortex lattice in type-II superconductors via the dynamic magnetostrictive effect
Authors:
Peipei Lu,
Mengju Yuan,
Jing Zhang,
Qiang Gao,
Shuang Liu,
Yugang Zhang,
Shipeng Shen,
Long Zhang,
Jun Lu,
Xiaoyuan Zhou,
Mingquan He,
Aifeng Wang,
Yang Li,
Wenshan Hong,
Shiliang Li,
Huiqian Luo,
Xingjiang Zhou,
Xianhui Chen,
Young Sun,
Yisheng Chai
Abstract:
In type-I superconductors, zero electrical resistivity and perfect diamagnetism define two fundamental criteria for superconducting behavior. In contrast, type-II superconductors exhibit more complex mixed-state physics, where magnetic flux penetrates the material above the lower critical field Hc1 in the form of quantized vortices, each carrying a single flux quantum. These vortices form a two-di…
▽ More
In type-I superconductors, zero electrical resistivity and perfect diamagnetism define two fundamental criteria for superconducting behavior. In contrast, type-II superconductors exhibit more complex mixed-state physics, where magnetic flux penetrates the material above the lower critical field Hc1 in the form of quantized vortices, each carrying a single flux quantum. These vortices form a two-dimensional lattice which persists up to another irreversible field (Hirr) and then melts into a dissipative liquid phase. The vortex lattice is fundamental to the magnetic and electrical properties of type-II superconductors, a third definitive criterion-beyond resistivity and magnetization-for identifying this phase has remained elusive. Here, we report the discovery of a dynamic magnetostrictive effect, wherein the geometry of the superconductor oscillates only under an applied alternating magnetic field due to the disturbance of the vortex lattice. This effect is detected by a thin piezoelectric transducer, which converts the excited geometric deformation into an in-phase ac voltage. Notably, we find a direct and nearly linear relationship between the signal amplitude and the vortex density in lattice across several representative type-II superconductors. In the vortex liquid phase above Hirr, the signal amplitude rapidly decays to zero near the upper critical field (Hc2), accompanied by a pronounced out-of-phase component due to enhanced dissipation. This dynamic magnetostrictive effect not only reveals an unexplored magnetoelastic property of the vortex lattice but also establishes a fundamental criterion for identifying the type-II superconductors.
△ Less
Submitted 10 June, 2025;
originally announced June 2025.
-
Atomic to mesoscale hierarchical structures and magnetic states in an anisotropic layered ferromagnet FePd2Te2
Authors:
Shuo Mi,
Manyu Wang,
Bingxian Shi,
Songyang Li,
Xiaoxiao Pei,
Yanyan Geng,
Shumin Meng,
Rui Xu,
Li Huang,
Wei Ji,
Fei Pang,
Peng Cheng,
Jianfeng Guo,
Zhihai Cheng
Abstract:
Two-dimensional (2D) magnetic materials have predominantly exhibited easy-axis or easy-plane anisotropy and display a high sensitivity to the underlying crystal structure and lattice symmetry. Recently, an in-plane anisotropic 2D ferromagnet of FePd2Te2 has been discovered with intriguing structure and quasi-one-dimensional spin system. Here, we report a real-space investigation of its twinning st…
▽ More
Two-dimensional (2D) magnetic materials have predominantly exhibited easy-axis or easy-plane anisotropy and display a high sensitivity to the underlying crystal structure and lattice symmetry. Recently, an in-plane anisotropic 2D ferromagnet of FePd2Te2 has been discovered with intriguing structure and quasi-one-dimensional spin system. Here, we report a real-space investigation of its twinning structure and magnetic states using atomic/magnetic force microscopy (AFM/MFM) combined with scanning tunneling microscopy (STM). The atomic to mesoscale hierarchical structures with the orthogonal and corrugated compressive /tensile(C/T) regions are directly observed due to the intrinsic twinning-domain characteristic. The structure-related intact ferromagnetic (FM), field-induced polarized-FM states and their transitions are comparatively discussed at the mesoscale with the corresponding macroscopic magnetic measurements. Temperature- and field-dependent evolution of magnetic phase are further investigated at the FM and PM states, and summarized to obtain a unique H-T phase diagram of FePd2Te2. Our work provides key results for understanding the complicated magnetic properties of FePd2Te2, and suggests new directions for manipulating magnetic states through the atomic and mesoscale structure engineering.
△ Less
Submitted 10 June, 2025;
originally announced June 2025.
-
Measurement of $ψ(2S)$ to $J/ψ$ cross-section ratio as function of multiplicity in $p$Pb collisions at$\sqrt{s_{NN}} = 8.16$ TeV
Authors:
LHCb collaboration,
R. Aaij,
A. S. W. Abdelmotteleb,
C. Abellan Beteta,
F. Abudinén,
T. Ackernley,
A. A. Adefisoye,
B. Adeva,
M. Adinolfi,
P. Adlarson,
C. Agapopoulou,
C. A. Aidala,
Z. Ajaltouni,
S. Akar,
K. Akiba,
P. Albicocco,
J. Albrecht,
F. Alessio,
Z. Aliouche,
P. Alvarez Cartelle,
R. Amalric,
S. Amato,
J. L. Amey,
Y. Amhis,
L. An
, et al. (1137 additional authors not shown)
Abstract:
The production ratio of $ψ(2S)$ to $J/ψ$ charmonium states is presented as a function of multiplicity in proton-lead collisions at a centre-of-mass energy of $\sqrt{s_{NN}}=8.16$ TeV, for both prompt and nonprompt sources. The total luminosity recorded by the LHCb experiment corresponds to 13.6 $pb^{-1}$ for $p$Pb collisions and 20.8 $pb^{-1}$ for Pb$p$ collisions, where the first particle indicat…
▽ More
The production ratio of $ψ(2S)$ to $J/ψ$ charmonium states is presented as a function of multiplicity in proton-lead collisions at a centre-of-mass energy of $\sqrt{s_{NN}}=8.16$ TeV, for both prompt and nonprompt sources. The total luminosity recorded by the LHCb experiment corresponds to 13.6 $pb^{-1}$ for $p$Pb collisions and 20.8 $pb^{-1}$ for Pb$p$ collisions, where the first particle indicates the forward direction of the detector. Measurements are performed in the dimuon final state at forward (backward) centre-of-mass rapidity $1.5<y^*<4.0$ ($-5.0<y^*<-2.5$) for $p$Pb (Pb$p$) collisions.A multiplicity dependence of the prompt production ratio is observed in $p$Pb collisions, whereas no dependence is found in nonprompt production, nor in either prompt or nonprompt production in Pb$p$ collisions. These results suggest that in the Pb-going direction additional suppression mechanisms beyond comover effects may be present, possibly related to the formation of quark-gluon plasma. This highlights a transition from small to large collision systems and provides important insight into the suppression of charmonia in proton-nucleus collisions.
△ Less
Submitted 12 June, 2025; v1 submitted 10 June, 2025;
originally announced June 2025.
-
Measurement of the $η$ transition form factor through $η' \rightarrow π^+π^-η$ decay
Authors:
BESIII Collaboration,
M. Ablikim,
M. N. Achasov,
P. Adlarson,
X. C. Ai,
R. Aliberti,
A. Amoroso,
Q. An,
Y. Bai,
O. Bakina,
Y. Ban,
H. -R. Bao,
V. Batozskaya,
K. Begzsuren,
N. Berger,
M. Berlowski,
M. Bertani,
D. Bettoni,
F. Bianchi,
E. Bianco,
A. Bortone,
I. Boyko,
R. A. Briere,
A. Brueggemann,
H. Cai
, et al. (680 additional authors not shown)
Abstract:
Based on a sample of $(1.0087\pm0.0044)\times10^{10}$ $J/ψ$ events collected at BESIII, the transition form factor of the $η$ meson is extracted by analyzing $J/ψ\toγη',~η'\toπ^+π^-η,~η\toγl^+l^-$ ($l$=$e$, $μ$) events. The measured slope of the transition form factor is $Λ^{-2}=1.645\pm0.093_{\rm stat.}\pm {0.024_{\rm sys.}}$ (GeV/$c^2$)$^{-2}$ for the di-electron channel and…
▽ More
Based on a sample of $(1.0087\pm0.0044)\times10^{10}$ $J/ψ$ events collected at BESIII, the transition form factor of the $η$ meson is extracted by analyzing $J/ψ\toγη',~η'\toπ^+π^-η,~η\toγl^+l^-$ ($l$=$e$, $μ$) events. The measured slope of the transition form factor is $Λ^{-2}=1.645\pm0.093_{\rm stat.}\pm {0.024_{\rm sys.}}$ (GeV/$c^2$)$^{-2}$ for the di-electron channel and $Λ^{-2}=1.645\pm0.343_{\rm stat.}\pm0.017_{\rm sys.}$ (GeV/$c^2$)$^{-2}$ for the di-muon channel. The branching fractions for $η\rightarrowγe^+e^-$ and $η\rightarrowγμ^+μ^-$ are measured to be $\mathcal{B}(η\toγe^+e^-)=(6.79\pm0.04_{\rm stat.}\pm0.36_{\rm sys.})\times 10^{-3}$ and $\mathcal{B}(η\toγμ^+μ^-)=(2.97\pm0.11_{\rm stat.}\pm0.07_{\rm sys.})\times 10^{-4}$. By combining with the results based on the $J/ψ\toγη,~η\toγe^+e^-$ events from the previous BESIII measurement, we determine $Λ^{-2}=1.707\pm0.076_{\rm stat.}\pm0.029_{\rm sys.}$ (GeV/$c^2$)$^{-2}$ and $\mathcal{B}(η\toγe^+e^-)=(6.93\pm0.28_{\rm tot.})\times 10^{-3}$. In addition, we search for the dark photon ($A'$) using the combined events. No significant signal is observed, and the upper limits on $\mathcal{B}(η\toγA',~A'\to e^+e^-)$ are set at 90\% confidence level for different $A'$ mass hypotheses.
△ Less
Submitted 10 June, 2025;
originally announced June 2025.
-
Detecting State Manipulation Vulnerabilities in Smart Contracts Using LLM and Static Analysis
Authors:
Hao Wu,
Haijun Wang,
Shangwang Li,
Yin Wu,
Ming Fan,
Yitao Zhao,
Ting Liu
Abstract:
An increasing number of DeFi protocols are gaining popularity, facilitating transactions among multiple anonymous users. State Manipulation is one of the notorious attacks in DeFi smart contracts, with price variable being the most commonly exploited state variable-attackers manipulate token prices to gain illicit profits. In this paper, we propose PriceSleuth, a novel method that leverages the La…
▽ More
An increasing number of DeFi protocols are gaining popularity, facilitating transactions among multiple anonymous users. State Manipulation is one of the notorious attacks in DeFi smart contracts, with price variable being the most commonly exploited state variable-attackers manipulate token prices to gain illicit profits. In this paper, we propose PriceSleuth, a novel method that leverages the Large Language Model (LLM) and static analysis to detect Price Manipulation (PM) attacks proactively. PriceSleuth firstly identifies core logic function related to price calculation in DeFi contracts. Then it guides LLM to locate the price calculation code statements. Secondly, PriceSleuth performs backward dependency analysis of price variables, instructing LLM in detecting potential price manipulation. Finally, PriceSleuth utilizes propagation analysis of price variables to assist LLM in detecting whether these variables are maliciously exploited. We presented preliminary experimental results to substantiate the effectiveness of PriceSleuth . And we outline future research directions for PriceSleuth.
△ Less
Submitted 10 June, 2025; v1 submitted 10 June, 2025;
originally announced June 2025.
-
MARMOT: Masked Autoencoder for Modeling Transient Imaging
Authors:
Siyuan Shen,
Ziheng Wang,
Xingyue Peng,
Suan Xia,
Ruiqian Li,
Shiying Li,
Jingyi Yu
Abstract:
Pretrained models have demonstrated impressive success in many modalities such as language and vision. Recent works facilitate the pretraining paradigm in imaging research. Transients are a novel modality, which are captured for an object as photon counts versus arrival times using a precisely time-resolved sensor. In particular for non-line-of-sight (NLOS) scenarios, transients of hidden objects…
▽ More
Pretrained models have demonstrated impressive success in many modalities such as language and vision. Recent works facilitate the pretraining paradigm in imaging research. Transients are a novel modality, which are captured for an object as photon counts versus arrival times using a precisely time-resolved sensor. In particular for non-line-of-sight (NLOS) scenarios, transients of hidden objects are measured beyond the sensor's direct line of sight. Using NLOS transients, the majority of previous works optimize volume density or surfaces to reconstruct the hidden objects and do not transfer priors learned from datasets. In this work, we present a masked autoencoder for modeling transient imaging, or MARMOT, to facilitate NLOS applications. Our MARMOT is a self-supervised model pretrianed on massive and diverse NLOS transient datasets. Using a Transformer-based encoder-decoder, MARMOT learns features from partially masked transients via a scanning pattern mask (SPM), where the unmasked subset is functionally equivalent to arbitrary sampling, and predicts full measurements. Pretrained on TransVerse-a synthesized transient dataset of 500K 3D models-MARMOT adapts to downstream imaging tasks using direct feature transfer or decoder finetuning. Comprehensive experiments are carried out in comparisons with state-of-the-art methods. Quantitative and qualitative results demonstrate the efficiency of our MARMOT.
△ Less
Submitted 10 June, 2025;
originally announced June 2025.
-
AlphaFold Database Debiasing for Robust Inverse Folding
Authors:
Cheng Tan,
Zhenxiao Cao,
Zhangyang Gao,
Siyuan Li,
Yufei Huang,
Stan Z. Li
Abstract:
The AlphaFold Protein Structure Database (AFDB) offers unparalleled structural coverage at near-experimental accuracy, positioning it as a valuable resource for data-driven protein design. However, its direct use in training deep models that are sensitive to fine-grained atomic geometry, such as inverse folding, exposes a critical limitation. Comparative analysis of structural feature distribution…
▽ More
The AlphaFold Protein Structure Database (AFDB) offers unparalleled structural coverage at near-experimental accuracy, positioning it as a valuable resource for data-driven protein design. However, its direct use in training deep models that are sensitive to fine-grained atomic geometry, such as inverse folding, exposes a critical limitation. Comparative analysis of structural feature distributions reveals that AFDB structures exhibit distinct statistical regularities, reflecting a systematic geometric bias that deviates from the conformational diversity found in experimentally determined structures from the Protein Data Bank (PDB). While AFDB structures are cleaner and more idealized, PDB structures capture the intrinsic variability and physical realism essential for generalization in downstream tasks. To address this discrepancy, we introduce a Debiasing Structure AutoEncoder (DeSAE) that learns to reconstruct native-like conformations from intentionally corrupted backbone geometries. By training the model to recover plausible structural states, DeSAE implicitly captures a more robust and natural structural manifold. At inference, applying DeSAE to AFDB structures produces debiased structures that significantly improve inverse folding performance across multiple benchmarks. This work highlights the critical impact of subtle systematic biases in predicted structures and presents a principled framework for debiasing, significantly boosting the performance of structure-based learning tasks like inverse folding.
△ Less
Submitted 9 June, 2025;
originally announced June 2025.
-
H$^2$GFM: Towards unifying Homogeneity and Heterogeneity on Text-Attributed Graphs
Authors:
Trung-Kien Nguyen,
Heng Ping,
Shixuan Li,
Peiyu Zhang,
Nikos Kanakaris,
Nicholas Kotov,
Paul Bogdan
Abstract:
The growing interests and applications of graph learning in diverse domains have propelled the development of a unified model generalizing well across different graphs and tasks, known as the Graph Foundation Model (GFM). Existing research has leveraged text-attributed graphs (TAGs) to tackle the heterogeneity in node features among graphs. However, they primarily focus on homogeneous TAGs (HoTAGs…
▽ More
The growing interests and applications of graph learning in diverse domains have propelled the development of a unified model generalizing well across different graphs and tasks, known as the Graph Foundation Model (GFM). Existing research has leveraged text-attributed graphs (TAGs) to tackle the heterogeneity in node features among graphs. However, they primarily focus on homogeneous TAGs (HoTAGs), leaving heterogeneous TAGs (HeTAGs), where multiple types of nodes/edges reside, underexplored. To enhance the capabilities and applications of GFM, we introduce H$^2$GFM, a novel framework designed to generalize across both HoTAGs and HeTAGs. Our model projects diverse meta-relations among graphs under a unified textual space, and employs a context encoding to capture spatial and higher-order semantic relationships. To achieve robust node representations, we propose a novel context-adaptive graph transformer (CGT), effectively capturing information from both context neighbors and their relationships. Furthermore, we employ a mixture of CGT experts to capture the heterogeneity in structural patterns among graph types. Comprehensive experiments on a wide range of HoTAGs and HeTAGs as well as learning scenarios demonstrate the effectiveness of our model.
△ Less
Submitted 14 June, 2025; v1 submitted 9 June, 2025;
originally announced June 2025.
-
Audio-Sync Video Generation with Multi-Stream Temporal Control
Authors:
Shuchen Weng,
Haojie Zheng,
Zheng Chang,
Si Li,
Boxin Shi,
Xinlong Wang
Abstract:
Audio is inherently temporal and closely synchronized with the visual world, making it a naturally aligned and expressive control signal for controllable video generation (e.g., movies). Beyond control, directly translating audio into video is essential for understanding and visualizing rich audio narratives (e.g., Podcasts or historical recordings). However, existing approaches fall short in gene…
▽ More
Audio is inherently temporal and closely synchronized with the visual world, making it a naturally aligned and expressive control signal for controllable video generation (e.g., movies). Beyond control, directly translating audio into video is essential for understanding and visualizing rich audio narratives (e.g., Podcasts or historical recordings). However, existing approaches fall short in generating high-quality videos with precise audio-visual synchronization, especially across diverse and complex audio types. In this work, we introduce MTV, a versatile framework for audio-sync video generation. MTV explicitly separates audios into speech, effects, and music tracks, enabling disentangled control over lip motion, event timing, and visual mood, respectively -- resulting in fine-grained and semantically aligned video generation. To support the framework, we additionally present DEMIX, a dataset comprising high-quality cinematic videos and demixed audio tracks. DEMIX is structured into five overlapped subsets, enabling scalable multi-stage training for diverse generation scenarios. Extensive experiments demonstrate that MTV achieves state-of-the-art performance across six standard metrics spanning video quality, text-video consistency, and audio-video alignment. Project page: https://hjzheng.net/projects/MTV/.
△ Less
Submitted 9 June, 2025;
originally announced June 2025.
-
Not so dark, not so dense: an alternative explanation for the lensing subhalo in SDSSJ0946+1006
Authors:
Qiuhan He,
Andrew Robertson,
James W. Nightingale,
Aristeidis Amvrosiadis,
Shaun Cole,
Carlos S. Frenk,
Samuel C. Lange,
Shubo Li,
Ran Li,
Xiaoyue Cao,
Leo W. H. Fung,
Xianghao Ma,
Richard Massey,
Kaihao Wang,
Maximilian von Wietersheim-Kramsta
Abstract:
Previous studies of the strong lens system SDSSJ0946+1006 have reported a dark matter subhalo with an unusually high central density, potentially challenging the standard cold dark matter (CDM) paradigm. However, these analyses assumed the subhalo to be completely dark, neglecting the possibility that it may host a faint galaxy. In this work, we revisit the lensing analysis of SDSSJ0946+1006, expl…
▽ More
Previous studies of the strong lens system SDSSJ0946+1006 have reported a dark matter subhalo with an unusually high central density, potentially challenging the standard cold dark matter (CDM) paradigm. However, these analyses assumed the subhalo to be completely dark, neglecting the possibility that it may host a faint galaxy. In this work, we revisit the lensing analysis of SDSSJ0946+1006, explicitly modelling the subhalo as a luminous satellite. Incorporating light from the perturber broadens the range of allowed subhalo properties, revealing solutions with significantly lower central densities that are consistent with CDM expectations. The inferred luminosity of the satellite also aligns with predictions from hydrodynamical simulations. While high-concentration subhaloes remain allowed, they are no longer statistically preferred. The luminous subhalo model yields a better fit to the data, while also offering a more plausible explanation that is in line with theoretical expectations. We validate our methodology using mock data, demonstrating that neglecting subhalo light can lead to inferred mass distributions that are artificially compact.
△ Less
Submitted 9 June, 2025;
originally announced June 2025.
-
SpaCE-10: A Comprehensive Benchmark for Multimodal Large Language Models in Compositional Spatial Intelligence
Authors:
Ziyang Gong,
Wenhao Li,
Oliver Ma,
Songyuan Li,
Jiayi Ji,
Xue Yang,
Gen Luo,
Junchi Yan,
Rongrong Ji
Abstract:
Multimodal Large Language Models (MLLMs) have achieved remarkable progress in various multimodal tasks. To pursue higher intelligence in space, MLLMs require integrating multiple atomic spatial capabilities to handle complex and dynamic tasks. However, existing benchmarks struggle to comprehensively evaluate the spatial intelligence of common MLLMs from the atomic level to the compositional level.…
▽ More
Multimodal Large Language Models (MLLMs) have achieved remarkable progress in various multimodal tasks. To pursue higher intelligence in space, MLLMs require integrating multiple atomic spatial capabilities to handle complex and dynamic tasks. However, existing benchmarks struggle to comprehensively evaluate the spatial intelligence of common MLLMs from the atomic level to the compositional level. To fill this gap, we present SpaCE-10, a comprehensive benchmark for compositional spatial evaluations. In SpaCE-10, we define 10 atomic spatial capabilities, which are combined to form 8 compositional capabilities. Based on these definitions, we propose a novel hierarchical annotation pipeline to generate high-quality and diverse question-answer (QA) pairs. With over 150+ hours of human expert effort, we obtain over 5k QA pairs for 811 real indoor scenes in SpaCE-10, which covers various evaluation settings like point cloud input and multi-choice QA. We conduct an extensive evaluation of common MLLMs on SpaCE-10 and find that even the most advanced MLLM still lags behind humans by large margins. Through our careful study, we also draw several significant findings that benefit the MLLM community. For example, we reveal that the shortcoming of counting capability greatly limits the compositional spatial capabilities of existing MLLMs. The evaluation code and benchmark datasets are available at https://github.com/Cuzyoung/SpaCE-10.
△ Less
Submitted 9 June, 2025;
originally announced June 2025.