2 code implementations • SemEval (NAACL) 2022 • Bin Li, Yixuan Weng, Fei Xia, Shizhu He, Bin Sun, Shutao Li
This paper introduces the approach of Team LingJing’s experiments on SemEval-2022 Task 1 Comparing Dictionaries and Word Embeddings (CODWOE).
1 code implementation • BioNLP (ACL) 2022 • Bin Li, Yixuan Weng, Fei Xia, Bin Sun, Shutao Li
Given an input video, the MedVidCL task aims to correctly classify it into one of three following categories: Medical Instructional, Medical Non-instructional, and Non-medical.
1 code implementation • SemEval (NAACL) 2022 • Fei Xia, Bin Li, Yixuan Weng, Shizhu He, Bin Sun, Shutao Li, Kang Liu, Jun Zhao
For the classification sub-task, we adopt the DeBERTa-v3 pre-trained model for fine-tuning datasets of different languages.
no code implementations • LT4HALA (LREC) 2022 • Bin Li, Yiguo Yuan, Jingya Lu, Minxuan Feng, Chao Xu, Weiguang Qu, Dongbo Wang
This paper presents the results of the First Ancient Chinese Word Segmentation and POS Tagging Bakeoff (EvaHan), which was held at the Second Workshop on Language Technologies for Historical and Ancient Languages (LT4HALA) 2022, in the context of the 13th Edition of the Language Resources and Evaluation Conference (LREC 2022).
no code implementations • LREC 2022 • Liming Xiao, Bin Li, Zhixing Xu, Kairui Huo, Minxuan Feng, Junsheng Zhou, Weiguang Qu
Therefore, to make up for the vacancy of Chinese AMR parsing evaluation methods, based on AMR evaluation metric smatch, we have improved the algorithm of generating triples so that to make it compatible with concept alignment and relation alignment.
1 code implementation • COLING 2022 • Bin Li, Miao Gao, Yunlong Fan, Yikemaiti Sataer, Zhiqiang Gao, Yaocheng Gui
A recent success in semantic dependency parsing shows that graph neural networks can make significant accuracy improvements, owing to its powerful ability in learning expressive graph representations.
no code implementations • WASSA (ACL) 2022 • Bin Li, Yixuan Weng, Qiya Song, Bin Sun, Shutao Li
This paper describes the contribution of the LingJing team’s method to the Workshop on Computational Approaches to Subjectivity, Sentiment & Social Media Analysis (WASSA) 2022 shared task on Emotion Classification.
no code implementations • dialdoc (ACL) 2022 • Minjun Zhu, Bin Li, Yixuan Weng, Fei Xia
Question Answering (QA) is a Natural Language Processing (NLP) task that can measure language and semantics understanding ability, it requires a system not only to retrieve relevant documents from a large number of articles but also to answer corresponding questions according to documents.
no code implementations • CCL 2021 • Changwei Xu, Minxuan Feng, Bin Li, Yiguo Yuan
"《古籍汉字分级字表》是基于大规模古籍文本语料库、为辅助学习者古籍文献阅读而研制的分级字表。该字表填补了古籍字表研究成果的空缺, 依据各汉字学习优先级别的不同, 实现了古籍汉字的等级划分, 目前收录一级字105个, 二级字340个, 三级字555个。本文介绍了该字表研制的主要依据和基本步骤, 并将其与传统识字教材“三百千”及《现代汉语常用字表》进行比较, 验证了其收字的合理性。该字表有助于学习者优先掌握古籍文本常用字, 提升古籍阅读能力, 从而促进中华优秀传统文化的继承与发展。”
no code implementations • CCL 2021 • Xuehui Lu, Huidan Xu, Siyu Chen, Bin Li
“先秦汉语在汉语史研究上具有重要地位, 然而以往的研究始终没有形成结构化的先秦词汇资源, 难以满足古汉语信息处理和跨语言对比的研究需要。国际上以英文词网(WordNet)的义类架构为基础, 已经建立了数十种语言的词网, 已经成为多语言自然语言处理和跨语言对比的基础资源。本文综述了国内外各种词网的构建情况, 特别是古代语言的词网和汉语词网, 然后详细介绍了先秦词网的构建和校正过程, 构建起了涵盖43591个词语、61227个义项、17975个义类的先秦汉语词网。本文还通过与古梵语词网的跨语言对比, 尝试分析这两种古老语言在词汇上的共性和差异, 初步验证先秦词网的有效性。”
no code implementations • CCL 2021 • Lou Zhou, Weiguang Qu, Tingxin Wei, Junsheng Zhou, Bin Li, Yanhui Gu
“汉语词语的离合现象是汉语中一种词语可分可合的特殊现象。本文采用字符级序列标注方法解决二字动词离合现象的自动识别问题, 以避免中文分词及词性标注的错误传递, 节省制定匹配规则与特征模板的人工开支。在训练过程中微调BERT中文预训练模型, 获取面向目标任务的字符向量表示, 并引入掩码机制对模型隐藏离用法中分离的词语, 减轻词语本身对识别结果的影响, 强化中间插入成分的学习, 并对前后语素采用不同的掩码以强调其出现顺序, 进而使模型具备了识别复杂及偶发性离用法的能力。为获得含有上下文信息的句子表达, 将原始的句子表达与采用掩码的句子表达分别输入两个不同参数的BiLSTM层进行训练, 最后采用CRF算法捕捉句子标签序列的依赖关系。本文提出的BERT MASK + 2BiLSTMs + CRF模型比现有最优的离合词识别模型提高了2. 85%的F1值。”
no code implementations • CCL 2021 • Chao Sun, Weiguang Qu, Tingxin Wei, Yanhui Gu, Bin Li, Junsheng Zhou
“连动句是形如“NP+VP1+VP2”的句子, 句中含有两个或两个以上的动词(或动词结构)且动词的施事为同一对象。相同结构的连动句可以表示多种不同的语义关系。本文基于前人对连动句中VP1和VP2之间的语义关系分类, 标注了连动句语义关系数据集, 基于神经网络完成了对连动句语义关系的识别。该方法将连动句语义识别任务进行分解, 基于BERT进行编码, 利用BiLSTM-CRF先识别出连动句中连动词(VP)及其主语(NP), 再基于融合连动词信息的编码, 利用BiLSTM-Attention对连动词进行关系判别, 实验结果验证了所提方法的有效性。”
no code implementations • CCL 2020 • Tong Huang, Bin Li, Peiyi Yan, Tingting Ji, Weiguang Qu
对话分析是智能客服、聊天机器人等自然语言对话应用的基础课题, 而对话语料与常规书面语料有较大差异, 存在大量的称谓、情感短语、省略、语序颠倒、冗余等复杂现象, 对句法和语义分析器的影响较大, 对话自动分析的准确率相对书面语料一直不高。其主要原因在于对多轮对话缺乏严整的形式化描写方式, 不利于后续的分析计算。因此, 本文在梳理国内外针对对话的标注体系和语料库的基础上, 提出了基于抽象语义表示的篇章级多轮对话标注体系。具体探讨了了篇章级别的语义结构标注方法, 给出了词语和概念关系的对齐方案, 针对称谓语和情感短语增加了相应的语义关系和概念, 调整了表示主观情感词语的论元结构, 并对对话中一些特殊现象进行了规定, 设计了人工标注平台, 为大规模的多轮对话语料库标注与计算研究奠定基础。
no code implementations • CCL 2020 • Zhentao Xia, Weiguang Qu, Yanhui Gu, Junsheng Zhou, Bin Li
作为信息抽取的一项核心子任务, 实体关系抽取对于知识图谱、智能问答、语义搜索等自然语言处理应用都十分重要。关系抽取在于从非结构化文本中自动地识别实体之间具有的某种语义关系。该文聚焦句子级别的关系抽取研究, 介绍用于关系抽取的主要数据集并对现有的技术作了阐述, 主要分为:有监督的关系抽取、远程监督的关系抽取和实体关系联合抽取。我们对比用于该任务的各种模型, 分析它们的贡献与缺 陷。最后介绍中文实体关系抽取的研究现状和方法。
no code implementations • CCL 2020 • Chao Sun, Weiguang Qu, Tingxin Wei, Yanhui Gu, Bin Li, Junsheng Zhou
连动句是具有连动结构的句子, 是汉语中的特殊句法结构, 在现代汉语中十分常见且使用频繁。连动句语法结构和语义关系都很复杂, 在识别中存在许多问题, 对此本文针对连动句的识别问题进行了研究, 提出了一种基于神经网络的连动句识别方法。本方法分两步:第一步, 运用简单的规则对语料进行预处理;第二步, 用文本分类的思想, 使用BERT编码, 利用多层CNN与BiLSTM模型联合提取特征进行分类, 进而完成连动句识别任务。在人工标注的语料上进行实验, 实验结果达到92. 71%的准确率, F1值为87. 41%。
no code implementations • CCL 2020 • Peiyi Yan, Bin Li, Tong Huang, Kairui Huo, Jin Chen, Weiguang Qu
疑问句的句法语义分析在搜索引擎、信息抽取和问答系统等领域有着广泛的应用。计算语言学多采取问句分类和句法分析相结合的方式来处理疑问句, 精度和效率还不理想。而疑问句的语言学研究成果丰富, 比如疑问句的结构类型、疑问焦点和疑问代词的非疑问用法等, 但缺乏系统的形式化表示。本文致力于解决这一难题, 采用基于图结构的汉语句子语义的整体表示方法—中文抽象语义表示(CAMR)来标注疑问句的语义结构, 将疑问焦点和整句语义一体化表示出来。然后选取了宾州中文树库CTB8. 0网络媒体语料、小学语文教材以及《小王子》中文译本的2万句语料中共计2071句疑问句, 统计了疑问句的主要特点。统计表明, 各种疑问代词都可以通过疑问概念amr-unknown和语义关系的组合来表示, 能够完整地表示出疑问句的关键信息、疑问焦点和语义结构。最后, 根据疑问代词所关联的语义关系, 统计了疑问焦点的概率分布, 其中原因、修饰语和受事的占比最高, 分别占26. 53%、16. 73%以及16. 44%。基于抽象语义表示的疑问句标注与分析可以为汉语疑问句研究提供基础理论与资源。
no code implementations • LILT 2019 • Bin Li, Yuan Wen, Li Song, Weiguang Qu, Nianwen Xue
One significant change we have made to the AMR annotation methodology is the inclusion of the alignment between word tokens in the sentence and the concepts/relations in the CAMR annotation to make it easier for automatic parsers to model the correspondence between a sentence and its meaning representation.
no code implementations • TU (COLING) 2022 • Minjun Zhu, Yixuan Weng, Bin Li, Shizhu He, Kang Liu, Jun Zhao
In this work, we propose a knowledge transfer method with visual prompt (VPTG) fusing multi-modal data, which is a flexible module that can utilize the text-only seq2seq model to handle visual dialogue tasks.
no code implementations • 10 Apr 2025 • Jinze Chen, Wei Zhai, Yang Cao, Bin Li, Zheng-Jun Zha
The state and process information within events is modeled as continuous probability flux at threshold boundaries of the underlying irradiance diffusion.
no code implementations • 4 Apr 2025 • Junkai Zhang, Bin Li, Shoujun Zhou, Yue Du
This study provides an effective pathway for hierarchical visual question answering systems, advancing medical image understanding.
no code implementations • 1 Apr 2025 • Mario Ghossoub, Bin Li, Benxuan Shi
Notably, insurance coverage and premia are monotone in the level of risk aversion; the most risk-averse consumer receives full insurance $(\textit{efficiency at the top})$; the monopoly absorbs all surplus from the least-risk averse consumer; and consumers with a higher level of risk aversion induce a higher expected profit for the insurer.
no code implementations • 24 Mar 2025 • Bin Li, Dehong Gao, Yeyuan Wang, Linbo Jin, Shanqing Yu, Xiaoyan Cai, Libin Yang
Despite the significant success of Large Vision-Language models(LVLMs), these models still suffer hallucinations when describing images, generating answers that include non-existent objects.
1 code implementation • 23 Mar 2025 • Ke Niu, YuWen Chen, Haiyang Yu, Zhuofan Chen, Xianghui Que, Bin Li, xiangyang xue
Additionally, we propose PHT-CAD, a novel 2D PPA framework that harnesses the modality alignment and reasoning capabilities of Vision-Language Models (VLMs) for precise engineering drawing analysis.
no code implementations • 21 Mar 2025 • Ruiyang Ha, Songyi Jiang, Bin Li, Bikang Pan, Yihang Zhu, Junjie Zhang, Xiatian Zhu, Shaogang Gong, Jingya Wang
To address these challenges, we introduce the MP-ReID benchmark, a novel dataset designed specifically for multi-modality and multi-platform ReID.
1 code implementation • 20 Mar 2025 • Haiyang Yu, Siyang Yi, Ke Niu, Minghan Zhuo, Bin Li
In addition, it is applicable to multiple imaging modalities (e. g., X-ray, CT and PET), covering a wide range of applications from basic diagnostics to complex lesion analysis.
no code implementations • 19 Mar 2025 • Jianbo Zhao, Taiyu Ban, Zhihao Liu, Hangning Zhou, Xiyang Wang, Qibin Zhou, Hailong Qin, Mu Yang, Lei Liu, Bin Li
We theoretically analyze DRoPE's correctness and efficiency, demonstrating its capability to simultaneously optimize trajectory generation accuracy, time complexity, and space complexity.
no code implementations • 15 Mar 2025 • Qixian Chen, Yuxiong Xu, Sara Mandelli, Sheng Li, Bin Li
In audio spoofing detection, most studies rely on clean datasets, making models susceptible to real-world post-processing attacks, such as channel compression and noise.
no code implementations • 13 Mar 2025 • Yi Wu, Lingting Zhu, Lei Liu, Wandi Qiao, Ziqiang Li, Lequan Yu, Bin Li
Multimodal autoregressive (AR) models, based on next-token prediction and transformer architecture, have demonstrated remarkable capabilities in various multimodal tasks including text-to-image (T2I) generation.
no code implementations • 8 Mar 2025 • Xinan He, Yue Zhou, Bing Fan, Bin Li, Guopu Zhu, Feng Ding
In this work, we integrate Multimodal Large Language Models (MLLMs) within DM-based face forensics, and propose a fine-grained analysis triad framework called VLForgery, that can 1) predict falsified facial images; 2) locate the falsified face regions subjected to partial synthesis; and 3) attribute the synthesis with specific generators.
1 code implementation • 5 Mar 2025 • Haoran Fan, Bin Li, Yixuan Weng, Shoujun Zhou
By redefining the efficiency-accuracy trade-off landscape, this work establishes SLMs as viable alternatives to resource-intensive LLMs for practical time series forecasting.
no code implementations • 3 Mar 2025 • Naifu Xue, Zhaoyang Jia, Jiahao Li, Bin Li, Yuan Zhang, Yan Lu
DLF decomposes the latent into semantic and detail elements, compressing them through two distinct branches.
1 code implementation • 28 Feb 2025 • Zhaoyang Jia, Bin Li, Jiahao Li, Wenxuan Xie, Linfeng Qi, Houqiang Li, Yan Lu
In practice, the coding speed of NVCs depends on 1) computational costs, and 2) non-computational operational costs, such as memory I/O and the number of function calls.
no code implementations • 27 Feb 2025 • Ke Niu, Haiyang Yu, Mengyang Zhao, Teng Fu, Siyang Yi, Wei Lu, Bin Li, Xuelin Qian, xiangyang xue
Person re-identification (Re-ID) is a critical task in human-centric intelligent systems, enabling consistent identification of individuals across different camera views using multi-modal query information.
1 code implementation • 27 Feb 2025 • Zhihao Shi, Jie Wang, Zhiwei Zhuang, Xize Liang, Bin Li, Feng Wu
Message passing-based graph neural networks (GNNs) have achieved great success in many real-world applications.
no code implementations • 27 Feb 2025 • Shunkun Liang, Bin Li, Banglei Guan, Yang Shang, Xianwei Zhu, Qifeng Yu
To this end we propose a calibration method for DMAIS based on the 3D calibration field.}
no code implementations • 26 Feb 2025 • Borin Keo, Bin Li, Waqas Younis
This study aims to measure trade costs and explore the driving forces behind the growth of bilateral trade between Cambodia and its top 30 trading partners from 1993 to 2019.
1 code implementation • 25 Feb 2025 • Adnan Iltaf, Rayan Merghani Ahmed, Zhenxi Zhang, Bin Li, Shoujun Zhou
Medical image segmentation is crucial for clinical diagnosis and treatment planning, especially when dealing with complex anatomical structures such as vessels.
no code implementations • 17 Feb 2025 • Xiaoyu Tan, Tianchu Yao, Chao Qu, Bin Li, Minghao Yang, Dakuan Lu, Haozhe Wang, Xihe Qiu, Wei Chu, Yinghui Xu, Yuan Qi
In this paper, we present AURORA, a novel automated framework for training universal process reward models (PRMs) using ensemble prompting and reverse verification.
1 code implementation • 17 Feb 2025 • Jianyi Peng, Fan Lu, Bin Li, Yuan Huang, Sanqing Qu, Guang Chen
Compared to single-modal VPR, this approach benefits from the widespread availability of RGB cameras and the robustness of point clouds in providing accurate spatial geometry and distance information.
1 code implementation • 9 Feb 2025 • Hongyu Ge, Longkun Hao, Zihui Xu, Zhenxin Lin, Bin Li, Shoujun Zhou, Hongjin Zhao, Yihang Liu
To address these issues, we introduce the Cross-Modal Clinical Knowledge Distiller (ClinKD), an innovative framework designed to enhance image-text alignment and establish more effective medical knowledge adaptation mechanisms, which enables MLLMs to adapt to medical knowledge.
1 code implementation • 6 Feb 2025 • Qingyue Yang, Jie Wang, Xing Li, Zhihai Wang, Chen Chen, Lei Chen, Xianzhi Yu, Wulong Liu, Jianye Hao, Mingxuan Yuan, Bin Li
With the development of large language models (LLMs), efficient inference through Key-Value (KV) cache compression has attracted considerable attention, especially for long-context generation.
1 code implementation • 4 Feb 2025 • Jiangong Chen, Xiaoyi Wu, Tian Lan, Bin Li
Unlike prior approaches focusing on coding script generation, LLMER translates natural language inputs into JSON data, significantly reducing the likelihood of application crashes and processing latency.
1 code implementation • 30 Jan 2025 • Xinyu Wang, Lei Liu, Kang Chen, Tao Han, Bin Li, Lei Bai
(2) Incorporating physical knowledge and physical constraints can help mitigate the accumulation of forecasting errors.
no code implementations • 28 Jan 2025 • Yuling Max Chen, Bin Li, David Saunders
In a real market data study, EMVRS with OC learning outperforms its counterparts with the highest mean and reasonably low volatility of the annualized portfolio returns.
no code implementations • 24 Jan 2025 • Yuxuan Liang, Xu Li, Xiaolei Chen, Haotian Chen, Yi Zheng, Chenghang Lai, Bin Li, xiangyang xue
As the demand for high-resolution image processing in Large Vision-Language Models (LVLMs) grows, sub-image partitioning has become a popular approach for mitigating visual information loss associated with fixed-resolution processing.
no code implementations • 13 Jan 2025 • Laifa Tao, Zhengduo Zhao, Xuesong Wang, Bin Li, Wenchao Zhan, Xuanyuan Su, Shangyu Li, Qixuan Huang, Haifei Liu, Chen Lu, Zhixuan Lian
Accurately predicting the remaining useful life (RUL) of rotating machinery, such as bearings, is essential for ensuring equipment reliability and minimizing unexpected industrial failures.
no code implementations • 8 Jan 2025 • Xiaoye Miao, Bin Li, Yangyang Wu, Meng Xi, Xinkui Zhao, Jianwei Yin
In this paper, we propose a novel lossless privacy-preserving aggregation rule named LPPA to enhance gradient protection as much as possible but without loss of DFL model predictive accuracy.
no code implementations • 8 Jan 2025 • Bin Li, Xiaoye Miao, Yongheng Shang, Xinkui Zhao, Shuiguang Deng, Jianwei Yin
It aims to mitigate the harm in model gradients while retaining the benefit in model weights for enhancing accuracy.
no code implementations • 1 Jan 2025 • Xiaoyi Wu, Bo Ji, Bin Li
By setting $M$ to a constant, the number of comparison steps in the pessimistic-optimistic algorithm can be reduced to a constant, thereby significantly reducing the computational complexity.
no code implementations • 26 Dec 2024 • Xu Li, Yi Zheng, Haotian Chen, Xiaolei Chen, Yuxuan Liang, Chenghang Lai, Bin Li, xiangyang xue
Our findings reveal that multilayer features provide complementary strengths with varying task dependencies, and uniform fusion leads to suboptimal performance.
1 code implementation • 22 Dec 2024 • Yeyuan Wang, Dehong Gao, Bin Li, Rujiao Long, Lei Yi, Xiaoyan Cai, Libin Yang, Jinxia Zhang, Shanqing Yu, Qi Xuan
We argue that this limitation is closely linked to the models' visual grounding capabilities.
no code implementations • 3 Dec 2024 • ZhiYuan Chen, Fan Lu, Guo Yu, Bin Li, Sanqing Qu, Yuan Huang, Changhong Fu, Guang Chen
Tracking the 6DoF pose of unknown objects in monocular RGB video sequences is crucial for robotic manipulation.
no code implementations • 2 Dec 2024 • Han Han, Wei Zhai, Yang Cao, Bin Li, Zheng-Jun Zha
Tracking Any Point (TAP) plays a crucial role in motion analysis.
no code implementations • 27 Nov 2024 • Qizao Wang, Bin Li, xiangyang xue
Large Vision-Language Models (LVLMs) that incorporate visual models and Large Language Models (LLMs) have achieved impressive results across various cross-modal understanding and reasoning tasks.
no code implementations • 26 Nov 2024 • Ziang Xu, Bin Li, Yang Hu, Chenyu Zhang, James East, Sharib Ali, Jens Rittscher
Accurate 3D mapping in endoscopy enables quantitative, holistic lesion characterization within the gastrointestinal (GI) tract, requiring reliable depth and pose estimation.
no code implementations • 8 Nov 2024 • Wentang Song, Zhiyuan Yan, Yuzhen Lin, Taiping Yao, Changsheng chen, Shen Chen, Yandan Zhao, Shouhong Ding, Bin Li
To tackle this issue, we propose a novel quality-centric framework for generic deepfake detection, which is composed of a Quality Evaluator, a low-quality data enhancement module, and a learning pacing strategy that explicitly incorporates forgery quality into the training process.
no code implementations • 7 Nov 2024 • Laifa Tao, Qixuan Huang, XianJun Wu, Weiwei Zhang, Yunlong Wu, Bin Li, Chen Lu, Xingshuo Hai
The increasing use of smart devices has emphasized the critical role of maintenance in production activities.
no code implementations • 5 Nov 2024 • Zhibin Wen, Bin Li
Specifically, we integrate features from three modalities and develop three predictors, each tailored to the unique contributions of the fused modalities: an audio-visual predictor, a visual predictor, and a textual predictor.
no code implementations • 1 Nov 2024 • Yinxuan Huang, Chengmin Gao, Bin Li, xiangyang xue
Through experiments on various datasets, we demonstrate the effectiveness of our active viewpoint selection strategy, significantly enhancing segmentation and reconstruction performance compared to random viewpoint selection.
1 code implementation • 1 Nov 2024 • Rui Yang, Jie Wang, Guoping Wu, Bin Li
Based on the aforementioned measure, TRACER can regulate the loss associated with corrupted data to reduce its influence, thereby enhancing robustness and performance in clean environments.
no code implementations • 30 Oct 2024 • Haoyang Liu, Jie Wang, Wanbo Zhang, Zijie Geng, Yufei Kuang, Xijun Li, Bin Li, Yongdong Zhang, Feng Wu
However, existing approaches do not take into account specific block structures -- which are closely related to the problem formulations -- in the constraint coefficient matrices (CCMs) of MILPs.
no code implementations • 26 Oct 2024 • Dongdong Lin, Yue Li, Benedetta Tondi, Bin Li, Mauro Barni
Moreover, we also propose a dynamic loss weight tuning algorithm to balance the generative task with the watermark embedding task, ensuring that the model can be watermarked with a limited impact on the quality of the generated images.
no code implementations • 24 Oct 2024 • Tonglin Chen, Yinxuan Huang, Zhimeng Shen, Jinghao Huang, Bin Li, xiangyang xue
Existing object-centric learning methods only extract scene-dependent object-centric representations, lacking the ability to identify the same object across scenes as humans.
no code implementations • 19 Oct 2024 • Qitan Lv, Jie Wang, Hanzhu Chen, Bin Li, Yongdong Zhang, Feng Wu
Generation of plausible but incorrect factual information, often termed hallucination, has attracted significant research interest.
no code implementations • 15 Oct 2024 • Wentang Song, Yuzhen Lin, Bin Li
Specifically, we present a novel simple yet effective strategy, named Dynamic Facial Forensic Curriculum (DFFC), which makes the model gradually focus on hard samples during the training.
1 code implementation • 11 Oct 2024 • Ziqiang Li, Yi Wu, Chaoyue Wang, Xue Rui, Bin Li
This paper first considers a novel task known as One-shot 3D Generative Domain Adaptation (GDA), aimed at transferring a pre-trained 3D generator from one domain to a new one, relying solely on a single reference image.
no code implementations • 24 Sep 2024 • Jianan Wang, Bin Li, Xueying Wang, Fu Li, Yunlong Wu, Juan Chen, Xiaodong Yi
Traditional robot simulators focus on physical process modeling and realistic rendering, often suffering from high computational costs, inefficiencies, and limited adaptability.
no code implementations • 22 Sep 2024 • Yuzhen Lin, Wentang Song, Bin Li, Yuezun Li, Jiangqun Ni, Han Chen, Qiushi Li
Previous studies in deepfake detection have shown promising results when testing face forgeries from the same dataset as the training.
no code implementations • 22 Sep 2024 • Chuhong Yang, Bin Li, Nan Wu
An ablation study is performed to examine the effects of the dynamic layer and relation-aware layer, where the combined model achieves the best performance.
no code implementations • 13 Sep 2024 • David Landriault, Bin Li, Hong Li, Yuanyuan Zhang
This paper introduces an economic framework to assess optimal longevity risk transfers between institutions, focusing on the interactions between a buyer exposed to long-term longevity risk and a seller offering longevity protection.
no code implementations • 4 Sep 2024 • Kaiqing Lin, Yuzhen Lin, Weixiang Li, Taiping Yao, Bin Li
The proliferation of deepfake faces poses huge potential negative impacts on our daily lives.
no code implementations • 28 Aug 2024 • Zhiqing Zhang, Tianyong Liu, Guojia Fan, Bin Li, Qianjin Feng, Shoujun Zhou
Accurate segmentation of 3D clinical medical images is critical in the diagnosis and treatment of spinal diseases.
no code implementations • 21 Aug 2024 • Ziqiang Li, Yueqi Zeng, Pengfei Xia, Lei Liu, Zhangjie Fu, Bin Li
With the burgeoning advancements in the field of natural language processing (NLP), the demand for training data has increased significantly.
no code implementations • 19 Aug 2024 • Yuxiong Xu, Jiafeng Zhong, Sengui Zheng, Zefeng Liu, Bin Li
This paper presents the SZU-AFS anti-spoofing system, designed for Track 1 of the ASVspoof 5 Challenge under open conditions.
1 code implementation • 15 Aug 2024 • Dongshuo Yin, Leiyi Hu, Bin Li, Youqun Zhang, Xue Yang
To fully demonstrate the practicality and generality of Mona, we conduct experiments on multiple representative visual tasks, including instance segmentation on COCO, semantic segmentation on ADE20K, object detection on Pascal VOC, oriented object detection on DOTA/STAR, and image classification on three common datasets.
no code implementations • 14 Aug 2024 • Ruofeng Wei, Bin Li, Kai Chen, Yiyao Ma, Yunhui Liu, Qi Dou
The results demonstrate that our method can learn the absolute scale with geometric modeling and accurately estimate scale-aware depth for monocular scenes.
1 code implementation • 31 Jul 2024 • Jiafeng Zhong, Bin Li, Jiangyan Yi
The task of partially spoofed audio localization aims to accurately determine audio authenticity at a frame level.
no code implementations • 29 Jul 2024 • Mingzhao Yang, Shangchao Su, Bin Li, xiangyang xue
On the server, the descriptions are used as conditions to guide the DM in generating synthetic datasets that comply with the distributions of various clients, enabling the training of the aggregated model.
1 code implementation • 24 Jul 2024 • Haiyang Yu, Teng Fu, Bin Li, xiangyang xue
In this paper, we propose Edge-Aware Transformers, termed EAFormer, to segment texts more accurately, especially at the edge of texts.
1 code implementation • 24 Jul 2024 • Xiaoyu Tan, Bin Li, Xihe Qiu, Jingjing Huang, Yinghui Xu, Wei Chu
To the best of our knowledge, this is the first study to successfully address both event and time label noise in deep Hawkes process models, offering a promising solution for medical applications, specifically in diagnosing OSAHS.
no code implementations • 17 Jul 2024 • Jianbo Zhao, Jiaheng Zhuang, Qibin Zhou, Taiyu Ban, Ziyao Xu, Hangning Zhou, Junhe Wang, Guoan Wang, Zhiheng Li, Bin Li
By establishing physical causality from actions (cause) to trajectories (effect) through the kinematic model, KiGRAS eliminates massive redundant trajectories.
no code implementations • 16 Jul 2024 • Bin Li, Wancheng Xie, Zesong Fei
To help the ISCC networks better support the comprehensive services of radar detection, data transmission and edge computing, Reconfigurable Intelligent Surface (RIS) can be employed to boost the transmission rate and the wireless coverage by smartly tuning the electromagnetic characteristics of the environment.
no code implementations • 3 Jul 2024 • Zhihai Wang, Zijie Geng, Zhaojie Tu, Jie Wang, Yuxi Qian, Zhexuan Xu, Ziyan Liu, Siyuan Xu, Zhentao Tang, Shixiong Kai, Mingxuan Yuan, Jianye Hao, Bin Li, Yongdong Zhang, Feng Wu
We executed six state-of-the-art AI-based chip placement algorithms on these designs and plugged the results of each single-point algorithm into the physical implementation workflow to obtain the final PPA results.
no code implementations • 1 Jul 2024 • Laifa Tao, Shangyu Li, Haifei Liu, Qixuan Huang, Liang Ma, Guoao Ning, YiLing Chen, Yunlong Wu, Bin Li, Weiwei Zhang, Zhengduo Zhao, Wenchao Zhan, Wenyan Cao, Chao Wang, Hongmei Liu, Jian Ma, Mingliang Suo, Yujie Cheng, Yu Ding, Dengwei Song, Chen Lu
To this end, based on a systematic analysis of the current challenges and bottlenecks in PHM, as well as the research status and advantages of Large Model, we propose a novel concept and three progressive paradigms of Prognosis and Health Management Large Model (PHM-LM) through the integration of the Large Model with PHM.
1 code implementation • 28 Jun 2024 • Yingxin Lai, Zitong Yu, Jing Yang, Bin Li, Xiangui Kang, Linlin Shen
In this paper, we elaborately investigate the generalization capacity of deepfake detection models when jointly trained on multiple face forgery detection datasets.
no code implementations • 20 Jun 2024 • Bin Li, Jiayan Pei, Feiyang Xiao, Yifan Zhao, Zhixing Zhang, Diwei Liu, Hengxu He, Jia Jia
OFOS platforms offer dynamic allocation incentives to users and merchants through diverse marketing campaigns to encourage payments while maintaining the platforms' budget efficiency.
no code implementations • 20 Jun 2024 • Nanxing Meng, Qizao Wang, Bin Li, xiangyang xue
With rich temporal-spatial information, video-based person re-identification methods have shown broad prospects.
1 code implementation • 14 Jun 2024 • Hongyu Liu, Haoyang Liu, Yufei Kuang, Jie Wang, Bin Li
With data-driven approaches, Dso4NS guides the search for mathematical expressions within the high-dimensional discrete symbolic space and then incorporates the highest-performing mathematical expressions into a solver.
1 code implementation • 11 Jun 2024 • Chenyu Yang, Xizhou Zhu, Jinguo Zhu, Weijie Su, Junjie Wang, Xuan Dong, Wenhai Wang, Lewei Lu, Bin Li, Jie zhou, Yu Qiao, Jifeng Dai
Recently, vision model pre-training has evolved from relying on manually annotated datasets to leveraging large-scale, web-crawled image-text data.
1 code implementation • 10 Jun 2024 • Ke Niu, Haiyang Yu, Xuelin Qian, Teng Fu, Bin Li, xiangyang xue
In this paper, we present a novel paradigm Diffusion-ReID to efficiently augment and generate diverse images based on known identities without requiring any cost of data collection and annotation.
no code implementations • 4 Jun 2024 • Jianming Yu, Yuchen He, Bin Li, Hui Chen, Huaibin Zheng, Jianbin Liu, Zhuo Xu
Remote heart rate measurement is an increasingly concerned research field, usually using remote photoplethysmography (rPPG) to collect heart rate information through video data collection.
1 code implementation • 30 May 2024 • Qizao Wang, Xuelin Qian, Bin Li, xiangyang xue
Therefore, the adaptation of Re-ID models to new domains while preserving previously acquired knowledge is crucial, known as Lifelong person Re-IDentification (LReID).
no code implementations • 28 May 2024 • Hongbin Lin, Bin Li, Chun Wai Wong, Juan Rojas, Xiangyu Chu, Kwok Wai Samuel Au
Our learned visuomotor policy handles: i) unseen objects, including 5 types of target grasping objects and a robot gripper, in unstructured real-world surgery environments, and ii) disturbances in perception and control.
1 code implementation • 26 May 2024 • Qizao Wang, Xuelin Qian, Bin Li, Lifeng Chen, Yanwei Fu, xiangyang xue
Specifically, we propose the Content and Salient Semantics Collaboration (CSSC) framework, facilitating cross-parallel semantics interaction and refinement.
Ranked #4 on
Person Re-Identification
on LTCC
no code implementations • 26 May 2024 • Qizao Wang, Xuelin Qian, Bin Li, Yanwei Fu, xiangyang xue
To tackle the challenges of knowledge granularity mismatch and knowledge presentation mismatch that occurred in LReID-Hybrid, we take advantage of the consistency and generalization of the text space, and propose a novel framework, dubbed $Teata$, to effectively align, transfer and accumulate knowledge in an "image-text-image" closed loop.
no code implementations • 26 Apr 2024 • Yuanman Li, Yingjie He, Changsheng chen, Li Dong, Bin Li, Jiantao Zhou, Xia Li
To address these limitations, this study proposes a novel end-to-end CMFD framework that integrates the strengths of conventional and deep learning methods.
no code implementations • 22 Apr 2024 • Hanzhe Li, Jiaran Zhou, Yuezun Li, Baoyuan Wu, Bin Li, Junyu Dong
Existing methods typically generate these faces by blending real or fake faces in spatial domain.
no code implementations • 17 Apr 2024 • Shubhadip Dasgupta, Satwik Pate, Divya Rathore, L. G. Divyanth, Ayan Das, Anshuman Nayak, Subhadip Dey, Asim Biswas, David C. Weindorf, Bin Li, Sergio Henrique Godinho Silva, Bruno Teixeira Ribeiro, Sanjay Srivastava, Somsubhra Chakraborty
A data fusion approach, incorporating IFs, AVs, and PXRF data, further enhanced predictions for available Mn and SAI, with R2 values of 0. 72 and 0. 70, respectively.
no code implementations • 11 Apr 2024 • Jie Wang, Jing Lian, Minjie Ma, Junqiang Lei, Chunbiao Li, Bin Li, Jizhao Liu
To address these issues, we regard the remote heart rate measurement as the process of analyzing the spatiotemporal characteristics of the optical flow signal in the video.
no code implementations • 10 Apr 2024 • Diankun Zhang, Guoan Wang, Runwen Zhu, Jianbo Zhao, Xiwu Chen, Siyu Zhang, Jiahao Gong, Qibin Zhou, Wenyuan Zhang, Ningzi Wang, Feiyang Tan, Hangning Zhou, Ziyao Xu, Haotian Yao, Chi Zhang, Xiaojun Liu, Xiaoguang Di, Bin Li
End-to-End paradigms use a unified framework to implement multi-tasks in an autonomous driving system.
no code implementations • 28 Mar 2024 • Wufei Ma, Jiahao Li, Bin Li, Yan Lu
Deep learning-based video compression is a challenging task, and many previous state-of-the-art learning-based video codecs use optical flows to exploit the temporal correlation between successive frames and then compress the residual error.
no code implementations • 18 Mar 2024 • Yi Wu, Ziqiang Li, Heliang Zheng, Chaoyue Wang, Bin Li
Drawing on recent advancements in diffusion models for text-to-image generation, identity-preserved personalization has made significant progress in accurately capturing specific identities with just a single reference image.
no code implementations • 5 Mar 2024 • Zhongdong Liu, Keyuan Zhang, Bin Li, Yin Sun, Y. Thomas Hou, Bo Ji
To address this challenge, we develop a robust online algorithm to minimize the sum of transmission and staleness costs, ensuring a worst-case performance guarantee.
1 code implementation • journal 2024 • Zuomin Qu, Zuping Xi, Wei Lu, Xiangyang Luo, Qian Wang, Bin Li
In this paper, we propose a Robust Adversarial Perturbation (DF-RAP) that provides persistent protection for facial images under OSN compression.
no code implementations • 28 Feb 2024 • Bin Li, Ye Shi, Qian Yu, Jingya Wang
This paper introduces ProtoOT, a novel Optimal Transport formulation explicitly tailored for UCIR, which integrates intra-domain feature representation learning and cross-domain alignment into a unified framework.
1 code implementation • CVPR 2024 • Jiahao Li, Bin Li, Yan Lu
This results in a better learning of the quantization scaler and helps our NVC support about 11. 4 dB PSNR range.
no code implementations • 16 Feb 2024 • Xinyu Wang, Kang Chen, Lei Liu, Tao Han, Bin Li, Lei Bai
Accurate forecasting of Tropical cyclone (TC) intensity is crucial for formulating disaster risk reduction strategies.
no code implementations • 1 Feb 2024 • Tianhan Xu, Zhe Hu, Ling Chen, Bin Li
In the next stage, we train the skill router using task-specific downstream data and use this router to integrate the acquired skills with LLMs during inference.
no code implementations • 26 Jan 2024 • Sicong Cao, Xiaobing Sun, Ratnadira Widyasari, David Lo, Xiaoxue Wu, Lili Bo, Jiale Zhang, Bin Li, Wei Liu, Di wu, Yixin Chen
The remarkable achievements of Artificial Intelligence (AI) algorithms, particularly in Machine Learning (ML) and Deep Learning (DL), have fueled their extensive deployment across multiple sectors, including Software Engineering (SE).
1 code implementation • 18 Jan 2024 • Fan Shi, Bin Li, xiangyang xue
In the odd-one-out task and two held-out configurations, RAISE can leverage acquired latent concepts and atomic rules to find the rule-breaking image in a matrix and handle problems with unseen combinations of rules and attributes.
1 code implementation • 17 Jan 2024 • Hong Wang, Zhongkai Hao, Jie Wang, Zijie Geng, Zhen Wang, Bin Li, Feng Wu
To the best of our knowledge, SKR is the first attempt to address the time-consuming nature of data generation for learning neural operators.
no code implementations • 16 Jan 2024 • Fu Li, Xueying Wang, Bin Li, Yunlong Wu, Yanzhen Wang, Xiaodong Yi
The core contribution of this paper lies in the design of a BT generation framework based on LLM, which encompasses the entire process, from data synthesis and model training to application developing and data verification.
no code implementations • 3 Jan 2024 • Jinyang Yuan, Tonglin Chen, Zhimeng Shen, Bin Li, xiangyang xue
This ability is essential for humans to identify the same object while moving and to learn from vision efficiently.
no code implementations • CVPR 2024 • Changsheng chen, Liangwei Lin, Yongqi Chen, Bin Li, Jishen Zeng, Jiwu Huang
Then we extract a chromaticity map from the recaptured image to highlight the presence of color artifacts even under low-quality samples.
no code implementations • CVPR 2024 • Shengxiang Hu, Huaijiang Sun, Bin Li, Dong Wei, Weiqing Li, Jianfeng Lu
Domain shift is a challenge for supervised human pose estimation where the source data and target data come from different distributions.
no code implementations • CVPR 2024 • Zhaoyang Jia, Jiahao Li, Bin Li, Houqiang Li, Yan Lu
To address this issue we introduce a Generative Latent Coding (GLC) architecture which performs transform coding in the latent space of a generative vector-quantized variational auto-encoder (VQ-VAE) instead of in the pixel space.
no code implementations • CVPR 2024 • Zeqin Yu, Jiangqun Ni, Yuzhen Lin, Haoyi Deng, Bin Li
Based on the assumption a novel two-stage self-supervised framework leveraging the diffusion model for IFDL task i. e. DiffForensics is proposed in this paper.
no code implementations • CVPR 2024 • Xiaoning Sun, Huaijiang Sun, Bin Li, Dong Wei, Weiqing Li, Jianfeng Lu
In the academic field the research on human motion prediction tasks mainly focuses on exploiting the observed information to forecast human movements accurately in the near future horizon.
2 code implementations • CVPR 2024 • Zhe Chen, Jiannan Wu, Wenhai Wang, Weijie Su, Guo Chen, Sen Xing, Muyan Zhong, Qinglong Zhang, Xizhou Zhu, Lewei Lu, Bin Li, Ping Luo, Tong Lu, Yu Qiao, Jifeng Dai
However, the progress in vision and vision-language foundation models, which are also critical elements of multi-modal AGI, has not kept pace with LLMs.
Ranked #1 on
Zero-Shot Video Retrieval
on MSR-VTT-full
(using extra training data)
1 code implementation • 25 Nov 2023 • Dongshuo Yin, Leiyi Hu, Bin Li, Youqun Zhang
To fully demonstrate the practicality and generality of Mona, we conduct experiments on multiple representative visual tasks, including instance segmentation on COCO, semantic segmentation on ADE20K, object detection on Pascal VOC, and image classification on several common datasets.
no code implementations • 24 Nov 2023 • Weisi Guo, Schyler Sun, Bin Li, Sam Blakeman
Deep Learning (DL) is penetrating into a diverse range of mass mobility, smart living, and industrial applications, rapidly transforming the way we live and work.
no code implementations • 23 Nov 2023 • Yueqi Zeng, Ziqiang Li, Pengfei Xia, Lei Liu, Bin Li
With the boom in the natural language processing (NLP) field these years, backdoor attacks pose immense threats against deep neural network models.
1 code implementation • 19 Nov 2023 • Shangchao Su, Bin Li, xiangyang xue
The implementation of FedRA is straightforward and can be seamlessly integrated into any transformer-based model without the need for further modification to the original model.
no code implementations • 18 Nov 2023 • Zhenrong Wang, Bin Li, Weifeng Li, Shuanlong Niu, Wang Miao, Tongzhi Niu
Deep convolutional neural networks (CNNs) have been widely used in surface defect detection.
no code implementations • 15 Nov 2023 • Mingzhao Yang, Shangchao Su, Bin Li, xiangyang xue
Leveraging the extensive knowledge stored in the pre-trained diffusion model, the synthetic datasets can assist us in surpassing the knowledge limitations of the client samples, resulting in aggregation models that even outperform the performance ceiling of centralized training in some cases, which is convincingly demonstrated in the sufficient quantification and visualization experiments conducted on three large-scale multi-domain image datasets.
no code implementations • 14 Nov 2023 • Ziqiang Li, Chaoyue Wang, Xue Rui, Chao Xue, Jiaxu Leng, Bin Li
Few-shot image generation aims to train generative models using a small number of training images.
no code implementations • 26 Oct 2023 • Bin Li, Wenshuai Liu, Wancheng Xie, Ning Zhang, Yan Zhang
In this paper, we study a digital twin (DT)-empowered integrated sensing, communication, and computation network.
no code implementations • 16 Oct 2023 • Long Zhuo, Shenghai Luo, Shunquan Tan, Han Chen, Bin Li, Jiwu Huang
In adversarial training, SEAR employs a forgery localization model as a supervisor to explore tampering features and constructs a deep-learning concealer to erase corresponding traces.
no code implementations • 15 Oct 2023 • Ziqiang Li, Pengfei Xia, Hong Sun, Yueqi Zeng, Wei zhang, Bin Li
In this study, we focus on improving the poisoning efficiency of backdoor attacks from the sample selection perspective.
no code implementations • 9 Sep 2023 • Teng Fu, Xiaocong Wang, Haiyang Yu, Ke Niu, Bin Li, xiangyang xue
Multiple object tracking (MOT) tends to become more challenging when severe occlusions occur.
1 code implementation • 3 Sep 2023 • Haiyang Yu, Xiaocong Wang, Bin Li, xiangyang xue
We conduct experiments on a scene dataset for benchmarking Chinese text recognition, and the results demonstrate that the proposed method can indeed improve performance through disentangling content and orientation information.
1 code implementation • ICCV 2023 • Haiyang Yu, Xiaocong Wang, Bin Li, xiangyang xue
However, despite Chinese characters possessing different characteristics from Latin characters, such as complex inner structures and large categories, few methods have been proposed for Chinese Text Recognition (CTR).
no code implementations • 24 Aug 2023 • Bin Li, Rongrong Yang, Lei Liu, Junyi Wang, Ning Zhang, Mianxiong Dong
For multiple Unmanned-Aerial-Vehicles (UAVs) assisted Mobile Edge Computing (MEC) networks, we study the problem of combined computation and communication for user equipments deployed with multi-type tasks.
1 code implementation • 21 Aug 2023 • Qizao Wang, Xuelin Qian, Bin Li, xiangyang xue, Yanwei Fu
Cloth-changing person Re-IDentification (Re-ID) is a particularly challenging task, suffering from two limitations of inferior discriminative features and limited training samples.
Ranked #3 on
Person Re-Identification
on LTCC
no code implementations • 21 Aug 2023 • Qizao Wang, Xuelin Qian, Bin Li, Yanwei Fu, xiangyang xue
In this paper, we rethink the role of the classifier in person Re-ID, and advocate a new perspective to conceive the classifier as a projection from image features to class prototypes.
Ranked #2 on
Person Re-Identification
on CUHK03
no code implementations • 2 Aug 2023 • Jiucui Lu, Jiaran Zhou, Junyu Dong, Bin Li, Siwei Lyu, Yuezun Li
The proposed ForensicsForest family is composed of three variants, which are {\em ForensicsForest}, {\em Hybrid ForensicsForest} and {\em Divide-and-Conquer ForensicsForest} respectively.
1 code implementation • 15 Jul 2023 • Fan Shi, Bin Li, xiangyang xue
Finally, we conduct experiments to illustrate the interpretability of CRAB in concept learning, answer selection, and global rule abstraction.
1 code implementation • journal 2023 • Weixiang Li, Shiang Wu, Bin Li, Weixuan Tang, and XinPeng Zhang
This framework directly learns universal costs that can be applied to any payload.
no code implementations • 11 Jul 2023 • Dongbo Wang, Chang Liu, Zhixiao Zhao, Si Shen, Liu Liu, Bin Li, Haotian Hu, Mengcheng Wu, Litao Lin, Xue Zhao, Xiyu Wang
In the context of the rapid development of large language models, we have meticulously trained and introduced the GujiBERT and GujiGPT language models, which are foundational models specifically designed for intelligent information processing of ancient texts.
no code implementations • 4 Jul 2023 • Bin Li, Carsten Jentsch, Emmanuel Müller
Detecting abnormal patterns that deviate from a certain regular repeating pattern in time series is essential in many big data applications.
no code implementations • 16 Jun 2023 • Yinxuan Huang, Tonglin Chen, Zhimeng Shen, Jinghao Huang, Bin Li, xiangyang xue
The results demonstrate the shortcomings of state-of-the-art methods for learning meaningful representations from real-world data, despite their impressive performance on complex synthesis datasets.
no code implementations • 16 Jun 2023 • Dongshuo Yin, Xueting Han, Bin Li, Hao Feng, Jing Bai
We provide a gradient backpropagation highway for low-rank adapters which eliminates the need for expensive backpropagation through the frozen pre-trained model, resulting in substantial savings of training memory and training time.
1 code implementation • 14 Jun 2023 • Ziqiang Li, Hong Sun, Pengfei Xia, Heng Li, Beihao Xia, Yi Wu, Bin Li
However, existing backdoor attack methods make unrealistic assumptions, assuming that all training data comes from a single source and that attackers have full access to the training data.
no code implementations • 14 Jun 2023 • Ziqiang Li, Hong Sun, Pengfei Xia, Beihao Xia, Xue Rui, Wei zhang, Qinglang Guo, Zhangjie Fu, Bin Li
To address these concerns, we present a Proxy attack-Free Strategy (PFS) designed to identify efficient poisoning samples based on the similarity between clean samples and their corresponding poisoning samples, as well as the diversity of the poisoning set.
1 code implementation • 25 May 2023 • Xizhou Zhu, Yuntao Chen, Hao Tian, Chenxin Tao, Weijie Su, Chenyu Yang, Gao Huang, Bin Li, Lewei Lu, Xiaogang Wang, Yu Qiao, Zhaoxiang Zhang, Jifeng Dai
These agents, equipped with the logic and common sense capabilities of LLMs, can skillfully navigate complex, sparse-reward environments with text-based interactions.
no code implementations • 23 May 2023 • Dong Wei, Xiaoning Sun, Huaijiang Sun, Bin Li, Shengxiang Hu, Weiqing Li, Jianfeng Lu
The emergence of text-driven motion synthesis technique provides animators with great potential to create efficiently.
no code implementations • 9 May 2023 • Shangchao Su, Haiyang Yu, Bin Li, xiangyang xue
In Chinese text recognition, to compensate for the insufficient local data and improve the performance of local few-shot character recognition, it is often necessary for one organization to collect a large amount of data from similar organizations.
1 code implementation • 9 May 2023 • Yixuan Weng, Bin Li, Fei Xia, Minjun Zhu, Bin Sun, Shizhu He, Kang Liu, Jun Zhao
The medical conversational question answering (CQA) system aims at providing a series of professional medical services to improve the efficiency of medical care.
no code implementations • 6 May 2023 • Mingzhao Yang, Shangchao Su, Bin Li, xiangyang xue
Recently, semi-supervised federated learning (semi-FL) has been proposed to handle the commonly seen real-world scenarios with labeled data on the server and unlabeled data on the clients.
no code implementations • 14 Apr 2023 • Qingyue Yang, Hongjing Niu, Pengfei Xia, Wei zhang, Bin Li
Then, a new method that learns through multiple frequency domains is proposed.
no code implementations • 13 Apr 2023 • Qiongjie Cui, Huaijiang Sun, Jianfeng Lu, Bin Li, Weiqing Li
Predicting high-fidelity future human poses, from a historically observed sequence, is decisive for intelligent robots to interact with humans.
no code implementations • CVPR 2023 • Xiaoning Sun, Huaijiang Sun, Bin Li, Dong Wei, Weiqing Li, Jianfeng Lu
Let us rethink the real-world scenarios that require human motion prediction techniques, such as human-robot collaboration.
no code implementations • 10 Apr 2023 • Drew Penney, Bin Li, Lizhong Chen, Jaroslaw J. Sydir, Anna Drewek-Ossowicka, Ramesh Illikkal, Charlie Tai, Ravi Iyer, Andrew Herdrich
Resource sharing between multiple workloads has become a prominent practice among cloud service providers, motivated by demand for improved resource utilization and reduced cost of ownership.
2 code implementations • 6 Apr 2023 • Kang Chen, Tao Han, Junchao Gong, Lei Bai, Fenghua Ling, Jing-Jia Luo, Xi Chen, Leiming Ma, Tianning Zhang, Rui Su, Yuanzheng Ci, Bin Li, Xiaokang Yang, Wanli Ouyang
We present FengWu, an advanced data-driven global medium-range weather forecast system based on Artificial Intelligence (AI).
3 code implementations • 4 Apr 2023 • Yixuan Weng, Minjun Zhu, Fei Xia, Bin Li, Shizhu He, Kang Liu, Jun Zhao
Our work highlights the potential of seamlessly unifying explicit rule learning via CoNNs and implicit pattern learning in LMs, paving the way for true symbolic comprehension capabilities.
no code implementations • 23 Mar 2023 • Bin Li, Yahui Lei
In this paper, we study ad auctions with display prices from the perspective of mechanism design, in which advertisers are asked to submit both the costs and prices of their products.
no code implementations • 20 Mar 2023 • Xinyan Zu, Haiyang Yu, Bin Li, xiangyang xue
Text segmentation is a challenging vision task with many downstream applications.
no code implementations • 18 Mar 2023 • Ziyang Ye, Haiyang Yu, Bin Li
To estimate the uncertainty, we propose a module named Pyramid Covariance Predictor to predict the covariance matrices of the target Gaussian distributions, which determine the distributions of landmarks and represent the uncertainty of landmark annotation.
no code implementations • 17 Mar 2023 • Jie Wang, Zhihao Shi, Xize Liang, Defu Lian, Shuiwang Ji, Bin Li, Enhong Chen, Feng Wu
During the message passing (MP) in GNNs, subgraph-wise sampling methods discard messages outside the mini-batches in backward passes to avoid the well-known neighbor explosion problem, i. e., the exponentially increasing dependencies of nodes with the number of MP iterations.
2 code implementations • CVPR 2023 • Jiahao Li, Bin Li, Yan Lu
Better yet, our codec has surpassed the under-developing next generation traditional codec/ECM in both RGB and YUV420 colorspaces, in terms of PSNR.
2 code implementations • 20 Feb 2023 • Tao Huang, Kai Chen, Bin Li, Yun-hui Liu, Qi Dou
Task automation of surgical robot has the potentials to improve surgical efficiency.
1 code implementation • 19 Feb 2023 • Jie Wang, Rui Yang, Zijie Geng, Zhihao Shi, Mingxuan Ye, Qi Zhou, Shuiwang Ji, Bin Li, Yongdong Zhang, Feng Wu
The appealing features of RSD-OA include that: (1) RSD-OA is invariant to visual distractions, as it is conditioned on the predefined subsequent action sequence without task-irrelevant information from transition dynamics, and (2) the reward sequence captures long-term task-relevant information in both rewards and transition dynamics.
no code implementations • 14 Feb 2023 • Wenshuai Liu, Bin Li, Wancheng Xie, Yueyue Dai, Zesong Fei
With the high flexibility of supporting resource-intensive and time-sensitive applications, unmanned aerial vehicle (UAV)-assisted mobile edge computing (MEC) is proposed as an innovational paradigm to support the mobile users (MUs).
1 code implementation • 10 Feb 2023 • Guo-Hua Wang, Jiahao Li, Bin Li, Yan Lu
Both mask decay and residual representation learning greatly improve the RD performance of our scalable encoder.
no code implementations • 2 Feb 2023 • Lingli He, Jiahui Sun, Yiwei Gao, Bin Li, Yuhang Wang, Yanli Dong, Weidong An, Hang Li, Bei Yang, Yuhan Ge, Xuejun Cai Zhang, Yun Stone Shi, Yan Zhao
Glutamate-gated kainate receptors (KARs) are ubiquitous in the central nervous system of vertebrates, mediate synaptic transmission on post-synapse, and modulate transmitter release on pre-synapse.
no code implementations • 25 Jan 2023 • Tongzhi Niu, Bin Li, Kai Li, Yufeng Lin, Yuwei Li, Weifeng Li, Zhenrong Wang
In the surface defect detection, there are some suspicious regions that cannot be uniquely classified as abnormal or normal.
1 code implementation • 21 Jan 2023 • Chengmin Gao, Bin Li
To reconstruct the complete shape of an object accurately, we enhance the disentanglement between the latent representations of objects and views, where the latent representations of time-conditioned views are jointly inferred with a Transformer and then are input to a sequential extension of Slot Attention to learn object-centric representations.
no code implementations • ICCV 2023 • Qiongjie Cui, Huaijiang Sun, Jianfeng Lu, Weiqing Li, Bin Li, Hongwei Yi, Haofan Wang
Current motion forecasting approaches typically train a deep end-to-end model from the source domain data, and then apply it directly to target subjects.
no code implementations • CVPR 2023 • Linfeng Qi, Jiahao Li, Bin Li, Houqiang Li, Yan Lu
Meanwhile, besides assisting frame coding at the current time step, the feature from context generation will be propagated as motion condition when coding the subsequent motion latent.
no code implementations • CVPR 2023 • Tianyu Huang, Haoang Li, Kejing He, Congying Sui, Bin Li, Yun-hui Liu
As to the orthographic projection problem, we propose a novel Viewing Direction-aided Positional Encoding (VDPE) strategy.
1 code implementation • 19 Dec 2022 • Yixuan Weng, Minjun Zhu, Fei Xia, Bin Li, Shizhu He, Shengping Liu, Bin Sun, Kang Liu, Jun Zhao
By performing a backward verification of the answers that LLM deduced for itself, we can obtain interpretable answer validation scores to select the candidate answer with the highest score.
no code implementations • 16 Dec 2022 • Shaowei Zhu, Wanli Lyu, Bin Li, Zhaoxia Yin, Bin Luo
In addition, the proposed method does not modify any task model, which can be used as a preprocessing module, which significantly reduces the deployment cost in practical applications.
no code implementations • 10 Dec 2022 • Bin Li, Yixuan Weng, Qiya Song, Hanjun Deng
As the deep learning rapidly promote, the artificial texts created by generative models are commonly used in news and social media.
no code implementations • 24 Nov 2022 • Haiyang Yu, Jingye Chen, Bin Li, xiangyang xue
In this paper, we represent each Chinese character as a stroke tree, which is organized according to its radical structures, to fully exploit the merits of both radical and stroke levels in a decent way.
no code implementations • 21 Nov 2022 • Tonglin Chen, Bin Li, Zhimeng Shen, xiangyang xue
Inspired by such an ability of humans, this paper proposes a compositional scene modeling method to infer global representations of canonical images of objects without any supervision.
1 code implementation • CVPR 2023 • Weijie Su, Xizhou Zhu, Chenxin Tao, Lewei Lu, Bin Li, Gao Huang, Yu Qiao, Xiaogang Wang, Jie zhou, Jifeng Dai
It has been proved that combining multiple pre-training strategies and data from various modalities/sources can greatly boost the training of large-scale models.
Ranked #2 on
Object Detection
on COCO test-dev
1 code implementation • 15 Nov 2022 • Shangchao Su, Mingzhao Yang, Bin Li, xiangyang xue
In this paper, we propose a federated adaptive prompt tuning algorithm, FedAPT, for multi-domain collaborative image classification with powerful foundation models, like CLIP.
1 code implementation • 26 Oct 2022 • Yixuan Weng, Bin Li
In this paper, we propose a cross-modal mutual knowledge transfer span localization (MutualSL) method to reduce the knowledge deviation.
no code implementations • 20 Oct 2022 • Wei zhang, Jiaxi Cao, Xiang Wang, Enqi Tian, Bin Li
In recent years, head-mounted near-eye display devices have become the key hardware foundation for virtual reality and augmented reality.
no code implementations • 12 Oct 2022 • Dong Wei, Huaijiang Sun, Bin Li, Jianfeng Lu, Weiqing Li, Xiaoning Sun, Shengxiang Hu
This process offers a natural way to obtain the "whitened" latents without any trainable parameters, and human motion prediction can be regarded as the reverse diffusion process that converts the noise distribution into realistic future motions conditioned on the observed sequence.
1 code implementation • 11 Oct 2022 • Bin Li, Yixuan Weng, Bin Sun, Shutao Li
We introduce a new task, named video corpus visual answer localization (VCVAL), which aims to locate the visual answer in a large collection of untrimmed instructional videos using a natural language question.
no code implementations • 4 Oct 2022 • Shangchao Su, Bin Li, xiangyang xue
In this paper, we first analyze the generalization bound of the aggregation model produced from knowledge distillation for the client domains, and then describe two challenges, server-to-client discrepancy and client-to-client discrepancy, brought to the aggregation model by the domain discrepancies.
1 code implementation • 29 Sep 2022 • Hongjing Niu, Hanting Li, Feng Zhao, Bin Li
The proposed scheme generates diverse prompts from a domain bank that contains many more diverse domains than existing DG datasets.
1 code implementation • 18 Sep 2022 • Kang Chen, Shaochen Wang, Beihao Xia, Dongxu Li, Zhen Kan, Bin Li
We observe that the global characteristics of the transformer make it easier to extract contextual information to perform depth estimation of transparent areas.
1 code implementation • 15 Sep 2022 • Fan Shi, Bin Li, xiangyang xue
The automatic parsing of these laws indicates the model's ability to understand the scene, which makes law parsing play a central role in many visual tasks.
1 code implementation • 16 Aug 2022 • Tao Yan, Mingyue Li, Bin Li, Yang Yang, Rynson W. H. Lau
However, making full use of the abundant information available from LFIs, such as 2D array of sub-views and the disparity map of each sub-view, for effective rain removal is still a challenging problem.
no code implementations • 12 Aug 2022 • Zhiyu Jin, Xuli Shen, Bin Li, xiangyang xue
We connect Fourier amplitude and phase with Gram matrices and a content reconstruction loss in style transfer, respectively.
no code implementations • 8 Aug 2022 • Wei Luo, Tongzhi Niu, Lixin Tang, Wenyong Yu, Bin Li
At first, we propose a novel clear memory-augmented module (CMAM), which combines the encoding and memoryencoding in a way of forgetting and inputting, thereby repairing abnormal foregrounds and preserving clear backgrounds.
no code implementations • 2 Aug 2022 • Xiaoning Sun, Qiongjie Cui, Huaijiang Sun, Bin Li, Weiqing Li, Jianfeng Lu
Previous works on human motion prediction follow the pattern of building a mapping relation between the sequence observed and the one to be predicted.
1 code implementation • 18 Jul 2022 • Ziqiang Li, Chaoyue Wang, Heliang Zheng, Jing Zhang, Bin Li
Since data augmentation strategies have largely alleviated the training instability, how to further improve the generative performance of DE-GANs becomes a hotspot.
1 code implementation • 13 Jul 2022 • Jiahao Li, Bin Li, Yan Lu
Besides estimating the probability distribution, our entropy model also generates the quantization step at spatial-channel-wise.
no code implementations • 5 Jul 2022 • Bin Li, Yixuan Weng, Ziyu Ma, Bin Sun, Shutao Li
To fully leverage the visual information for both scene understanding and dialogue generation, we propose the scene-aware prompt for the MDUG task.
no code implementations • 30 Jun 2022 • Shangchao Su, Bin Li, Chengzhi Zhang, Mingzhao Yang, xiangyang xue
Federated learning can enable multi-party collaborative learning without leaking client data.
no code implementations • 22 Jun 2022 • Zhuangkun Wei, Bin Li, Weisi Guo
The development of reconfigurable intelligent surfaces (RIS) has recently advanced the research of physical layer security (PLS).
1 code implementation • 12 Jun 2022 • Shunquan Tan, Qiushi Li, Laiyuan Li, Bin Li, Jiwu Huang
We propose a normalized distortion threshold to evaluate the sensitivity of each involved convolutional layer of the base model to guide STD-NET to compress target network in an efficient and unsupervised approach, and obtain two network structures of different shapes with low computation cost and similar performance compared with the original one.
2 code implementations • CVPR 2023 • Chenxin Tao, Xizhou Zhu, Weijie Su, Gao Huang, Bin Li, Jie zhou, Yu Qiao, Xiaogang Wang, Jifeng Dai
Driven by these analysis, we propose Siamese Image Modeling (SiameseIM), which predicts the dense representations of an augmented view, based on another masked view from the same image but with different augmentations.
1 code implementation • 1 Jun 2022 • Bin Li, Zhongan Wang, Nan Wu, Shuai Shi, Qijun Ma
These methods generally extract the global features as descriptor to represent the original image.
1 code implementation • 20 May 2022 • Rui Yang, Jie Wang, Zijie Geng, Mingxuan Ye, Shuiwang Ji, Bin Li, Feng Wu
Generalization across different environments with the same tasks is critical for successful applications of visual reinforcement learning (RL) in real scenarios.