Search Results for author: Lei LI

Found 363 papers, 185 papers with code

FoveaBox: Beyond Anchor-based Object Detector

7 code implementations8 Apr 2019 Tao Kong, Fuchun Sun, Huaping Liu, Yuning Jiang, Lei LI, Jianbo Shi

In FoveaBox, an instance is assigned to adjacent feature levels to make the model more accurate. We demonstrate its effectiveness on standard benchmarks and report extensive experimental analysis.

Ranked #82 on Object Detection on COCO test-dev (APM metric)

Object object-detection +1

SOLOv2: Dynamic and Fast Instance Segmentation

18 code implementations NeurIPS 2020 Xinlong Wang, Rufeng Zhang, Tao Kong, Lei LI, Chunhua Shen

Importantly, we take one step further by dynamically learning the mask head of the object segmenter such that the mask head is conditioned on the location.

object-detection Object Detection +4

Sparse R-CNN: End-to-End Object Detection with Learnable Proposals

6 code implementations CVPR 2021 Peize Sun, Rufeng Zhang, Yi Jiang, Tao Kong, Chenfeng Xu, Wei Zhan, Masayoshi Tomizuka, Lei LI, Zehuan Yuan, Changhu Wang, Ping Luo

In our method, however, a fixed sparse set of learned object proposals, total length of $N$, are provided to object recognition head to perform classification and location.

Object object-detection +2

LightSeq2: Accelerated Training for Transformer-based Models on GPUs

1 code implementation12 Oct 2021 Xiaohui Wang, Yang Wei, Ying Xiong, Guyue Huang, Xian Qian, Yufei Ding, Mingxuan Wang, Lei LI

In this paper, we present LightSeq2, a system to accelerate training for a general family of Transformer models on GPUs.

Machine Translation Speech Recognition +1

Dense Contrastive Learning for Self-Supervised Visual Pre-Training

6 code implementations CVPR 2021 Xinlong Wang, Rufeng Zhang, Chunhua Shen, Tao Kong, Lei LI

Compared to the baseline method MoCo-v2, our method introduces negligible computation overhead (only <1% slower), but demonstrates consistently superior performance when transferring to downstream dense prediction tasks including object detection, semantic segmentation and instance segmentation; and outperforms the state-of-the-art methods by a large margin.

Contrastive Learning Image Classification +7

One Model for All Domains: Collaborative Domain-Prefix Tuning for Cross-Domain NER

2 code implementations25 Jan 2023 Xiang Chen, Lei LI, Shuofei Qiao, Ningyu Zhang, Chuanqi Tan, Yong Jiang, Fei Huang, Huajun Chen

Previous typical solutions mainly obtain a NER model by pre-trained language models (PLMs) with data from a rich-resource domain and adapt it to the target domain.

NER Text Generation

EasyInstruct: An Easy-to-use Instruction Processing Framework for Large Language Models

3 code implementations5 Feb 2024 Yixin Ou, Ningyu Zhang, Honghao Gui, Ziwen Xu, Shuofei Qiao, Yida Xue, Runnan Fang, Kangwei Liu, Lei LI, Zhen Bi, Guozhou Zheng, Huajun Chen

In recent years, instruction tuning has gained increasing attention and emerged as a crucial technique to enhance the capabilities of Large Language Models (LLMs).

A Survey on In-context Learning

1 code implementation31 Dec 2022 Qingxiu Dong, Damai Dai, Ce Zheng, Zhiyong Wu, Baobao Chang, Xu sun, Jingjing Xu, Lei LI, Zhifang Sui

With the increasing ability of large language models (LLMs), in-context learning (ICL) has become a new paradigm for natural language processing (NLP), where LLMs make predictions only based on contexts augmented with a few examples.

In-Context Learning

Relation Extraction as Open-book Examination: Retrieval-enhanced Prompt Tuning

1 code implementation4 May 2022 Xiang Chen, Lei LI, Ningyu Zhang, Chuanqi Tan, Fei Huang, Luo Si, Huajun Chen

Note that the previous parametric learning paradigm can be viewed as memorization regarding training data as a book and inference as the close-book test.

Few-Shot Learning Memorization +3

Decoupling Knowledge from Memorization: Retrieval-augmented Prompt Learning

2 code implementations29 May 2022 Xiang Chen, Lei LI, Ningyu Zhang, Xiaozhuan Liang, Shumin Deng, Chuanqi Tan, Fei Huang, Luo Si, Huajun Chen

Specifically, vanilla prompt learning may struggle to utilize atypical instances by rote during fully-supervised training or overfit shallow patterns with low-shot data.

Few-Shot Text Classification Memorization +5

Provable Robust Watermarking for AI-Generated Text

4 code implementations30 Jun 2023 Xuandong Zhao, Prabhanjan Ananth, Lei LI, Yu-Xiang Wang

We propose a robust and high-quality watermark method, Unigram-Watermark, by extending an existing approach with a simplified fixed grouping strategy.

Language Modelling

Towards Making the Most of BERT in Neural Machine Translation

2 code implementations15 Aug 2019 Jiacheng Yang, Mingxuan Wang, Hao Zhou, Chengqi Zhao, Yong Yu, Wei-Nan Zhang, Lei LI

Our experiments in machine translation show CTNMT gains of up to 3 BLEU score on the WMT14 English-German language pair which even surpasses the previous state-of-the-art pre-training aided NMT by 1. 4 BLEU score.

Machine Translation NMT +2

The Volctrans Neural Speech Translation System for IWSLT 2021

1 code implementation ACL (IWSLT) 2021 Chengqi Zhao, Zhicheng Liu, Jian Tong, Tao Wang, Mingxuan Wang, Rong Ye, Qianqian Dong, Jun Cao, Lei LI

For offline speech translation, our best end-to-end model achieves 8. 1 BLEU improvements over the benchmark on the MuST-C test set and is even approaching the results of a strong cascade solution.

Translation

Document-level Event Extraction via Heterogeneous Graph-based Interaction Model with a Tracker

2 code implementations ACL 2021 Runxin Xu, Tianyu Liu, Lei LI, Baobao Chang

Existing methods are not effective due to two challenges of this task: a) the target event arguments are scattered across sentences; b) the correlation among events in a document is non-trivial to model.

Document-level Event Extraction Event Extraction

Mamba-UNet: UNet-Like Pure Visual Mamba for Medical Image Segmentation

