Skip to main content

Showing 1–50 of 2,719 results for author: Xu, Y

  1. arXiv:2407.13675  [pdf, other

    cs.CV

    MeshSegmenter: Zero-Shot Mesh Semantic Segmentation via Texture Synthesis

    Authors: Ziming Zhong, Yanxu Xu, Jing Li, Jiale Xu, Zhengxin Li, Chaohui Yu, Shenghua Gao

    Abstract: We present MeshSegmenter, a simple yet effective framework designed for zero-shot 3D semantic segmentation. This model successfully extends the powerful capabilities of 2D segmentation models to 3D meshes, delivering accurate 3D segmentation across diverse meshes and segment descriptions. Specifically, our model leverages the Segment Anything Model (SAM) model to segment the target regions from im… ▽ More

    Submitted 18 July, 2024; originally announced July 2024.

    Comments: The paper was accepted by ECCV2024

  2. arXiv:2407.12869  [pdf, ps, other

    cs.CL cs.AI

    Bilingual Adaptation of Monolingual Foundation Models

    Authors: Gurpreet Gosal, Yishi Xu, Gokul Ramakrishnan, Rituraj Joshi, Avraham Sheinin, Zhiming, Chen, Biswajit Mishra, Natalia Vassilieva, Joel Hestness, Neha Sengupta, Sunil Kumar Sahu, Bokang Jia, Satheesh Katipomu, Onkar Pandit, Samta Kamboj, Rahul Pal, Parvez Mullah, Soundar Doraiswamy, Mohamed El Karim Chami

    Abstract: We present an efficient method for adapting a monolingual Large Language Model (LLM) to another language, addressing challenges of catastrophic forgetting and tokenizer limitations. We focus this study on adapting Llama 2 to Arabic. Our two-stage approach begins with expanding the vocabulary and training only the embeddings matrix, followed by full model continual pretraining on a bilingual corpus… ▽ More

    Submitted 13 July, 2024; originally announced July 2024.

  3. arXiv:2407.12532  [pdf, other

    cs.CL cs.AI

    Towards Collaborative Intelligence: Propagating Intentions and Reasoning for Multi-Agent Coordination with Large Language Models

    Authors: Xihe Qiu, Haoyu Wang, Xiaoyu Tan, Chao Qu, Yujie Xiong, Yuan Cheng, Yinghui Xu, Wei Chu, Yuan Qi

    Abstract: Effective collaboration in multi-agent systems requires communicating goals and intentions between agents. Current agent frameworks often suffer from dependencies on single-agent execution and lack robust inter-module communication, frequently leading to suboptimal multi-agent reinforcement learning (MARL) policies and inadequate task coordination. To address these challenges, we present a framewo… ▽ More

    Submitted 17 July, 2024; originally announced July 2024.

  4. arXiv:2407.12522  [pdf, other

    cs.CL cs.AI

    Struct-X: Enhancing Large Language Models Reasoning with Structured Data

    Authors: Xiaoyu Tan, Haoyu Wang, Xihe Qiu, Yuan Cheng, Yinghui Xu, Wei Chu, Yuan Qi

    Abstract: Structured data, rich in logical and relational information, has the potential to enhance the reasoning abilities of large language models (LLMs). Still, its integration poses a challenge due to the risk of overwhelming LLMs with excessive tokens and irrelevant context information. To address this, we propose Struct-X, a novel framework that operates through five key phases: ``read-model-fill-refl… ▽ More

    Submitted 17 July, 2024; originally announced July 2024.

  5. arXiv:2407.12470  [pdf, other

    cs.CL

    Continual Learning for Temporal-Sensitive Question Answering

    Authors: Wanqi Yang, Yunqiu Xu, Yanda Li, Kunze Wang, Binbin Huang, Ling Chen

    Abstract: In this study, we explore an emerging research area of Continual Learning for Temporal Sensitive Question Answering (CLTSQA). Previous research has primarily focused on Temporal Sensitive Question Answering (TSQA), often overlooking the unpredictable nature of future events. In real-world applications, it's crucial for models to continually acquire knowledge over time, rather than relying on a sta… ▽ More

    Submitted 17 July, 2024; originally announced July 2024.

    Comments: Accepted by IJCNN 2024

  6. arXiv:2407.12031  [pdf

    cs.CY cs.AI

    Evaluation of Bias Towards Medical Professionals in Large Language Models

    Authors: Xi Chen, Yang Xu, MingKe You, Li Wang, WeiZhi Liu, Jian Li

    Abstract: This study evaluates whether large language models (LLMs) exhibit biases towards medical professionals. Fictitious candidate resumes were created to control for identity factors while maintaining consistent qualifications. Three LLMs (GPT-4, Claude-3-haiku, and Mistral-Large) were tested using a standardized prompt to evaluate resumes for specific residency programs. Explicit bias was tested by ch… ▽ More

    Submitted 30 June, 2024; originally announced July 2024.

    Comments: 36 pages, 6 figures

  7. arXiv:2407.11651  [pdf, other

    cs.IT eess.SP

    Fluid Antenna Grouping Index Modulation Design for MIMO Systems

    Authors: Xinghao Guo, Yin Xu, Dazhi He, Cixiao Zhang, Wenjun Zhang, Yi-yan Wu

    Abstract: Index modulation (IM) significantly enhances the spectral efficiency of fluid antennas (FAs) enabled multiple-input multiple-output (MIMO) systems, which is named FA-IM. However, due to the dense distribution of ports on fluid antennas, the wireless channel exhibits a high spatial correlation, resulting in severe performance degradation in the existing FA-IM scheme. This paper proposes a novel flu… ▽ More

    Submitted 16 July, 2024; originally announced July 2024.

    Comments: A longer and more detailed version will be submitted to an IEEE journal

  8. arXiv:2407.11414  [pdf, other

    cs.CV

    SDPT: Synchronous Dual Prompt Tuning for Fusion-based Visual-Language Pre-trained Models

    Authors: Yang Zhou, Yongjian Wu, Jiya Saiyin, Bingzheng Wei, Maode Lai, Eric Chang, Yan Xu

    Abstract: Prompt tuning methods have achieved remarkable success in parameter-efficient fine-tuning on large pre-trained models. However, their application to dual-modal fusion-based visual-language pre-trained models (VLPMs), such as GLIP, has encountered issues. Existing prompt tuning methods have not effectively addressed the modal mapping and aligning problem for tokens in different modalities, leading… ▽ More

    Submitted 16 July, 2024; originally announced July 2024.

    Comments: Accepted by ECCV 2024

  9. arXiv:2407.11087  [pdf, other

    eess.IV cs.CV

    Restore-RWKV: Efficient and Effective Medical Image Restoration with RWKV

    Authors: Zhiwen Yang, Hui Zhang, Dan Zhao, Bingzheng Wei, Yan Xu

    Abstract: Transformers have revolutionized medical image restoration, but the quadratic complexity still poses limitations for their application to high-resolution medical images. The recent advent of RWKV in the NLP field has attracted much attention as it can process long sequences efficiently. To leverage its advanced design, we propose Restore-RWKV, the first RWKV-based model for medical image restorati… ▽ More

    Submitted 14 July, 2024; originally announced July 2024.

    Comments: This paper introduces the first RWKV-based model for image restoration

  10. arXiv:2407.10836  [pdf, other

    cs.LG math.NA

    Data-Guided Physics-Informed Neural Networks for Solving Inverse Problems in Partial Differential Equations

    Authors: Wei Zhou, Y. F. Xu

    Abstract: Physics-informed neural networks (PINNs) represent a significant advancement in scientific machine learning by integrating fundamental physical laws into their architecture through loss functions. PINNs have been successfully applied to solve various forward and inverse problems in partial differential equations (PDEs). However, a notable challenge can emerge during the early training stages when… ▽ More

    Submitted 15 July, 2024; originally announced July 2024.

  11. arXiv:2407.10510  [pdf, other

    cs.CL cs.AI cs.CE

    TCM-FTP: Fine-Tuning Large Language Models for Herbal Prescription Prediction

    Authors: Xingzhi Zhou, Xin Dong, Chunhao Li, Yuning Bai, Yulong Xu, Ka Chun Cheung, Simon See, Xinpeng Song, Runshun Zhang, Xuezhong Zhou, Nevin L. Zhang

    Abstract: Traditional Chinese medicine (TCM) relies on specific combinations of herbs in prescriptions to treat symptoms and signs, a practice that spans thousands of years. Predicting TCM prescriptions presents a fascinating technical challenge with practical implications. However, this task faces limitations due to the scarcity of high-quality clinical datasets and the intricate relationship between sympt… ▽ More

    Submitted 15 July, 2024; originally announced July 2024.

  12. arXiv:2407.10151  [pdf, other

    cs.CV

    Lost and Found: Overcoming Detector Failures in Online Multi-Object Tracking

    Authors: Lorenzo Vaquero, Yihong Xu, Xavier Alameda-Pineda, Victor M. Brea, Manuel Mucientes

    Abstract: Multi-object tracking (MOT) endeavors to precisely estimate the positions and identities of multiple objects over time. The prevailing approach, tracking-by-detection (TbD), first detects objects and then links detections, resulting in a simple yet effective method. However, contemporary detectors may occasionally miss some objects in certain frames, causing trackers to cease tracking prematurely.… ▽ More

    Submitted 16 July, 2024; v1 submitted 14 July, 2024; originally announced July 2024.

    Comments: Accepted at ECCV 2024. Code available at https://github.com/lorenzovaquero/BUSCA

  13. arXiv:2407.10074  [pdf, ps, other

    cs.IT

    Optimal linear codes with few weights from simplicial complexes

    Authors: Bing Chen, Yunge Xu, Zhao Hu, Nian Li, Xiangyong Zeng

    Abstract: Recently, constructions of optimal linear codes from simplicial complexes have attracted much attention and some related nice works were presented. Let $q$ be a prime power. In this paper, by using the simplicial complexes of ${\mathbb F}_{q}^m$ with one single maximal element, we construct four families of linear codes over the ring ${\mathbb F}_{q}+u{\mathbb F}_{q}$ ($u^2=0$), which generalizes… ▽ More

    Submitted 14 July, 2024; originally announced July 2024.

    Comments: 18 pages

  14. arXiv:2407.09806  [pdf, other

    cs.CV

    Asynchronous Feedback Network for Perceptual Point Cloud Quality Assessment

    Authors: Yujie Zhang, Qi Yang, Ziyu Shan, Yiling Xu

    Abstract: Recent years have witnessed the success of the deep learning-based technique in research of no-reference point cloud quality assessment (NR-PCQA). For a more accurate quality prediction, many previous studies have attempted to capture global and local feature in a bottom-up manner, but ignored the interaction and promotion between them. To solve this problem, we propose a novel asynchronous feedba… ▽ More

    Submitted 13 July, 2024; originally announced July 2024.

  15. arXiv:2407.09786  [pdf, other

    cs.CV

    Self-supervised 3D Point Cloud Completion via Multi-view Adversarial Learning

    Authors: Lintai Wu, Xianjing Cheng, Junhui Hou, Yong Xu, Huanqiang Zeng

    Abstract: In real-world scenarios, scanned point clouds are often incomplete due to occlusion issues. The task of self-supervised point cloud completion involves reconstructing missing regions of these incomplete objects without the supervision of complete ground truth. Current self-supervised methods either rely on multiple views of partial observations for supervision or overlook the intrinsic geometric s… ▽ More

    Submitted 13 July, 2024; originally announced July 2024.

    Comments: 12 pages,8 figures

  16. arXiv:2407.09697  [pdf, other

    cs.CV

    Uplifting Range-View-based 3D Semantic Segmentation in Real-Time with Multi-Sensor Fusion

    Authors: Shiqi Tan, Hamidreza Fazlali, Yixuan Xu, Yuan Ren, Bingbing Liu

    Abstract: Range-View(RV)-based 3D point cloud segmentation is widely adopted due to its compact data form. However, RV-based methods fall short in providing robust segmentation for the occluded points and suffer from distortion of projected RGB images due to the sparse nature of 3D point clouds. To alleviate these problems, we propose a new LiDAR and Camera Range-view-based 3D point cloud semantic segmentat… ▽ More

    Submitted 12 July, 2024; originally announced July 2024.

  17. arXiv:2407.09651  [pdf, other

    cs.DS cs.CC

    Fine-Grained Optimality of Partially Dynamic Shortest Paths and More

    Authors: Barna Saha, Virginia Vassilevska Williams, Yinzhan Xu, Christopher Ye

    Abstract: Single Source Shortest Paths ($\textrm{SSSP}$) is among the most well-studied problems in computer science. In the incremental (resp. decremental) setting, the goal is to maintain distances from a fixed source in a graph undergoing edge insertions (resp. deletions). A long line of research culminated in a near-optimal deterministic $(1 + \varepsilon)$-approximate data structure with… ▽ More

    Submitted 12 July, 2024; originally announced July 2024.

    Comments: 54 pages, 4 figures, abstract shortened to meet arXiv requirements

    ACM Class: F.2.2; F.1.3

  18. arXiv:2407.09274  [pdf, other

    cs.LG cs.AI q-bio.BM

    Unifying Sequences, Structures, and Descriptions for Any-to-Any Protein Generation with the Large Multimodal Model HelixProtX

    Authors: Zhiyuan Chen, Tianhao Chen, Chenggang Xie, Yang Xue, Xiaonan Zhang, Jingbo Zhou, Xiaomin Fang

    Abstract: Proteins are fundamental components of biological systems and can be represented through various modalities, including sequences, structures, and textual descriptions. Despite the advances in deep learning and scientific large language models (LLMs) for protein research, current methodologies predominantly focus on limited specialized tasks -- often predicting one protein modality from another. Th… ▽ More

    Submitted 12 July, 2024; originally announced July 2024.

  19. arXiv:2407.09268  [pdf, other

    eess.IV cs.CV

    Region Attention Transformer for Medical Image Restoration

    Authors: Zhiwen Yang, Haowei Chen, Ziniu Qian, Yang Zhou, Hui Zhang, Dan Zhao, Bingzheng Wei, Yan Xu

    Abstract: Transformer-based methods have demonstrated impressive results in medical image restoration, attributed to the multi-head self-attention (MSA) mechanism in the spatial dimension. However, the majority of existing Transformers conduct attention within fixed and coarsely partitioned regions (\text{e.g.} the entire image or fixed patches), resulting in interference from irrelevant regions and fragmen… ▽ More

    Submitted 12 July, 2024; originally announced July 2024.

    Comments: This paper has been accepted by MICCAI 2024

  20. arXiv:2407.09095  [pdf, other

    cs.CR

    TAPFixer: Automatic Detection and Repair of Home Automation Vulnerabilities based on Negated-property Reasoning

    Authors: Yinbo Yu, Yuanqi Xu, Kepu Huang, Jiajia Liu

    Abstract: Trigger-Action Programming (TAP) is a popular end-user programming framework in the home automation (HA) system, which eases users to customize home automation and control devices as expected. However, its simplified syntax also introduces new safety threats to HA systems through vulnerable rule interactions. Accurately fixing these vulnerabilities by logically and physically eliminating their roo… ▽ More

    Submitted 12 July, 2024; originally announced July 2024.

    Journal ref: USENIX Security 2024

  21. arXiv:2407.08290  [pdf, other

    cs.CV

    Gap Completion in Point Cloud Scene occluded by Vehicles using SGC-Net

    Authors: Yu Feng, Yiming Xu, Yan Xia, Claus Brenner, Monika Sester

    Abstract: Recent advances in mobile mapping systems have greatly enhanced the efficiency and convenience of acquiring urban 3D data. These systems utilize LiDAR sensors mounted on vehicles to capture vast cityscapes. However, a significant challenge arises due to occlusions caused by roadside parked vehicles, leading to the loss of scene information, particularly on the roads, sidewalks, curbs, and the lowe… ▽ More

    Submitted 11 July, 2024; originally announced July 2024.

  22. arXiv:2407.08165  [pdf, other

    eess.IV cs.CV

    Explicit-NeRF-QA: A Quality Assessment Database for Explicit NeRF Model Compression

    Authors: Yuke Xing, Qi Yang, Kaifa Yang, Yilin Xu, Zhu Li

    Abstract: In recent years, Neural Radiance Fields (NeRF) have demonstrated significant advantages in representing and synthesizing 3D scenes. Explicit NeRF models facilitate the practical NeRF applications with faster rendering speed, and also attract considerable attention in NeRF compression due to its huge storage cost. To address the challenge of the NeRF compression study, in this paper, we construct a… ▽ More

    Submitted 18 July, 2024; v1 submitted 11 July, 2024; originally announced July 2024.

    Comments: 5 pages, 4 figures, 2 tables, conference

  23. arXiv:2407.08034  [pdf, other

    cs.AI

    Spatial-Temporal Generative AI for Traffic Flow Estimation with Sparse Data of Connected Vehicles

    Authors: Jianzhe Xue, Yunting Xu, Dongcheng Yuan, Caoyi Zha, Hongyang Du, Haibo Zhou, Dusit Niyato

    Abstract: Traffic flow estimation (TFE) is crucial for intelligent transportation systems. Traditional TFE methods rely on extensive road sensor networks and typically incur significant costs. Sparse mobile crowdsensing enables a cost-effective alternative by utilizing sparsely distributed probe vehicle data (PVD) provided by connected vehicles. However, as pointed out by the central limit theorem, the spar… ▽ More

    Submitted 10 July, 2024; originally announced July 2024.

  24. arXiv:2407.07702  [pdf, other

    cs.IT eess.SP

    Leveraging Self-Supervised Learning for MIMO-OFDM Channel Representation and Generation

    Authors: Zongxi Liu, Jiacheng Chen, Yunting Xu, Ting Ma, Jingbo Liu, Haibo Zhou, Dusit Niyato

    Abstract: In communications theory, the capacity of multiple input multiple output-orthogonal frequency division multiplexing (MIMO-OFDM) systems is fundamentally determined by wireless channels, which exhibit both diversity and correlation in spatial, frequency and temporal domains. It is further envisioned to exploit the inherent nature of channels, namely representation, to achieve geolocation-based MIMO… ▽ More

    Submitted 23 May, 2024; originally announced July 2024.

  25. arXiv:2407.05796  [pdf, other

    eess.IV cs.CV

    Poisson Ordinal Network for Gleason Group Estimation Using Bi-Parametric MRI

    Authors: Yinsong Xu, Yipei Wang, Ziyi Shen, Iani J. M. B. Gayo, Natasha Thorley, Shonit Punwani, Aidong Men, Dean Barratt, Qingchao Chen, Yipeng Hu

    Abstract: The Gleason groups serve as the primary histological grading system for prostate cancer, providing crucial insights into the cancer's potential for growth and metastasis. In clinical practice, pathologists determine the Gleason groups based on specimens obtained from ultrasound-guided biopsies. In this study, we investigate the feasibility of directly estimating the Gleason groups from MRI scans t… ▽ More

    Submitted 8 July, 2024; originally announced July 2024.

    Comments: MICCAI 2024

  26. arXiv:2407.05688  [pdf

    cs.CV cs.AI

    Learning with Alignments: Tackling the Inter- and Intra-domain Shifts for Cross-multidomain Facial Expression Recognition

    Authors: Yuxiang Yang, Lu Wen, Xinyi Zeng, Yuanyuan Xu, Xi Wu, Jiliu Zhou, Yan Wang

    Abstract: Facial Expression Recognition (FER) holds significant importance in human-computer interactions. Existing cross-domain FER methods often transfer knowledge solely from a single labeled source domain to an unlabeled target domain, neglecting the comprehensive information across multiple sources. Nevertheless, cross-multidomain FER (CMFER) is very challenging for (i) the inherent inter-domain shifts… ▽ More

    Submitted 8 July, 2024; originally announced July 2024.

  27. arXiv:2407.05347  [pdf, other

    cs.NI

    A Queueing Theoretic Perspective on Low-Latency LLM Inference with Variable Token Length

    Authors: Yuqing Yang, Yuedong Xu, Lei Jiao

    Abstract: Large language models (LLMs) propel the prosperity of interactive AI applications showcased by ChatGPT that demand timely response of inference services. However, LLM inference is computation intensive and memory intensive, and improper parameter configuration at LLM platforms may exacerbate the inference time. In this paper, we analyze the impact of LLM output token distribution on the inference… ▽ More

    Submitted 7 July, 2024; originally announced July 2024.

    Comments: 8 pages

  28. arXiv:2407.05254  [pdf, other

    cs.CV

    GaussReg: Fast 3D Registration with Gaussian Splatting

    Authors: Jiahao Chang, Yinglin Xu, Yihao Li, Yuantao Chen, Xiaoguang Han

    Abstract: Point cloud registration is a fundamental problem for large-scale 3D scene scanning and reconstruction. With the help of deep learning, registration methods have evolved significantly, reaching a nearly-mature stage. As the introduction of Neural Radiance Fields (NeRF), it has become the most popular 3D scene representation as its powerful view synthesis capabilities. Regarding NeRF representation… ▽ More

    Submitted 7 July, 2024; originally announced July 2024.

    Comments: ECCV 2024

  29. arXiv:2407.03885  [pdf, other

    cs.CV eess.IV

    Perception-Guided Quality Metric of 3D Point Clouds Using Hybrid Strategy

    Authors: Yujie Zhang, Qi Yang, Yiling Xu, Shan Liu

    Abstract: Full-reference point cloud quality assessment (FR-PCQA) aims to infer the quality of distorted point clouds with available references. Most of the existing FR-PCQA metrics ignore the fact that the human visual system (HVS) dynamically tackles visual information according to different distortion levels (i.e., distortion detection for high-quality samples and appearance perception for low-quality sa… ▽ More

    Submitted 4 July, 2024; originally announced July 2024.

  30. arXiv:2407.03598  [pdf, other

    cs.CV

    ASteISR: Adapting Single Image Super-resolution Pre-trained Model for Efficient Stereo Image Super-resolution

    Authors: Yuanbo Zhou, Yuyang Xue, Wei Deng, Xinlin Zhang, Qinquan Gao, Tong Tong

    Abstract: Despite advances in the paradigm of pre-training then fine-tuning in low-level vision tasks, significant challenges persist particularly regarding the increased size of pre-trained models such as memory usage and training time. Another concern often encountered is the unsatisfying results yielded when directly applying pre-trained single-image models to multi-image domain. In this paper, we propos… ▽ More

    Submitted 3 July, 2024; originally announced July 2024.

  31. arXiv:2407.03595  [pdf, other

    econ.GN cs.LG

    Machine Learning for Economic Forecasting: An Application to China's GDP Growth

    Authors: Yanqing Yang, Xingcheng Xu, Jinfeng Ge, Yan Xu

    Abstract: This paper aims to explore the application of machine learning in forecasting Chinese macroeconomic variables. Specifically, it employs various machine learning models to predict the quarterly real GDP growth of China, and analyzes the factors contributing to the performance differences among these models. Our findings indicate that the average forecast errors of machine learning models are genera… ▽ More

    Submitted 3 July, 2024; originally announced July 2024.

  32. arXiv:2407.03300  [pdf, other

    cs.LG cs.AI cs.CV

    DisCo-Diff: Enhancing Continuous Diffusion Models with Discrete Latents

    Authors: Yilun Xu, Gabriele Corso, Tommi Jaakkola, Arash Vahdat, Karsten Kreis

    Abstract: Diffusion models (DMs) have revolutionized generative learning. They utilize a diffusion process to encode data into a simple Gaussian distribution. However, encoding a complex, potentially multimodal data distribution into a single continuous Gaussian distribution arguably represents an unnecessarily challenging learning problem. We propose Discrete-Continuous Latent Variable Diffusion Models (Di… ▽ More

    Submitted 3 July, 2024; originally announced July 2024.

    Comments: project page: https://research.nvidia.com/labs/lpr/disco-diff

  33. arXiv:2407.02762  [pdf, other

    cs.LG cs.AI

    SF-GNN: Self Filter for Message Lossless Propagation in Deep Graph Neural Network

    Authors: Yushan Zhu, Wen Zhang, Yajing Xu, Zhen Yao, Mingyang Chen, Huajun Chen

    Abstract: Graph Neural Network (GNN), with the main idea of encoding graph structure information of graphs by propagation and aggregation, has developed rapidly. It achieved excellent performance in representation learning of multiple types of graphs such as homogeneous graphs, heterogeneous graphs, and more complex graphs like knowledge graphs. However, merely stacking GNN layers may not improve the model'… ▽ More

    Submitted 2 July, 2024; originally announced July 2024.

  34. arXiv:2407.02272  [pdf, other

    cs.CV cs.GR

    Aligning Human Motion Generation with Human Perceptions

    Authors: Haoru Wang, Wentao Zhu, Luyi Miao, Yishu Xu, Feng Gao, Qi Tian, Yizhou Wang

    Abstract: Human motion generation is a critical task with a wide range of applications. Achieving high realism in generated motions requires naturalness, smoothness, and plausibility. Despite rapid advancements in the field, current generation methods often fall short of these goals. Furthermore, existing evaluation metrics typically rely on ground-truth-based errors, simple heuristics, or distribution dist… ▽ More

    Submitted 2 July, 2024; originally announced July 2024.

    Comments: Project page: https://motioncritic.github.io/

  35. arXiv:2407.02043  [pdf, other

    cs.CL

    Concise and Precise Context Compression for Tool-Using Language Models

    Authors: Yang Xu, Yunlong Feng, Honglin Mu, Yutai Hou, Yitong Li, Xinghao Wang, Wanjun Zhong, Zhongyang Li, Dandan Tu, Qingfu Zhu, Min Zhang, Wanxiang Che

    Abstract: Through reading the documentation in the context, tool-using language models can dynamically extend their capability using external tools. The cost is that we have to input lengthy documentation every time the model needs to use the tool, occupying the input window as well as slowing down the decoding process. Given the progress in general-purpose compression, soft context compression is a suita… ▽ More

    Submitted 2 July, 2024; originally announced July 2024.

  36. arXiv:2407.01649  [pdf, other

    q-bio.QM cs.LG

    FAFE: Immune Complex Modeling with Geodesic Distance Loss on Noisy Group Frames

    Authors: Ruidong Wu, Ruihan Guo, Rui Wang, Shitong Luo, Yue Xu, Jiahan Li, Jianzhu Ma, Qiang Liu, Yunan Luo, Jian Peng

    Abstract: Despite the striking success of general protein folding models such as AlphaFold2(AF2, Jumper et al. (2021)), the accurate computational modeling of antibody-antigen complexes remains a challenging task. In this paper, we first analyze AF2's primary loss function, known as the Frame Aligned Point Error (FAPE), and raise a previously overlooked issue that FAPE tends to face gradient vanishing probl… ▽ More

    Submitted 1 July, 2024; originally announced July 2024.

  37. arXiv:2407.01608  [pdf, other

    cs.LG cs.AI cs.DB cs.HC cs.SE

    Deriva-ML: A Continuous FAIRness Approach to Reproducible Machine Learning Models

    Authors: Zhiwei Li, Carl Kesselman, Mike D'Arch, Michael Pazzani, Benjamin Yizing Xu

    Abstract: Increasingly, artificial intelligence (AI) and machine learning (ML) are used in eScience applications [9]. While these approaches have great potential, the literature has shown that ML-based approaches frequently suffer from results that are either incorrect or unreproducible due to mismanagement or misuse of data used for training and validating the models [12, 15]. Recognition of the necessity… ▽ More

    Submitted 27 June, 2024; originally announced July 2024.

  38. arXiv:2407.01303  [pdf, other

    cs.RO

    RoDyn-SLAM: Robust Dynamic Dense RGB-D SLAM with Neural Radiance Fields

    Authors: Haochen Jiang, Yueming Xu, Kejie Li, Jianfeng Feng, Li Zhang

    Abstract: Leveraging neural implicit representation to conduct dense RGB-D SLAM has been studied in recent years. However, this approach relies on a static environment assumption and does not work robustly within a dynamic environment due to the inconsistent observation of geometry and photometry. To address the challenges presented in dynamic environments, we propose a novel dynamic SLAM framework with neu… ▽ More

    Submitted 1 July, 2024; originally announced July 2024.

    Comments: IEEE RAL 2024

  39. arXiv:2407.01284  [pdf, other

    cs.AI cs.CL cs.CV cs.LG cs.SC

    We-Math: Does Your Large Multimodal Model Achieve Human-like Mathematical Reasoning?

    Authors: Runqi Qiao, Qiuna Tan, Guanting Dong, Minhui Wu, Chong Sun, Xiaoshuai Song, Zhuoma GongQue, Shanglin Lei, Zhe Wei, Miaoxuan Zhang, Runfeng Qiao, Yifan Zhang, Xiao Zong, Yida Xu, Muxi Diao, Zhimin Bao, Chen Li, Honggang Zhang

    Abstract: Visual mathematical reasoning, as a fundamental visual reasoning ability, has received widespread attention from the Large Multimodal Models (LMMs) community. Existing benchmarks, such as MathVista and MathVerse, focus more on the result-oriented performance but neglect the underlying principles in knowledge acquisition and generalization. Inspired by human-like mathematical reasoning, we introduc… ▽ More

    Submitted 1 July, 2024; originally announced July 2024.

    Comments: Work in progress

  40. Face4RAG: Factual Consistency Evaluation for Retrieval Augmented Generation in Chinese

    Authors: Yunqi Xu, Tianchi Cai, Jiyan Jiang, Xierui Song

    Abstract: The prevailing issue of factual inconsistency errors in conventional Retrieval Augmented Generation (RAG) motivates the study of Factual Consistency Evaluation (FCE). Despite the various FCE methods proposed earlier, these methods are evaluated on datasets generated by specific Large Language Models (LLMs). Without a comprehensive benchmark, it remains unexplored how these FCE methods perform on o… ▽ More

    Submitted 3 July, 2024; v1 submitted 1 July, 2024; originally announced July 2024.

    Journal ref: KDD 2024 (oral)

  41. Unified Dual-Intent Translation for Joint Modeling of Search and Recommendation

    Authors: Yuting Zhang, Yiqing Wu, Ruidong Han, Ying Sun, Yongchun Zhu, Xiang Li, Wei Lin, Fuzhen Zhuang, Zhulin An, Yongjun Xu

    Abstract: Recommendation systems, which assist users in discovering their preferred items among numerous options, have served billions of users across various online platforms. Intuitively, users' interactions with items are highly driven by their unchanging inherent intents (e.g., always preferring high-quality items) and changing demand intents (e.g., wanting a T-shirt in summer but a down jacket in winte… ▽ More

    Submitted 30 June, 2024; originally announced July 2024.

  42. arXiv:2407.00608  [pdf, other

    cs.AI cs.CL cs.CV

    Efficient Personalized Text-to-image Generation by Leveraging Textual Subspace

    Authors: Shian Du, Xiaotian Cheng, Qi Qian, Henglu Wei, Yi Xu, Xiangyang Ji

    Abstract: Personalized text-to-image generation has attracted unprecedented attention in the recent few years due to its unique capability of generating highly-personalized images via using the input concept dataset and novel textual prompt. However, previous methods solely focus on the performance of the reconstruction task, degrading its ability to combine with different textual prompt. Besides, optimizin… ▽ More

    Submitted 30 June, 2024; originally announced July 2024.

  43. arXiv:2407.00569  [pdf, other

    cs.CV cs.AI cs.CL

    Investigating and Mitigating the Multimodal Hallucination Snowballing in Large Vision-Language Models

    Authors: Weihong Zhong, Xiaocheng Feng, Liang Zhao, Qiming Li, Lei Huang, Yuxuan Gu, Weitao Ma, Yuan Xu, Bing Qin

    Abstract: Though advanced in understanding visual information with human languages, Large Vision-Language Models (LVLMs) still suffer from multimodal hallucinations. A natural concern is that during multimodal interaction, the generated hallucinations could influence the LVLMs' subsequent generation. Thus, we raise a question: When presented with a query relevant to the previously generated hallucination, w… ▽ More

    Submitted 29 June, 2024; originally announced July 2024.

    Comments: Accepted to ACL 2024 Main Conference. 21 pages, 20 figures

  44. arXiv:2406.19898  [pdf, other

    cs.CL

    Paraphrase Types Elicit Prompt Engineering Capabilities

    Authors: Jan Philip Wahle, Terry Ruas, Yang Xu, Bela Gipp

    Abstract: Much of the success of modern language models depends on finding a suitable prompt to instruct the model. Until now, it has been largely unknown how variations in the linguistic expression of prompts affect these models. This study systematically and empirically evaluates which linguistic features influence models through paraphrase types, i.e., different linguistic changes at particular positions… ▽ More

    Submitted 28 June, 2024; originally announced June 2024.

  45. arXiv:2406.19874  [pdf, other

    cs.CL cs.AI

    Detecting Subtle Differences between Human and Model Languages Using Spectrum of Relative Likelihood

    Authors: Yang Xu, Yu Wang, Hao An, Zhichen Liu, Yongyuan Li

    Abstract: Human and model-generated texts can be distinguished by examining the magnitude of likelihood in language. However, it is becoming increasingly difficult as language model's capabilities of generating human-like texts keep evolving. This study provides a new perspective by using the relative likelihood values instead of absolute ones, and extracting useful features from the spectrum-view of likeli… ▽ More

    Submitted 28 June, 2024; originally announced June 2024.

    Comments: 13 pages, 12 figures

    ACM Class: I.2.7

  46. arXiv:2406.19611  [pdf, other

    q-bio.QM cs.AI

    Multimodal Data Integration for Precision Oncology: Challenges and Future Directions

    Authors: Huajun Zhou, Fengtao Zhou, Chenyu Zhao, Yingxue Xu, Luyang Luo, Hao Chen

    Abstract: The essence of precision oncology lies in its commitment to tailor targeted treatments and care measures to each patient based on the individual characteristics of the tumor. The inherent heterogeneity of tumors necessitates gathering information from diverse data sources to provide valuable insights from various perspectives, fostering a holistic comprehension of the tumor. Over the past decade,… ▽ More

    Submitted 27 June, 2024; originally announced June 2024.

    Comments: 15 pages, 4 figures

  47. arXiv:2406.18962  [pdf, other

    cs.IR

    Multi-modal Food Recommendation using Clustering and Self-supervised Learning

    Authors: Yixin Zhang, Xin Zhou, Qianwen Meng, Fanglin Zhu, Yonghui Xu, Zhiqi Shen, Lizhen Cui

    Abstract: Food recommendation systems serve as pivotal components in the realm of digital lifestyle services, designed to assist users in discovering recipes and food items that resonate with their unique dietary predilections. Typically, multi-modal descriptions offer an exhaustive profile for each recipe, thereby ensuring recommendations that are both personalized and accurate. Our preliminary investigati… ▽ More

    Submitted 27 June, 2024; originally announced June 2024.

    Comments: Working paper

  48. arXiv:2406.18868  [pdf, other

    cs.CV

    Advancing Cross-domain Discriminability in Continual Learning of Vison-Language Models

    Authors: Yicheng Xu, Yuxin Chen, Jiahao Nie, Yusong Wang, Huiping Zhuang, Manabu Okumura

    Abstract: Continual learning (CL) with Vision-Language Models (VLMs) has overcome the constraints of traditional CL, which only focuses on previously encountered classes. During the CL of VLMs, we need not only to prevent the catastrophic forgetting on incrementally learned knowledge but also to preserve the zero-shot ability of VLMs. However, existing methods require additional reference datasets to mainta… ▽ More

    Submitted 26 June, 2024; originally announced June 2024.

  49. arXiv:2406.18841  [pdf

    cs.CY cs.AI cs.CL

    Navigating LLM Ethics: Advancements, Challenges, and Future Directions

    Authors: Junfeng Jiao, Saleh Afroogh, Yiming Xu, Connor Phillips

    Abstract: This study addresses ethical issues surrounding Large Language Models (LLMs) within the field of artificial intelligence. It explores the common ethical challenges posed by both LLMs and other AI systems, such as privacy and fairness, as well as ethical challenges uniquely arising from LLMs. It highlights challenges such as hallucination, verifiable accountability, and decoding censorship complexi… ▽ More

    Submitted 27 June, 2024; v1 submitted 14 May, 2024; originally announced June 2024.

  50. arXiv:2406.18742  [pdf, other

    cs.CV cs.RO

    3D Feature Distillation with Object-Centric Priors

    Authors: Georgios Tziafas, Yucheng Xu, Zhibin Li, Hamidreza Kasaei

    Abstract: Grounding natural language to the physical world is a ubiquitous topic with a wide range of applications in computer vision and robotics. Recently, 2D vision-language models such as CLIP have been widely popularized, due to their impressive capabilities for open-vocabulary grounding in 2D images. Recent works aim to elevate 2D CLIP features to 3D via feature distillation, but either learn neural f… ▽ More

    Submitted 15 July, 2024; v1 submitted 26 June, 2024; originally announced June 2024.