1 code implementation7 Feb 2024 Ziyang Wang, Jian-Qing Zheng, Yichi Zhang, Ge Cui, Lei LI

Mamba-UNet adopts a pure Visual Mamba (VMamba)-based encoder-decoder structure, infused with skip connections to preserve spatial information across different scales of the network.

Cardiac Segmentation Computational Efficiency +3

Dynamically Fused Graph Network for Multi-hop Reasoning

1 code implementation ACL 2019 Yunxuan Xiao, Yanru Qu, Lin Qiu, Hao Zhou, Lei LI, Wei-Nan Zhang, Yong Yu

However, many difficult questions require multiple supporting evidence from scattered text among two or more documents.

Question Answering

PARAGEN : A Parallel Generation Toolkit

1 code implementation7 Oct 2022 Jiangtao Feng, Yi Zhou, Jun Zhang, Xian Qian, Liwei Wu, Zhexi Zhang, Yanming Liu, Mingxuan Wang, Lei LI, Hao Zhou

PARAGEN is a PyTorch-based NLP toolkit for further development on parallel generation.

Model Selection

Pre-training Multilingual Neural Machine Translation by Leveraging Alignment Information

1 code implementation EMNLP 2020 Zehui Lin, Xiao Pan, Mingxuan Wang, Xipeng Qiu, Jiangtao Feng, Hao Zhou, Lei LI

We investigate the following question for machine translation (MT): can we develop a single universal MT model to serve as the common seed and obtain derivative and improved models on arbitrary language pairs?

Ranked #3 on Machine Translation on WMT2014 English-French (using extra training data)

Machine Translation Translation

Contrastive Learning for Many-to-many Multilingual Neural Machine Translation

3 code implementations ACL 2021 Xiao Pan, Mingxuan Wang, Liwei Wu, Lei LI

Existing multilingual machine translation approaches mainly focus on English-centric directions, while the non-English directions still lag behind.

Contrastive Learning Data Augmentation +2

CGMH: Constrained Sentence Generation by Metropolis-Hastings Sampling

1 code implementation14 Nov 2018 Ning Miao, Hao Zhou, Lili Mou, Rui Yan, Lei LI

In real-world applications of natural language generation, there are often constraints on the target sentences in addition to fluency and naturalness requirements.

Sentence Text Generation

Hybrid Transformer with Multi-level Fusion for Multimodal Knowledge Graph Completion

1 code implementation4 May 2022 Xiang Chen, Ningyu Zhang, Lei LI, Shumin Deng, Chuanqi Tan, Changliang Xu, Fei Huang, Luo Si, Huajun Chen

Since most MKGs are far from complete, extensive knowledge graph completion studies have been proposed focusing on the multimodal entity, relation extraction and link prediction.

Information Retrieval Link Prediction +4

Invisible Image Watermarks Are Provably Removable Using Generative AI

1 code implementation2 Jun 2023 Xuandong Zhao, Kexun Zhang, Zihao Su, Saastha Vasan, Ilya Grishchenko, Christopher Kruegel, Giovanni Vigna, Yu-Xiang Wang, Lei LI

However, if we do not require the watermarked image to look the same as the original one, watermarks that keep the image semantically similar can be an alternative defense against our attack.

Image Denoising

Text AutoAugment: Learning Compositional Augmentation Policy for Text Classification

1 code implementation EMNLP 2021 Shuhuai Ren, Jinchao Zhang, Lei LI, Xu sun, Jie zhou

Data augmentation aims to enrich training samples for alleviating the overfitting issue in low-resource or class-imbalanced situations.

Bayesian Optimization Data Augmentation +2

Large Language Models are not Fair Evaluators

1 code implementation29 May 2023 Peiyi Wang, Lei LI, Liang Chen, Zefan Cai, Dawei Zhu, Binghuai Lin, Yunbo Cao, Qi Liu, Tianyu Liu, Zhifang Sui

In this paper, we uncover a systematic bias in the evaluation paradigm of adopting large language models~(LLMs), e. g., GPT-4, as a referee to score and compare the quality of responses generated by candidate models.

Language Modelling Large Language Model +1

Personalized Prompt Learning for Explainable Recommendation

1 code implementation15 Feb 2022 Lei LI, Yongfeng Zhang, Li Chen

In the latter case, ID vectors are randomly initialized but the model is trained in advance on large corpora, so they are actually in different learning stages.

Explainable Recommendation Recommendation Systems +1

Label Words are Anchors: An Information Flow Perspective for Understanding In-Context Learning

1 code implementation23 May 2023 Lean Wang, Lei LI, Damai Dai, Deli Chen, Hao Zhou, Fandong Meng, Jie zhou, Xu sun

In-context learning (ICL) emerges as a promising capability of large language models (LLMs) by providing them with demonstration examples to perform diverse tasks.

In-Context Learning

Good Visual Guidance Makes A Better Extractor: Hierarchical Visual Prefix for Multimodal Entity and Relation Extraction

1 code implementation7 May 2022 Xiang Chen, Ningyu Zhang, Lei LI, Yunzhi Yao, Shumin Deng, Chuanqi Tan, Fei Huang, Luo Si, Huajun Chen

To deal with these issues, we propose a novel Hierarchical Visual Prefix fusion NeTwork (HVPNeT) for visual-enhanced entity and relation extraction, aiming to achieve more effective and robust performance.

named-entity-recognition Named Entity Recognition +3

Personalized Transformer for Explainable Recommendation

1 code implementation ACL 2021 Lei LI, Yongfeng Zhang, Li Chen

Transformer, which is demonstrated with strong language modeling capability, however, is not personalized and fails to make use of the user and item IDs since the ID tokens are not even in the same semantic space as the words.

Explainable Recommendation Language Modelling +1

Segment Anything Model for Medical Images?

1 code implementation28 Apr 2023 Yuhao Huang, Xin Yang, Lian Liu, Han Zhou, Ao Chang, Xinrui Zhou, Rusi Chen, Junxuan Yu, Jiongquan Chen, Chaoyu Chen, Sijing Liu, Haozhe Chi, Xindi Hu, Kejuan Yue, Lei LI, Vicente Grau, Deng-Ping Fan, Fajin Dong, Dong Ni

To fully validate SAM's performance on medical data, we collected and sorted 53 open-source datasets and built a large medical segmentation dataset with 18 modalities, 84 objects, 125 object-modality paired targets, 1050K 2D images, and 6033K masks.

Image Segmentation Medical Image Segmentation +3

On Tree-Based Neural Sentence Modeling

1 code implementation EMNLP 2018 Haoyue Shi, Hao Zhou, Jiaze Chen, Lei LI

To study the effectiveness of different tree structures, we replace the parsing trees with trivial trees (i. e., binary balanced tree, left-branching tree and right-branching tree) in the encoders.

Sentence Sentiment Analysis +1

Task-Aware Monocular Depth Estimation for 3D Object Detection

1 code implementation17 Sep 2019 Xinlong Wang, Wei Yin, Tao Kong, Yuning Jiang, Lei LI, Chunhua Shen

In this paper, we first analyse the data distributions and interaction of foreground and background, then propose the foreground-background separated monocular depth estimation (ForeSeE) method, to estimate the foreground depth and background depth using separate optimization objectives and depth decoders.

3D Object Detection 3D Object Recognition +4

Cross-modal Contrastive Learning for Speech Translation

1 code implementation NAACL 2022 Rong Ye, Mingxuan Wang, Lei LI

Learning similar representations for semantically similar speech and text is important for speech translation.

Contrastive Learning Retrieval +3

INSTRUCTSCORE: Explainable Text Generation Evaluation with Finegrained Feedback

1 code implementation23 May 2023 Wenda Xu, Danqing Wang, Liangming Pan, Zhenqiao Song, Markus Freitag, William Yang Wang, Lei LI

By harnessing both explicit human instruction and the implicit knowledge of GPT-4, we fine-tune a text evaluation metric based on LLaMA, producing both a score for generated text and a human readable diagnostic report.

Text Generation

Self-Supervised Speech Denoising Using Only Noisy Audio Signals

1 code implementation30 Oct 2021 Jiasong Wu, Qingchun Li, Guanyu Yang, Lei LI, Lotfi Senhadji, Huazhong Shu

The first module adopts a random audio sub-sampler on each noisy audio to generate training pairs.

Audio Denoising Denoising +1

VATEX: A Large-Scale, High-Quality Multilingual Dataset for Video-and-Language Research

2 code implementations ICCV 2019 Xin Wang, Jiawei Wu, Junkun Chen, Lei LI, Yuan-Fang Wang, William Yang Wang

We also introduce two tasks for video-and-language research based on VATEX: (1) Multilingual Video Captioning, aimed at describing a video in various languages with a compact unified captioning model, and (2) Video-guided Machine Translation, to translate a source language description into the target language using the video information as additional spatiotemporal context.

Machine Translation Translation +3

Deepfake Network Architecture Attribution

1 code implementation28 Feb 2022 Tianyun Yang, Ziyao Huang, Juan Cao, Lei LI, Xirong Li

With the rapid progress of generation technology, it has become necessary to attribute the origin of fake images.

Attribute DeepFake Detection +2

Learning Shared Semantic Space for Speech-to-Text Translation

2 code implementations Findings (ACL) 2021 Chi Han, Mingxuan Wang, Heng Ji, Lei LI

By projecting audio and text features to a common semantic representation, Chimera unifies MT and ST tasks and boosts the performance on ST benchmarks, MuST-C and Augmented Librispeech, to a new state-of-the-art.

Machine Translation Speech-to-Text Translation +1

Weak-to-Strong Jailbreaking on Large Language Models

1 code implementation30 Jan 2024 Xuandong Zhao, Xianjun Yang, Tianyu Pang, Chao Du, Lei LI, Yu-Xiang Wang, William Yang Wang

In this paper, we propose the weak-to-strong jailbreaking attack, an efficient method to attack aligned LLMs to produce harmful text.

Pun-GAN: Generative Adversarial Network for Pun Generation

1 code implementation IJCNLP 2019 Fuli Luo, Shunyao Li, Pengcheng Yang, Lei LI, Baobao Chang, Zhifang Sui, Xu sun

It consists of a generator to produce pun sentences, and a discriminator to distinguish between the generated pun sentences and the real sentences with specific word senses.

Generative Adversarial Network Sentence

Automatic Generation of Personalized Comment Based on User Profile

1 code implementation ACL 2019 Wenhuan Zeng, Abulikemu Abuduweili, Lei LI, Pengcheng Yang

Comments on social media are very diverse, in terms of content, style and vocabulary, which make generating comments much more challenging than other existing natural language generation~(NLG) tasks.

Comment Generation Text Generation

Dynamic Knowledge Distillation for Pre-trained Language Models

1 code implementation EMNLP 2021 Lei LI, Yankai Lin, Shuhuai Ren, Peng Li, Jie zhou, Xu sun

Knowledge distillation~(KD) has been proved effective for compressing large-scale pre-trained language models.

Knowledge Distillation

Consecutive Decoding for Speech-to-text Translation

1 code implementation21 Sep 2020 Qianqian Dong, Mingxuan Wang, Hao Zhou, Shuang Xu, Bo Xu, Lei LI

The key idea is to generate source transcript and target translation text with a single decoder.

Machine Translation speech-recognition +3

Be Careful about Poisoned Word Embeddings: Exploring the Vulnerability of the Embedding Layers in NLP Models

1 code implementation NAACL 2021 Wenkai Yang, Lei LI, Zhiyuan Zhang, Xuancheng Ren, Xu sun, Bin He

However, in this paper, we find that it is possible to hack the model in a data-free way by modifying one single word embedding vector, with almost no accuracy sacrificed on clean samples.

Backdoor Attack Data Poisoning +4

Rethinking the Unpretentious U-net for Medical Ultrasound Image Segmentation

2 code implementations15 Sep 2022 Gongping Chen, Lei LI, Jianxun Zhang, Yu Dai

However, variable tumor morphology, blurred boundary, and similar intensity distributions bring challenges for accurate segmentation of breast tumors.

Image Segmentation Segmentation +1

Well-classified Examples are Underestimated in Classification with Deep Neural Networks

1 code implementation13 Oct 2021 Guangxiang Zhao, Wenkai Yang, Xuancheng Ren, Lei LI, Yunfang Wu, Xu sun

The conventional wisdom behind learning deep classification models is to focus on bad-classified examples and ignore well-classified examples that are far from the decision boundary.

Graph Classification imbalanced classification +4

Can We Edit Factual Knowledge by In-Context Learning?

2 code implementations22 May 2023 Ce Zheng, Lei LI, Qingxiu Dong, Yuxuan Fan, Zhiyong Wu, Jingjing Xu, Baobao Chang

Inspired by in-context learning (ICL), a new paradigm based on demonstration contexts without parameter updating, we explore whether ICL can edit factual knowledge.

In-Context Learning knowledge editing

On the Relationship between Explanation and Recommendation: Learning to Rank Explanations for Improved Performance

2 code implementations1 Feb 2021 Lei LI, Yongfeng Zhang, Li Chen

Explaining to users why some items are recommended is critical, as it can help users to make better decisions, increase their satisfaction, and gain their trust in recommender systems (RS).

Learning-To-Rank Recommendation Systems

EXTRA: Explanation Ranking Datasets for Explainable Recommendation

1 code implementation20 Feb 2021 Lei LI, Yongfeng Zhang, Li Chen

To achieve a standard way of evaluating recommendation explanations, we provide three benchmark datasets for EXplanaTion RAnking (denoted as EXTRA), on which explainability can be measured by ranking-oriented metrics.

Explainable Models Explainable Recommendation +1

$\textit{latent}$-GLAT: Glancing at Latent Variables for Parallel Text Generation

1 code implementation5 Apr 2022 Yu Bao, Hao Zhou, ShuJian Huang, Dongqi Wang, Lihua Qian, Xinyu Dai, Jiajun Chen, Lei LI

Recently, parallel text generation has received widespread attention due to its success in generation efficiency.

Text Generation

GLAT: Glancing at Latent Variables for Parallel Text Generation

1 code implementation ACL 2022 Yu Bao, Hao Zhou, ShuJian Huang, Dongqi Wang, Lihua Qian, Xinyu Dai, Jiajun Chen, Lei LI

Recently, parallel text generation has received widespread attention due to its success in generation efficiency.

Text Generation

TempCompass: Do Video LLMs Really Understand Videos?

1 code implementation1 Mar 2024 Yuanxin Liu, Shicheng Li, Yi Liu, Yuxiang Wang, Shuhuai Ren, Lei LI, Sishuo Chen, Xu sun, Lu Hou

Motivated by these two problems, we propose the \textbf{TempCompass} benchmark, which introduces a diversity of temporal aspects and task formats.

Back to Optimization: Diffusion-based Zero-Shot 3D Human Pose Estimation

1 code implementation7 Jul 2023 Zhongyu Jiang, Zhuoran Zhou, Lei LI, Wenhao Chai, Cheng-Yen Yang, Jenq-Neng Hwang

Learning-based methods have dominated the 3D human pose estimation (HPE) tasks with significantly better performance in most benchmarks than traditional optimization-based methods.

Ranked #11 on 3D Human Pose Estimation on 3DPW (PA-MPJPE metric)

3D Human Pose Estimation Image to 3D

Syntax Error-Free and Generalizable Tool Use for LLMs via Finite-State Decoding

1 code implementation10 Oct 2023 Kexun Zhang, Hongqiao Chen, Lei LI, William Wang

Large language models (LLMs) have shown promising capabilities in using external tools to solve complex problems.

Math valid

ALGO: Synthesizing Algorithmic Programs with LLM-Generated Oracle Verifiers

1 code implementation NeurIPS 2023 Kexun Zhang, Danqing Wang, Jingtao Xia, William Yang Wang, Lei LI

To address these challenges, we propose ALGO, a framework that synthesizes Algorithmic programs with LLM-Generated Oracles to guide the generation and verify their correctness.

Code Generation

Dispersed Exponential Family Mixture VAEs for Interpretable Text Generation

1 code implementation16 Jun 2019 Wenxian Shi, Hao Zhou, Ning Miao, Lei LI

To enhance the controllability and interpretability, one can replace the Gaussian prior with a mixture of Gaussian distributions (GM-VAE), whose mixture components could be related to hidden semantic aspects of data.

Language Modelling Text Generation

Learning When to Translate for Streaming Speech

1 code implementation ACL 2022 Qianqian Dong, Yaoming Zhu, Mingxuan Wang, Lei LI

Given a usually long speech sequence, we develop an efficient monotonic segmentation module inside an encoder-decoder model to accumulate acoustic information incrementally and detect proper speech unit boundaries for the input in speech translation task.

Sentence Speech-to-Text Translation +1

Taxonomy Completion via Triplet Matching Network

1 code implementation6 Jan 2021 Jieyu Zhang, Xiangchen Song, Ying Zeng, Jiaze Chen, Jiaming Shen, Yuning Mao, Lei LI

Previous approaches focus on the taxonomy expansion, i. e. finding an appropriate hypernym concept from the taxonomy for a new query concept.

Taxonomy Expansion

DmifNet:3D Shape Reconstruction Based on Dynamic Multi-Branch Information Fusion

1 code implementation21 Nov 2020 Lei LI, Suping Wu

Then, we use a separate side branch network to process the extracted data to better capture edge geometry and corners feature information.

3D Object Reconstruction 3D Shape Reconstruction +1

Tool-Augmented Reward Modeling

1 code implementation2 Oct 2023 Lei LI, Yekun Chai, Shuohuan Wang, Yu Sun, Hao Tian, Ningyu Zhang, Hua Wu

We validate our approach across a wide range of domains, incorporating seven distinct external tools.

Delving into the Openness of CLIP

1 code implementation4 Jun 2022 Shuhuai Ren, Lei LI, Xuancheng Ren, Guangxiang Zhao, Xu sun

However, evaluating the openness of CLIP-like models is challenging, as the models are open to arbitrary vocabulary in theory, but their accuracy varies in practice.

Image Classification Text Matching

Extrapolating Large Language Models to Non-English by Aligning Languages

2 code implementations9 Aug 2023 Wenhao Zhu, Yunzhe Lv, Qingxiu Dong, Fei Yuan, Jingjing Xu, ShuJian Huang, Lingpeng Kong, Jiajun Chen, Lei LI

We start from targeting individual languages by performing cross-lingual instruction-tuning (CoIT) on LLaMA, i. e. tuning it with translation task data and cross-lingual general task data to obtain cross-lingual models (x-LLaMAs), and formulate underlying scaling laws to investigate the advantages of using scalable translation data.

Translation

Cross-Modal Commentator: Automatic Machine Commenting Based on Cross-Modal Information

1 code implementation ACL 2019 Pengcheng Yang, Zhihan Zhang, Fuli Luo, Lei LI, Chengyang Huang, Xu sun

Automatic commenting of online articles can provide additional opinions and facts to the reader, which improves user experience and engagement on social media platforms.

Comment Generation

UniKeyphrase: A Unified Extraction and Generation Framework for Keyphrase Prediction

1 code implementation Findings (ACL) 2021 Huanqin Wu, Wei Liu, Lei LI, Dan Nie, Tao Chen, Feng Zhang, Di Wang

Keyphrase Prediction (KP) task aims at predicting several keyphrases that can summarize the main idea of the given document.

Relation

Enhancing Cross-lingual Transfer by Manifold Mixup

1 code implementation ICLR 2022 Huiyun Yang, Huadong Chen, Hao Zhou, Lei LI

Based on large-scale pre-trained multilingual representations, recent cross-lingual transfer methods have achieved impressive transfer performances.

Cross-Lingual Transfer

From Mimicking to Integrating: Knowledge Integration for Pre-Trained Language Models

1 code implementation11 Oct 2022 Lei LI, Yankai Lin, Xuancheng Ren, Guangxiang Zhao, Peng Li, Jie zhou, Xu sun

We then design a Model Uncertainty--aware Knowledge Integration (MUKI) framework to recover the golden supervision for the student.

Can Language Models Understand Physical Concepts?

1 code implementation23 May 2023 Lei LI, Jingjing Xu, Qingxiu Dong, Ce Zheng, Qi Liu, Lingpeng Kong, Xu sun

Language models~(LMs) gradually become general-purpose interfaces in the interactive and embodied world, where the understanding of physical concepts is an essential prerequisite.

End-to-end Speech Translation via Cross-modal Progressive Training

1 code implementation21 Apr 2021 Rong Ye, Mingxuan Wang, Lei LI

XSTNet takes both speech and text as input and outputs both transcription and translation text.

Machine Translation Speech-to-Text Translation +1

Kernelized Bayesian Softmax for Text Generation

1 code implementation NeurIPS 2019 Ning Miao, Hao Zhou, Chengqi Zhao, Wenxian Shi, Lei LI

Neural models for text generation require a softmax layer with proper token embeddings during the decoding phase.

Sentence Text Generation

WSDesc: Weakly Supervised 3D Local Descriptor Learning for Point Cloud Registration

1 code implementation5 Aug 2021 Lei LI, Hongbo Fu, Maks Ovsjanikov

Instead of using a predefined fixed-size local support in voxelization, we propose to learn the optimal support in a data-driven manner.

Metric Learning Point Cloud Registration

Cross-Modality Multi-Atlas Segmentation via Deep Registration and Label Fusion

1 code implementation4 Feb 2022 Wangbin Ding, Lei LI, Xiahai Zhuang, Liqin Huang

For the label fusion, we design a similarity estimation network (SimNet), which estimates the fusion weight of each atlas by measuring its similarity to the target image.

Computational Efficiency Image Registration +4

AtrialJSQnet: A New Framework for Joint Segmentation and Quantification of Left Atrium and Scars Incorporating Spatial and Shape Information

1 code implementation11 Aug 2020 Lei Li, Veronika A. Zimmer, Julia A. Schnabel, Xiahai Zhuang

In this work, we develop a new framework, namely AtrialJSQnet, where LA segmentation, scar projection onto the LA surface, and scar quantification are performed simultaneously in an end-to-end style.

Segmentation

Medical Image Analysis on Left Atrial LGE MRI for Atrial Fibrillation Studies: A Review

1 code implementation18 Jun 2021 Lei LI, Veronika A. Zimmer, Julia A. Schnabel, Xiahai Zhuang

Late gadolinium enhancement magnetic resonance imaging (LGE MRI) is commonly used to visualize and quantify left atrial (LA) scars.

Segmentation

Rethinking Text Attribute Transfer: A Lexical Analysis

1 code implementation WS 2019 Yao Fu, Hao Zhou, Jiaze Chen, Lei LI

We apply this framework to existing datasets and models and show that: (1) the pivot words are strong features for the classification of sentence attributes; (2) to change the attribute of a sentence, many datasets only requires to change certain pivot words; (3) consequently, many transfer models only perform the lexical-level modification, while leaving higher-level sentence structures unchanged.

Attribute General Classification +3

Decoupling Predictions in Distributed Learning for Multi-Center Left Atrial MRI Segmentation

1 code implementation10 Jun 2022 Zheyao Gao, Lei LI, Fuping Wu, Sihan Wang, Xiahai Zhuang

In this work, we propose a new framework of distributed learning that bridges the gap between two groups, and improves the performance for both generic and local data.

MRI segmentation

Learning Multi-resolution Functional Maps with Spectral Attention for Robust Shape Matching

1 code implementation12 Oct 2022 Lei LI, Nicolas Donati, Maks Ovsjanikov

Our approach is not only accurate with near-isometric input, for which a high spectral resolution is typically preferred, but also robust and able to produce reasonable matching even in the presence of significant non-isometric distortion, which poses great challenges to existing methods.

SESCORE2: Learning Text Generation Evaluation via Synthesizing Realistic Mistakes

1 code implementation19 Dec 2022 Wenda Xu, Xian Qian, Mingxuan Wang, Lei LI, William Yang Wang

In this paper, we propose SESCORE2, a self-supervised approach for training a model-based metric for text generation evaluation.

Dialogue Generation Machine Translation +2

RPCANet: Deep Unfolding RPCA Based Infrared Small Target Detection

1 code implementation2 Nov 2023 Fengyi Wu, Tianfang Zhang, Lei LI, Yian Huang, Zhenming Peng

Deep learning (DL) networks have achieved remarkable performance in infrared small target detection (ISTD).

Image Reconstruction

Adversarial Option-Aware Hierarchical Imitation Learning

1 code implementation10 Jun 2021 Mingxuan Jing, Wenbing Huang, Fuchun Sun, Xiaojian Ma, Tao Kong, Chuang Gan, Lei LI

In particular, we propose an Expectation-Maximization(EM)-style algorithm: an E-step that samples the options of expert conditioned on the current learned policy, and an M-step that updates the low- and high-level policies of agent simultaneously to minimize the newly proposed option-occupancy measurement between the expert and the agent.

Imitation Learning

Learning Design and Construction with Varying-Sized Materials via Prioritized Memory Resets

1 code implementation12 Apr 2022 Yunfei Li, Tao Kong, Lei LI, Yi Wu

Can a robot autonomously learn to design and construct a bridge from varying-sized blocks without a blueprint?

Motion Planning

ImgTrojan: Jailbreaking Vision-Language Models with ONE Image

1 code implementation5 Mar 2024 Xijia Tao, Shuai Zhong, Lei LI, Qi Liu, Lingpeng Kong

In this paper, we propose a novel jailbreaking attack against VLMs, aiming to bypass their safety barrier when a user inputs harmful instructions.

Deep Active Learning for Anchor User Prediction

1 code implementation18 Jun 2019 Anfeng Cheng, Chuan Zhou, Hong Yang, Jia Wu, Lei LI, Jianlong Tan, Li Guo

Due to the expensive costs of labeling anchor users for training prediction models, we consider in this paper the problem of minimizing the number of user pairs across multiple networks for labeling as to improve the accuracy of the prediction.

Active Learning

Cross-Lingual Vision-Language Navigation

2 code implementations24 Oct 2019 An Yan, Xin Eric Wang, Jiangtao Feng, Lei LI, William Yang Wang

Commanding a robot to navigate with natural language instructions is a long-term goal for grounded language understanding and robotics.

Domain Adaptation Navigate +2

AWSnet: An Auto-weighted Supervision Attention Network for Myocardial Scar and Edema Segmentation in Multi-sequence Cardiac Magnetic Resonance Images

1 code implementation14 Jan 2022 Kai-Ni Wang, Xin Yang, Juzheng Miao, Lei LI, Jing Yao, Ping Zhou, Wufeng Xue, Guang-Quan Zhou, Xiahai Zhuang, Dong Ni

Extensive experimental results on a publicly available dataset from Myocardial pathology segmentation combining multi-sequence CMR (MyoPS 2020) demonstrate our method can achieve promising performance compared with other state-of-the-art methods.

Segmentation

SRFeat: Learning Locally Accurate and Globally Consistent Non-Rigid Shape Correspondence

1 code implementation16 Sep 2022 Lei LI, Souhaib Attaiki, Maks Ovsjanikov

In this work, we present a novel learning-based framework that combines the local accuracy of contrastive learning with the global consistency of geometric approaches, for robust non-rigid matching.

Contrastive Learning

Protecting Language Generation Models via Invisible Watermarking

2 code implementations6 Feb 2023 Xuandong Zhao, Yu-Xiang Wang, Lei LI

We can then detect the secret message by probing a suspect model to tell if it is distilled from the protected one.

Model extraction Text Generation

Unsupervised Editing for Counterfactual Stories

1 code implementation10 Dec 2021 Jiangjie Chen, Chun Gan, Sijie Cheng, Hao Zhou, Yanghua Xiao, Lei LI

We also propose a new metric to alleviate the shortcomings of current automatic metrics and better evaluate the trade-off.

counterfactual

Distributional Correlation--Aware Knowledge Distillation for Stock Trading Volume Prediction

1 code implementation4 Aug 2022 Lei LI, Zhiyuan Zhang, Ruihan Bao, Keiko Harimoto, Xu sun

Traditional knowledge distillation in classification problems transfers the knowledge via class correlations in the soft label produced by teacher models, which are not available in regression problems like stock trading volume prediction.

Knowledge Distillation regression

Revisiting k-NN for Fine-tuning Pre-trained Language Models

1 code implementation18 Apr 2023 Lei LI, Jing Chen, Bozhong Tian, Ningyu Zhang

Pre-trained Language Models (PLMs), as parametric-based eager learners, have become the de-facto choice for current paradigms of Natural Language Processing (NLP).

ImageNetVC: Zero- and Few-Shot Visual Commonsense Evaluation on 1000 ImageNet Categories

1 code implementation24 May 2023 Heming Xia, Qingxiu Dong, Lei LI, Jingjing Xu, Tianyu Liu, Ziwei Qin, Zhifang Sui

Recently, Large Language Models (LLMs) have been serving as general-purpose interfaces, posing a significant demand for comprehensive visual knowledge.

Common Sense Reasoning

Communication Efficient Federated Learning for Multilingual Neural Machine Translation with Adapter

1 code implementation21 May 2023 Yi Liu, Xiaohan Bi, Lei LI, Sishuo Chen, Wenkai Yang, Xu sun

However, as pre-trained language models (PLMs) continue to increase in size, the communication cost for transmitting parameters during synchronization has become a training speed bottleneck.

Clustering Federated Learning +2

ENPAR:Enhancing Entity and Entity Pair Representations for Joint Entity Relation Extraction

1 code implementation EACL 2021 Yijun Wang, Changzhi Sun, Yuanbin Wu, Hao Zhou, Lei LI, Junchi Yan

Current state-of-the-art systems for joint entity relation extraction (Luan et al., 2019; Wad-den et al., 2019) usually adopt the multi-task learning framework.

coreference-resolution Entity Typing +5

Augmenting Legal Judgment Prediction with Contrastive Case Relations

1 code implementation COLING 2022 Dugang Liu, Weihao Du, Lei LI, Weike Pan, Zhong Ming

Existing legal judgment prediction methods usually only consider one single case fact description as input, which may not fully utilize the information in the data such as case relations and frequency.

Functional Geometry Guided Protein Sequence and Backbone Structure Co-Design

1 code implementation6 Oct 2023 Zhenqiao Song, Yunlong Zhao, Wenxian Shi, Yang Yang, Lei LI

In this paper, we propose NAEPro, a model to jointly design Protein sequence and structure based on automatically detected functional sites.

Lego-MT: Learning Detachable Models for Massively Multilingual Machine Translation

1 code implementation20 Dec 2022 Fei Yuan, Yinquan Lu, Wenhao Zhu, Lingpeng Kong, Lei LI, Yu Qiao, Jingjing Xu

To address the needs of learning representations for all languages in a unified space, we propose a novel efficient training recipe, upon which we build an effective detachable model, Lego-MT.

Machine Translation Translation

Right Ventricular Segmentation from Short- and Long-Axis MRIs via Information Transition

1 code implementation5 Sep 2021 Lei LI, Wangbin Ding, Liqun Huang, Xiahai Zhuang

In this work, we propose an automatic RV segmentation framework, where the information from long-axis (LA) views is utilized to assist the segmentation of short-axis (SA) views via information transition.

Segmentation

$ \text{T}^3 $OMVP: A Transformer-based Time and Team Reinforcement Learning Scheme for Observation-constrained Multi-Vehicle Pursuit in Urban Area

1 code implementation1 Mar 2022 Zheng Yuan, Tianhao Wu, Qinwen Wang, Yiying Yang, Lei LI, Lin Zhang

Although there are some achievements in the field of MVP in the open space environment, the urban area brings complicated road structures and restricted moving spaces as challenges to the resolution of MVP games.

Decision Making

Pre-trained Language Models Can be Fully Zero-Shot Learners

2 code implementations14 Dec 2022 Xuandong Zhao, Siqi Ouyang, Zhiguo Yu, Ming Wu, Lei LI

How can we extend a pre-trained model to many language understanding tasks, without labeled or additional unlabeled data?

Retrieval text-classification +3

Accelerating Antimicrobial Peptide Discovery with Latent Structure

1 code implementation28 Nov 2022 Danqing Wang, Zeyu Wen, Fei Ye, Lei LI, Hao Zhou

By sampling in the latent space, LSSAMP can simultaneously generate peptides with ideal sequence attributes and secondary structures.

Quantization

Learning from Mistakes via Cooperative Study Assistant for Large Language Models

1 code implementation23 May 2023 Danqing Wang, Lei LI

In this paper, we propose Study Assistant for Large LAnguage Model (SALAM), a novel framework with an auxiliary agent to assist the main LLM in learning from mistakes through interactive cooperation.

Imitation Learning Language Modelling +1

Permute-and-Flip: An optimally robust and watermarkable decoder for LLMs

1 code implementation8 Feb 2024 Xuandong Zhao, Lei LI, Yu-Xiang Wang

In this paper, we propose a new decoding method called Permute-and-Flip (PF) decoder.

Just ClozE! A Novel Framework for Evaluating the Factual Consistency Faster in Abstractive Summarization

1 code implementation6 Oct 2022 Yiyang Li, Lei LI, Marina Litvak, Natalia Vanetik, Dingxin Hu, Yuze Li, Yanquan Zhou

The issue of factual consistency in abstractive summarization has received extensive attention in recent years, and the evaluation of factual consistency between summary and document has become an important and urgent task.

Abstractive Text Summarization Language Modelling +2

Generalizable Local Feature Pre-training for Deformable Shape Analysis

1 code implementation CVPR 2023 Souhaib Attaiki, Lei LI, Maks Ovsjanikov

We observe that with proper training, learned features can be useful in such tasks, but, crucially, only with an appropriate choice of the receptive field size.

Transfer Learning

Importance Weighted Expectation-Maximization for Protein Sequence Design

1 code implementation30 Apr 2023 Zhenqiao Song, Lei LI

How can we efficiently generate diverse and novel protein sequences with high fitness?

Progression Cognition Reinforcement Learning with Prioritized Experience for Multi-Vehicle Pursuit

1 code implementation8 Jun 2023 Xinhang Li, Yiying Yang, Zheng Yuan, Zhe Wang, Qinwen Wang, Chen Xu, Lei LI, Jianhua He, Lin Zhang

For the more challenging problem of pursuing multiple evading vehicles, these algorithms typically select a fixed target evading vehicle for pursuing vehicles without considering dynamic traffic situation, which significantly reduces pursuing success rate.

Multi-agent Reinforcement Learning reinforcement-learning

Ada-Retrieval: An Adaptive Multi-Round Retrieval Paradigm for Sequential Recommendations

1 code implementation12 Jan 2024 Lei LI, Jianxun Lian, Xiao Zhou, Xing Xie

However, most existing retrieval models employ a single-round inference paradigm, which may not adequately capture the dynamic nature of user preferences and stuck in one area in the item space.

Recommendation Systems Retrieval

Gradient Knowledge Distillation for Pre-trained Language Models

1 code implementation2 Nov 2022 Lean Wang, Lei LI, Xu sun

Knowledge distillation (KD) is an effective framework to transfer knowledge from a large-scale teacher to a compact yet well-performing student.

Knowledge Distillation

Unsupervised Multi-Modality Registration Network based on Spatially Encoded Gradient Information

1 code implementation16 May 2021 Wangbin Ding, Lei LI, Xiahai Zhuang, Liqin Huang

However, it is still challenging to develop a multi-modality registration network due to the lack of robust criteria for network training.

WACO: Word-Aligned Contrastive Learning for Speech Translation

1 code implementation19 Dec 2022 Siqi Ouyang, Rong Ye, Lei LI

In this paper, we propose Word-Aligned COntrastive learning (WACO), a simple and effective method for extremely low-resource speech-to-text translation.

Contrastive Learning Speech-to-Text Translation +1

ACMo: Angle-Calibrated Moment Methods for Stochastic Optimization

1 code implementation12 Jun 2020 Xunpeng Huang, Runxin Xu, Hao Zhou, Zhe Wang, Zhengyang Liu, Lei LI

Due to its simplicity and outstanding ability to generalize, stochastic gradient descent (SGD) is still the most widely used optimization method despite its slow convergence.

BIG-bench Machine Learning Stochastic Optimization

Subjective Bias in Abstractive Summarization

1 code implementation18 Jun 2021 Lei LI, Wei Liu, Marina Litvak, Natalia Vanetik, Jiacheng Pei, Yinan Liu, Siya Qi

Due to the subjectivity of the summarization, it is a good practice to have more than one gold summary for each training document.

Abstractive Text Summarization

Provably Confidential Language Modelling

1 code implementation NAACL 2022 Xuandong Zhao, Lei LI, Yu-Xiang Wang

Large language models are shown to memorize privacy information such as social security numbers in training data.

Language Modelling Memorization +1

AutoPlan: Automatic Planning of Interactive Decision-Making Tasks With Large Language Models

1 code implementation24 May 2023 Siqi Ouyang, Lei LI

However, LLMs frequently fail in complex decision-making tasks due to the misalignment between the pre-trained knowledge in LLMs and the actual rules in the environment.

Decision Making Language Modelling +1

DE-COP: Detecting Copyrighted Content in Language Models Training Data

1 code implementation15 Feb 2024 André V. Duarte, Xuandong Zhao, Arlindo L. Oliveira, Lei LI

We are motivated by the premise that a language model is likely to identify verbatim excerpts from its training text.

Language Modelling Multiple-choice

CHOPS: CHat with custOmer Profile Systems for Customer Service with LLMs

1 code implementation31 Mar 2024 Jingzhe Shi, Jialuo Li, Qinwei Ma, Zaiwen Yang, Huan Ma, Lei LI

We have conducted extensive experiments to validate the performance of our proposed CHOPS architecture using the CPHOS-dataset, with the aim of demonstrating how LLMs can enhance or serve as alternatives to human customer service.

Reinforced Co-Training

no code implementations NAACL 2018 Jiawei Wu, Lei LI, William Yang Wang

However, the selection of samples in existing co-training methods is based on a predetermined policy, which ignores the sampling bias between the unlabeled and the labeled subsets, and fails to explore the data space.

Clickbait Detection General Classification +3

On the diffusion approximation of nonconvex stochastic gradient descent

no code implementations22 May 2017 Wenqing Hu, Chris Junchi Li, Lei LI, Jian-Guo Liu

In addition, we discuss the effects of batch size for the deep neural networks, and we find that small batch size is helpful for SGD algorithms to escape unstable stationary points and sharp minimizers.

SAM: Semantic Attribute Modulation for Language Modeling and Style Variation

no code implementations1 Jul 2017 Wenbo Hu, Lifeng Hua, Lei LI, Hang Su, Tian Wang, Ning Chen, Bo Zhang

This paper presents a Semantic Attribute Modulation (SAM) for language modeling and style variation.

Attribute Language Modelling

Multiview Cauchy Estimator Feature Embedding for Depth and Inertial Sensor-Based Human Action Recognition

no code implementations7 Aug 2016 Yanan Guo, Lei LI, Weifeng Liu, Jun Cheng, Dapeng Tao

Since human actions can be characterized by multiple feature representations extracted from Kinect and inertial sensors, multiview features must be encoded into a unified space optimal for human action recognition.

Action Recognition Temporal Action Localization

Image Prediction for Limited-angle Tomography via Deep Learning with Convolutional Neural Network

no code implementations29 Jul 2016 Hanming Zhang, Liang Li, Kai Qiao, Linyuan Wang, Bin Yan, Lei LI, Guoen Hu

The qualitative and quantitative evaluations of experimental results indicate that the proposed method show a stable and prospective performance on artifacts reduction and detail recovery for limited angle tomography.

Computed Tomography (CT)

CFO: Conditional Focused Neural Question Answering with Large-scale Knowledge Bases

no code implementations ACL 2016 Zihang Dai, Lei LI, Wei Xu

We propose CFO, a Conditional Focused neural-network-based approach to answering factoid questions with knowledge bases.

Question Answering

Towards Practical Bayesian Parameter and State Estimation

no code implementations29 Mar 2016 Yusuf Bugra Erol, Yi Wu, Lei LI, Stuart Russell

Joint state and parameter estimation is a core problem for dynamic Bayesian networks.

An Open Source Testing Tool for Evaluating Handwriting Input Methods

no code implementations30 May 2015 Liquan Qiu, Lianwen Jin, Ruifen Dai, Yuxiang Zhang, Lei LI

This paper presents an open source tool for testing the recognition accuracy of Chinese handwriting input methods.

Handwriting Recognition

The Extended Parameter Filter

no code implementations8 May 2013 Yusuf Erol, Lei LI, Bharath Ramsundar, Stuart J. Russell

Drawing on an analogy to the extended Kalman filter, we develop and analyze, both theoretically and experimentally, a Taylor approximation to the parameter posterior that allows Storvik's method to be applied to a broader class of models.

Atrial scars segmentation via potential learning in the graph-cuts framework

no code implementations22 Oct 2018 Lei Li, Fuping Wu, Guang Yang, Tom Wong, Raad Mohiaddin, David Firmin, Jenny Keegan, Lingchao Xu, Xiahai Zhuang

Late Gadolinium Enhancement Magnetic Resonance Imaging (LGE MRI) emerged as a routine scan for patients with atrial fibrillation (AF).

Atrial fibrosis quantification based on maximum likelihood estimator of multivariate images

no code implementations22 Oct 2018 Fuping Wu, Lei LI, Guang Yang, Tom Wong, Raad Mohiaddin, David Firmin, Jennifer Keegan, Lingchao Xu, Xiahai Zhuang

We present a fully-automated segmentation and quantification of the left atrial (LA) fibrosis and scars combining two cardiac MRIs, one is the target late gadolinium-enhanced (LGE) image, and the other is an anatomical MRI from the same acquisition session.

Segmentation Texture Classification

Face Presentation Attack Detection in Learned Color-liked Space

no code implementations31 Oct 2018 Lei Li, Zhaoqiang Xia, Xiaoyue Jiang, Fabio Roli, Xiaoyi Feng

Face presentation attack detection (PAD) has become a thorny problem for biometric systems and numerous countermeasures have been proposed to address it.

Face Presentation Attack Detection Generative Adversarial Network

Towards Linear Time Neural Machine Translation with Capsule Networks

no code implementations IJCNLP 2019 Mingxuan Wang, Jun Xie, Zhixing Tan, Jinsong Su, Deyi Xiong, Lei LI

In this study, we first investigate a novel capsule network with dynamic routing for linear time Neural Machine Translation (NMT), referred as \textsc{CapsNMT}.

Machine Translation NMT +2

Sketch-R2CNN: An Attentive Network for Vector Sketch Recognition

no code implementations20 Nov 2018 Lei Li, Changqing Zou, Youyi Zheng, Qingkun Su, Hongbo Fu, Chiew-Lan Tai

To bridge the gap between these two spaces in neural networks, we propose a neural line rasterization module to convert the vector sketch along with the attention estimated by RNN into a bitmap image, which is subsequently consumed by CNN.

Sketch Recognition

Word Embedding and Topic Modeling Enhanced Multiple Features for Content Linking and Argument / Sentiment Labeling in Online Forums

no code implementations WS 2017 Lei Li, Liyuan Mao, Moye Chen

Multiple grammatical and semantic features are adopted in content linking and argument/sentiment labeling for online forums in this paper.

Clustering Sentence +3

Enhancing Automatic ICD-9-CM Code Assignment for Medical Texts with PubMed

no code implementations WS 2017 Danchen Zhang, Daqing He, Sanqiang Zhao, Lei LI

Frequent diseases often have more training data, which helps its classification to perform better than that of an infrequent disease.

Cannot find the paper you are looking for? You can Submit a new open access paper.