Search Results for author: Yang Liu

Found 1109 papers, 386 papers with code

Enhancing Multilingual Capabilities of Large Language Models through Self-Distillation from Resource-Rich Languages

1 code implementation19 Feb 2024 Yuanchi Zhang, Yile Wang, Zijun Liu, Shuo Wang, Xiaolong Wang, Peng Li, Maosong Sun, Yang Liu

While large language models (LLMs) have been pre-trained on multilingual corpora, their performance still lags behind in most languages compared to a few resource-rich languages.

Transfer Learning

FaceChain: A Playground for Human-centric Artificial Intelligence Generated Content

1 code implementation28 Aug 2023 Yang Liu, Cheng Yu, Lei Shang, Yongyi He, Ziheng Wu, Xingjun Wang, Chao Xu, Haoyu Xie, Weida Wang, Yuze Zhao, Lin Zhu, Chen Cheng, Weitao Chen, Yuan YAO, Wenmeng Zhou, Jiaqi Xu, Qiang Wang, Yingda Chen, Xuansong Xie, Baigui Sun

In this paper, we present FaceChain, a personalized portrait generation framework that combines a series of customized image-generation model and a rich set of face-related perceptual understanding models (\eg, face detection, deep face embedding extraction, and facial attribute recognition), to tackle aforementioned challenges and to generate truthful personalized portraits, with only a handful of portrait images as input.

Attribute Potrait Generation +1

FaceChain-ImagineID: Freely Crafting High-Fidelity Diverse Talking Faces from Disentangled Audio

1 code implementation4 Mar 2024 Chao Xu, Yang Liu, Jiazheng Xing, Weida Wang, Mingze Sun, Jun Dan, Tianxin Huang, Siyuan Li, Zhi-Qi Cheng, Ying Tai, Baigui Sun

In this paper, we abstract the process of people hearing speech, extracting meaningful cues, and creating various dynamically audio-consistent talking faces, termed Listening and Imagining, into the task of high-fidelity diverse talking faces generation from a single audio.

Disentanglement

OpenChat: Advancing Open-source Language Models with Mixed-Quality Data

1 code implementation20 Sep 2023 Guan Wang, Sijie Cheng, Xianyuan Zhan, Xiangang Li, Sen Song, Yang Liu

Specifically, we consider the general SFT training data, consisting of a small amount of expert data mixed with a large proportion of sub-optimal data, without any preference labels.

Arithmetic Reasoning Code Generation +1

StableToolBench: Towards Stable Large-Scale Benchmarking on Tool Learning of Large Language Models

2 code implementations12 Mar 2024 Zhicheng Guo, Sijie Cheng, Hao Wang, Shihao Liang, Yujia Qin, Peng Li, Zhiyuan Liu, Maosong Sun, Yang Liu

The virtual API server contains a caching system and API simulators which are complementary to alleviate the change in API status.

Benchmarking

EfficientDeRain: Learning Pixel-wise Dilation Filtering for High-Efficiency Single-Image Deraining

2 code implementations19 Sep 2020 Qing Guo, Jingyang Sun, Felix Juefei-Xu, Lei Ma, Xiaofei Xie, Wei Feng, Yang Liu

To fill this gap, in this paper, we regard the single-image deraining as a general image-enhancing problem and originally propose a model-free deraining method, i. e., EfficientDeRain, which is able to process a rainy image within 10~ms (i. e., around 6~ms on average), over 80 times faster than the state-of-the-art method (i. e., RCDNet), while achieving similar de-rain effects.

Data Augmentation Single Image Deraining

In-Context Demonstration Selection with Cross Entropy Difference

1 code implementation24 May 2023 Dan Iter, Reid Pryzant, Ruochen Xu, Shuohang Wang, Yang Liu, Yichong Xu, Chenguang Zhu

Our method is based on the observation that the effectiveness of in-context demonstrations negatively correlates with the perplexity of the test example by a language model that was finetuned on that demonstration.

Language Modelling Text Generation

Unmasking and Improving Data Credibility: A Study with Datasets for Training Harmless Language Models

1 code implementation19 Nov 2023 Zhaowei Zhu, Jialu Wang, Hao Cheng, Yang Liu

Given the cost and difficulty of cleaning these datasets by humans, we introduce a systematic framework for evaluating the credibility of datasets, identifying label errors, and evaluating the influence of noisy labels in the curated language data, specifically focusing on unsafe comments and conversation classification.

Language Modelling

graph2vec: Learning Distributed Representations of Graphs

6 code implementations17 Jul 2017 Annamalai Narayanan, Mahinthan Chandramohan, Rajasekar Venkatesan, Lihui Chen, Yang Liu, Shantanu Jaiswal

Recent works on representation learning for graph structured data predominantly focus on learning distributed representations of graph substructures such as nodes and subgraphs.

Clustering General Classification +4

Unifying Vision, Text, and Layout for Universal Document Processing

2 code implementations CVPR 2023 Zineng Tang, ZiYi Yang, Guoxin Wang, Yuwei Fang, Yang Liu, Chenguang Zhu, Michael Zeng, Cha Zhang, Mohit Bansal

UDOP leverages the spatial correlation between textual content and document image to model image, text, and layout modalities with one uniform representation.

Ranked #5 on Visual Question Answering (VQA) on InfographicVQA (using extra training data)

document understanding Image Reconstruction +1

Text Summarization with Pretrained Encoders

19 code implementations IJCNLP 2019 Yang Liu, Mirella Lapata

For abstractive summarization, we propose a new fine-tuning schedule which adopts different optimizers for the encoder and the decoder as a means of alleviating the mismatch between the two (the former is pretrained while the latter is not).

Abstractive Text Summarization Document Summarization +3

PFLlib: Personalized Federated Learning Algorithm Library

1 code implementation8 Dec 2023 Jianqing Zhang, Yang Liu, Yang Hua, Hao Wang, Tao Song, Zhengui Xue, Ruhui Ma, Jian Cao

Amid the ongoing advancements in Federated Learning (FL), a machine learning paradigm that allows collaborative learning with data privacy protection, personalized FL (pFL) has gained significant prominence as a research direction within the FL domain.

Personalized Federated Learning

Swin3D: A Pretrained Transformer Backbone for 3D Indoor Scene Understanding

2 code implementations14 Apr 2023 Yu-Qi Yang, Yu-Xiao Guo, Jian-Yu Xiong, Yang Liu, Hao Pan, Peng-Shuai Wang, Xin Tong, Baining Guo

We pretrained a large {\SST} model on a synthetic Structured3D dataset, which is an order of magnitude larger than the ScanNet dataset.

Ranked #2 on 3D Object Detection on S3DIS (using extra training data)

3D Object Detection Scene Understanding +1

Adaptive O-CNN: A Patch-based Deep Representation of 3D Shapes

1 code implementation21 Sep 2018 Peng-Shuai Wang, Chun-Yu Sun, Yang Liu, Xin Tong

The Adaptive O-CNN encoder takes the planar patch normal and displacement as input and performs 3D convolutions only at the octants at each level, while the Adaptive O-CNN decoder infers the shape occupancy and subdivision status of octants at each level and estimates the best plane normal and displacement for each leaf octant.

Deep Octree-based CNNs with Output-Guided Skip Connections for 3D Shape and Scene Completion

1 code implementation6 Jun 2020 Peng-Shuai Wang, Yang Liu, Xin Tong

Acquiring complete and clean 3D shape and scene data is challenging due to geometric occlusion and insufficient views during 3D capturing.

Unsupervised 3D Learning for Shape Analysis via Multiresolution Instance Discrimination

1 code implementation3 Aug 2020 Peng-Shuai Wang, Yu-Qi Yang, Qian-Fang Zou, Zhirong Wu, Yang Liu, Xin Tong

Although unsupervised feature learning has demonstrated its advantages to reducing the workload of data labeling and network design in many fields, existing unsupervised 3D learning methods still cannot offer a generic network for various shape analysis tasks with competitive performance to supervised methods.

3D Point Cloud Linear Classification 3D Semantic Segmentation

THUMT: An Open Source Toolkit for Neural Machine Translation

6 code implementations20 Jun 2017 Jiacheng Zhang, Yanzhuo Ding, Shiqi Shen, Yong Cheng, Maosong Sun, Huanbo Luan, Yang Liu

This paper introduces THUMT, an open-source toolkit for neural machine translation (NMT) developed by the Natural Language Processing Group at Tsinghua University.

Machine Translation NMT +1

Improving the Transformer Translation Model with Document-Level Context

3 code implementations EMNLP 2018 Jiacheng Zhang, Huanbo Luan, Maosong Sun, FeiFei Zhai, Jingfang Xu, Min Zhang, Yang Liu

Although the Transformer translation model (Vaswani et al., 2017) has achieved state-of-the-art performance in a variety of translation tasks, how to use document-level context to deal with discourse phenomena problematic for Transformer still remains a challenge.

Sentence Translation

Learning to Copy for Automatic Post-Editing

2 code implementations IJCNLP 2019 Xuancheng Huang, Yang Liu, Huanbo Luan, Jingfang Xu, Maosong Sun

To better identify translation errors, our method learns the representations of source sentences and system outputs in an interactive way.

Automatic Post-Editing Translation

Countering Malicious DeepFakes: Survey, Battleground, and Horizon

1 code implementation27 Feb 2021 Felix Juefei-Xu, Run Wang, Yihao Huang, Qing Guo, Lei Ma, Yang Liu

To fill this gap, in this paper, we provide a comprehensive overview and detailed analysis of the research work on the topic of DeepFake generation, DeepFake detection as well as evasion of DeepFake detection, with more than 318 research papers carefully surveyed.

DeepFake Detection Face Swapping +1

Switch EMA: A Free Lunch for Better Flatness and Sharpness

2 code implementations14 Feb 2024 Siyuan Li, Zicheng Liu, Juanxi Tian, Ge Wang, Zedong Wang, Weiyang Jin, Di wu, Cheng Tan, Tao Lin, Yang Liu, Baigui Sun, Stan Z. Li

Exponential Moving Average (EMA) is a widely used weight averaging (WA) regularization to learn flat optima for better generalizations without extra cost in deep neural network (DNN) optimization.

Attribute Image Classification +7

CPM-2: Large-scale Cost-effective Pre-trained Language Models

2 code implementations20 Jun 2021 Zhengyan Zhang, Yuxian Gu, Xu Han, Shengqi Chen, Chaojun Xiao, Zhenbo Sun, Yuan YAO, Fanchao Qi, Jian Guan, Pei Ke, Yanzheng Cai, Guoyang Zeng, Zhixing Tan, Zhiyuan Liu, Minlie Huang, Wentao Han, Yang Liu, Xiaoyan Zhu, Maosong Sun

We present a suite of cost-effective techniques for the use of PLMs to deal with the efficiency issues of pre-training, fine-tuning, and inference.

CLRNet: Cross Layer Refinement Network for Lane Detection

3 code implementations CVPR 2022 Tu Zheng, Yifei HUANG, Yang Liu, Wenjian Tang, Zheng Yang, Deng Cai, Xiaofei He

In this way, we can exploit more contextual information to detect lanes while leveraging local detailed lane features to improve localization accuracy.

Lane Detection

Datasets for Large Language Models: A Comprehensive Survey

1 code implementation28 Feb 2024 Yang Liu, Jiahuan Cao, Chongyu Liu, Kai Ding, Lianwen Jin

Additionally, a comprehensive review of the existing available dataset resources is also provided, including statistics from 444 datasets, covering 8 language categories and spanning 32 domains.

Language Modelling Large Language Model

Are Gender-Neutral Queries Really Gender-Neutral? Mitigating Gender Bias in Image Search

1 code implementation EMNLP 2021 Jialu Wang, Yang Liu, Xin Eric Wang

Internet search affects people's cognition of the world, so mitigating biases in search results and learning fair models is imperative for social good.

Image Retrieval Natural Language Queries

How Powerful are Performance Predictors in Neural Architecture Search?

1 code implementation NeurIPS 2021 Colin White, Arber Zela, Binxin Ru, Yang Liu, Frank Hutter

Early methods in the rapidly developing field of neural architecture search (NAS) required fully training thousands of neural networks.

Neural Architecture Search

Matcher: Segment Anything with One Shot Using All-Purpose Feature Matching

1 code implementation22 May 2023 Yang Liu, Muzhi Zhu, Hengtao Li, Hao Chen, Xinlong Wang, Chunhua Shen

In this work, we present Matcher, a novel perception paradigm that utilizes off-the-shelf vision foundation models to address various perception tasks.

Segmentation Semantic Segmentation

Use What You Have: Video Retrieval Using Representations From Collaborative Experts

3 code implementations31 Jul 2019 Yang Liu, Samuel Albanie, Arsha Nagrani, Andrew Zisserman

The rapid growth of video on the internet has made searching for video content using natural language queries a significant challenge.

Natural Language Queries Retrieval +2

TEACHTEXT: CrossModal Generalized Distillation for Text-Video Retrieval

1 code implementation ICCV 2021 Ioana Croitoru, Simion-Vlad Bogolin, Marius Leordeanu, Hailin Jin, Andrew Zisserman, Samuel Albanie, Yang Liu

In recent years, considerable progress on the task of text-video retrieval has been achieved by leveraging large-scale pretraining on visual and audio datasets to construct powerful video encoders.

Retrieval Video Retrieval

SecureBoost: A Lossless Federated Learning Framework

1 code implementation25 Jan 2019 Kewei Cheng, Tao Fan, Yilun Jin, Yang Liu, Tianjian Chen, Dimitrios Papadopoulos, Qiang Yang

This federated learning system allows the learning process to be jointly conducted over multiple parties with common user samples but different feature sets, which corresponds to a vertically partitioned data set.

BIG-bench Machine Learning Entity Alignment +2

Actionable Recourse in Linear Classification

3 code implementations18 Sep 2018 Berk Ustun, Alexander Spangher, Yang Liu

We present integer programming tools to ensure recourse in linear classification problems without interfering in model development.

Classification Credit score +2

Masked Modeling for Self-supervised Representation Learning on Vision and Beyond

1 code implementation31 Dec 2023 Siyuan Li, Luyuan Zhang, Zedong Wang, Di wu, Lirong Wu, Zicheng Liu, Jun Xia, Cheng Tan, Yang Liu, Baigui Sun, Stan Z. Li

As the deep learning revolution marches on, self-supervised learning has garnered increasing attention in recent years thanks to its remarkable representation learning ability and the low dependence on labeled data.

Representation Learning Self-Supervised Learning

Hierarchical Transformers for Multi-Document Summarization

1 code implementation ACL 2019 Yang Liu, Mirella Lapata

In this paper, we develop a neural summarization model which can effectively process multiple input documents and distill Transformer architecture with the ability to encode documents in a hierarchical manner.

Document Summarization Multi-Document Summarization

A Survey of Visual Transformers

1 code implementation11 Nov 2021 Yang Liu, Yao Zhang, Yixin Wang, Feng Hou, Jin Yuan, Jiang Tian, Yang Zhang, Zhongchao shi, Jianping Fan, Zhiqiang He

Transformer, an attention-based encoder-decoder model, has already revolutionized the field of natural language processing (NLP).

Personal LLM Agents: Insights and Survey about the Capability, Efficiency and Security

2 code implementations10 Jan 2024 Yuanchun Li, Hao Wen, Weijun Wang, Xiangyu Li, Yizhen Yuan, Guohong Liu, Jiacheng Liu, Wenxing Xu, Xiang Wang, Yi Sun, Rui Kong, Yile Wang, Hanfei Geng, Jian Luan, Xuefeng Jin, Zilong Ye, Guanjing Xiong, Fan Zhang, Xiang Li, Mengwei Xu, Zhijun Li, Peng Li, Yang Liu, Ya-Qin Zhang, Yunxin Liu

Next, we discuss several key challenges to achieve intelligent, efficient and secure Personal LLM Agents, followed by a comprehensive survey of representative solutions to address these challenges.

Super-BPD: Super Boundary-to-Pixel Direction for Fast Image Segmentation

1 code implementation CVPR 2020 Jianqiang Wan, Yang Liu, Donglai Wei, Xiang Bai, Yongchao Xu

In this paper, we propose a fast image segmentation method based on a novel super boundary-to-pixel direction (super-BPD) and a customized segmentation algorithm with super-BPD.

Image Segmentation Segmentation +2

Auto-Exposure Fusion for Single-Image Shadow Removal

2 code implementations CVPR 2021 Lan Fu, Changqing Zhou, Qing Guo, Felix Juefei-Xu, Hongkai Yu, Wei Feng, Yang Liu, Song Wang

We conduct extensive experiments on the ISTD, ISTD+, and SRD datasets to validate our method's effectiveness and show better performance in shadow regions and comparable performance in non-shadow regions over the state-of-the-art methods.

Image Shadow Removal Shadow Removal

Learning with Noisy Labels Revisited: A Study Using Real-World Human Annotations

2 code implementations ICLR 2022 Jiaheng Wei, Zhaowei Zhu, Hao Cheng, Tongliang Liu, Gang Niu, Yang Liu

These observations require us to rethink the treatment of noisy labels, and we hope the availability of these two datasets would facilitate the development and evaluation of future learning with noisy label solutions.

Benchmarking Learning with noisy labels +1

Swin3D++: Effective Multi-Source Pretraining for 3D Indoor Scene Understanding

1 code implementation22 Feb 2024 Yu-Qi Yang, Yu-Xiao Guo, Yang Liu

Data diversity and abundance are essential for improving the performance and generalization of models in natural language processing and 2D vision.

Scene Understanding

DialogSum Challenge: Results of the Dialogue Summarization Shared Task

1 code implementation8 Aug 2022 Yulong Chen, Naihao Deng, Yang Liu, Yue Zhang

We report the results of DialogSum Challenge, the shared task on summarizing real-life scenario dialogues at INLG 2022.

Towards a Unified Multi-Dimensional Evaluator for Text Generation

2 code implementations13 Oct 2022 Ming Zhong, Yang Liu, Da Yin, Yuning Mao, Yizhu Jiao, PengFei Liu, Chenguang Zhu, Heng Ji, Jiawei Han

We re-frame NLG evaluation as a Boolean Question Answering (QA) task, and by guiding the model with different questions, we can use one evaluator to evaluate from multiple dimensions.

nlg evaluation Question Answering +4

Stroke Controllable Fast Style Transfer with Adaptive Receptive Fields

1 code implementation ECCV 2018 Yongcheng Jing, Yang Liu, Yezhou Yang, Zunlei Feng, Yizhou Yu, DaCheng Tao, Mingli Song

In this paper, we present a stroke controllable style transfer network that can achieve continuous and spatial stroke size control.

Style Transfer

G-Eval: NLG Evaluation using GPT-4 with Better Human Alignment

2 code implementations29 Mar 2023 Yang Liu, Dan Iter, Yichong Xu, Shuohang Wang, Ruochen Xu, Chenguang Zhu

In this work, we present G-Eval, a framework of using large language models with chain-of-thoughts (CoT) and a form-filling paradigm, to assess the quality of NLG outputs.

Dialogue Generation nlg evaluation +1

Ape210K: A Large-Scale and Template-Rich Dataset of Math Word Problems

1 code implementation24 Sep 2020 Wei Zhao, Mingyue Shang, Yang Liu, Liang Wang, Jingming Liu

We propose a copy-augmented and feature-enriched sequence to sequence (seq2seq) model, which outperforms existing models by 3. 2% on the Math23K dataset and serves as a strong baseline of the Ape210K dataset.

Math Math Word Problem Solving +1

Physics-informed deep learning for incompressible laminar flows

1 code implementation24 Feb 2020 Chengping Rao, Hao Sun, Yang Liu

Physics-informed deep learning has drawn tremendous interest in recent years to solve computational physics problems, whose basic concept is to embed physical laws to constrain/inform neural networks, with the need of less data for training a reliable model.

Exploring the Potential of Large Foundation Models for Open-Vocabulary HOI Detection

2 code implementations9 Apr 2024 Ting Lei, Shaofeng Yin, Yang Liu

In addition, these detectors primarily rely on category names and overlook the rich contextual information that language can provide, which is essential for capturing open vocabulary concepts that are typically rare and not well-represented by category names alone.

Human-Object Interaction Detection World Knowledge

DialogLM: Pre-trained Model for Long Dialogue Understanding and Summarization

1 code implementation6 Sep 2021 Ming Zhong, Yang Liu, Yichong Xu, Chenguang Zhu, Michael Zeng

For a dialogue, it corrupts a window of text with dialogue-inspired noise, and guides the model to reconstruct this window based on the content of the remaining conversation.

abstractive question answering Denoising +2

Learning Structured Text Representations

3 code implementations TACL 2018 Yang Liu, Mirella Lapata

In this paper, we focus on learning structure-aware document representations from data without recourse to a discourse parser or additional annotations.

Heterogeneous Gaussian Mechanism: Preserving Differential Privacy in Deep Learning with Provable Robustness

4 code implementations2 Jun 2019 NhatHai Phan, Minh Vu, Yang Liu, Ruoming Jin, Dejing Dou, Xintao Wu, My T. Thai

In this paper, we propose a novel Heterogeneous Gaussian Mechanism (HGM) to preserve differential privacy in deep neural networks, with provable robustness against adversarial examples.

Deep Implicit Moving Least-Squares Functions for 3D Reconstruction

1 code implementation CVPR 2021 Shi-Lin Liu, Hao-Xiang Guo, Hao Pan, Peng-Shuai Wang, Xin Tong, Yang Liu

We incorporate IMLS surface generation into deep neural networks for inheriting both the flexibility of point sets and the high quality of implicit surfaces.

3D Object Reconstruction 3D Reconstruction +1

Directed Acyclic Transformer for Non-Autoregressive Machine Translation

1 code implementation16 May 2022 Fei Huang, Hao Zhou, Yang Liu, Hang Li, Minlie Huang

Non-autoregressive Transformers (NATs) significantly reduce the decoding latency by generating all tokens in parallel.

Knowledge Distillation Machine Translation +1

SDF-StyleGAN: Implicit SDF-Based StyleGAN for 3D Shape Generation

1 code implementation24 Jun 2022 Xin-Yang Zheng, Yang Liu, Peng-Shuai Wang, Xin Tong

We further complement the evaluation metrics of 3D generative models with the shading-image-based Fr\'echet inception distance (FID) scores to better assess visual quality and shape distribution of the generated shapes.

3D Generation 3D Shape Generation +1

Dual Octree Graph Networks for Learning Adaptive Volumetric Shape Representations

1 code implementation5 May 2022 Peng-Shuai Wang, Yang Liu, Xin Tong

Our method encodes the volumetric field of a 3D shape with an adaptive feature volume organized by an octree and applies a compact multilayer perceptron network for mapping the features to the field value at each 3D position.

3D Shape Reconstruction

Cross-Modal Causal Intervention for Medical Report Generation

2 code implementations16 Mar 2023 Weixing Chen, Yang Liu, Ce Wang, Jiarui Zhu, Shen Zhao, Guanbin Li, Cheng-Lin Liu, Liang Lin

Medical report generation (MRG) is essential for computer-aided diagnosis and medication guidance, which can relieve the heavy burden of radiologists by automatically generating the corresponding medical reports according to the given radiology image.

Medical Report Generation object-detection +1

Visual Causal Scene Refinement for Video Question Answering

2 code implementations7 May 2023 Yushen Wei, Yang Liu, Hong Yan, Guanbin Li, Liang Lin

Our VCSR involves two essential modules: i) the Question-Guided Refiner (QGR) module, which refines consecutive video frames guided by the question semantics to obtain more representative segment features for causal front-door intervention; ii) the Causal Scene Separator (CSS) module, which discovers a collection of visual causal and non-causal scenes based on the visual-linguistic causal relevance and estimates the causal effect of the scene-separating intervention in a contrastive learning manner.

Contrastive Learning Question Answering +2

CausalVLR: A Toolbox and Benchmark for Visual-Linguistic Causal Reasoning

2 code implementations30 Jun 2023 Yang Liu, Weixing Chen, Guanbin Li, Liang Lin

We present CausalVLR (Causal Visual-Linguistic Reasoning), an open-source toolbox containing a rich set of state-of-the-art causal relation discovery and causal inference methods for various visual-linguistic reasoning tasks, such as VQA, image/video captioning, medical report generation, model generalization and robustness, etc.

Causal Inference Medical Report Generation +2

Small Models are Valuable Plug-ins for Large Language Models

1 code implementation15 May 2023 Canwen Xu, Yichong Xu, Shuohang Wang, Yang Liu, Chenguang Zhu, Julian McAuley

Large language models (LLMs) such as GPT-3 and GPT-4 are powerful but their weights are often publicly unavailable and their immense sizes make the models difficult to be tuned with common hardware.

In-Context Learning

Modeling Coverage for Neural Machine Translation

3 code implementations ACL 2016 Zhaopeng Tu, Zhengdong Lu, Yang Liu, Xiaohua Liu, Hang Li

Attention mechanism has enhanced state-of-the-art Neural Machine Translation (NMT) by jointly learning to align and translate.

Machine Translation NMT +1

Fusing Context Into Knowledge Graph for Commonsense Question Answering

2 code implementations Findings (ACL) 2021 Yichong Xu, Chenguang Zhu, Ruochen Xu, Yang Liu, Michael Zeng, Xuedong Huang

However, although a KG contains rich structural information, it lacks the context to provide a more precise understanding of the concepts.

Ranked #4 on Common Sense Reasoning on CommonsenseQA (using extra training data)

Common Sense Reasoning Knowledge Graphs +3

Multi-Modal Masked Autoencoders for Medical Vision-and-Language Pre-Training

1 code implementation15 Sep 2022 Zhihong Chen, Yuhao Du, Jinpeng Hu, Yang Liu, Guanbin Li, Xiang Wan, Tsung-Hui Chang

Besides, we conduct further analysis to better verify the effectiveness of different components of our approach and various settings of pre-training.

Self-Supervised Learning

QMSum: A New Benchmark for Query-based Multi-domain Meeting Summarization

1 code implementation NAACL 2021 Ming Zhong, Da Yin, Tao Yu, Ahmad Zaidi, Mutethia Mutuma, Rahul Jha, Ahmed Hassan Awadallah, Asli Celikyilmaz, Yang Liu, Xipeng Qiu, Dragomir Radev

As increasing numbers of meetings are recorded and transcribed, meeting summaries have become essential to remind those who may or may not have attended the meetings about the key decisions made and the tasks to be completed.

Meeting Summarization

Animatable 3D Gaussian: Fast and High-Quality Reconstruction of Multiple Human Avatars

1 code implementation27 Nov 2023 Yang Liu, Xiang Huang, Minghan Qin, Qinwei Lin, Haoqian Wang

Neural radiance fields are capable of reconstructing high-quality drivable human avatars but are expensive to train and render.

Novel View Synthesis

Physics informed deep learning for computational elastodynamics without labeled data

1 code implementation10 Jun 2020 Chengping Rao, Hao Sun, Yang Liu

In this paper, we present a physics-informed neural network (PINN) with mixed-variable output to model elastodynamics problems without resort to labeled data, in which the I/BCs are hardly imposed.

Philosophy

PhyCRNet: Physics-informed Convolutional-Recurrent Network for Solving Spatiotemporal PDEs

2 code implementations26 Jun 2021 Pu Ren, Chengping Rao, Yang Liu, JianXun Wang, Hao Sun

Partial differential equations (PDEs) play a fundamental role in modeling and simulating problems across a wide range of disciplines.

Who is Real Bob? Adversarial Attacks on Speaker Recognition Systems

1 code implementation3 Nov 2019 Guangke Chen, Sen Chen, Lingling Fan, Xiaoning Du, Zhe Zhao, Fu Song, Yang Liu

In this paper, we conduct the first comprehensive and systematic study of the adversarial attacks on SR systems (SRSs) to understand their security weakness in the practical blackbox setting.

Adversarial Attack Speaker Recognition +2

Context Gates for Neural Machine Translation

2 code implementations TACL 2017 Zhaopeng Tu, Yang Liu, Zhengdong Lu, Xiaohua Liu, Hang Li

In neural machine translation (NMT), generation of a target word depends on both source and target contexts.

Machine Translation NMT +1

Neural Machine Translation with Reconstruction

1 code implementation7 Nov 2016 Zhaopeng Tu, Yang Liu, Lifeng Shang, Xiaohua Liu, Hang Li

Although end-to-end Neural Machine Translation (NMT) has achieved remarkable progress in the past two years, it suffers from a major drawback: translations generated by NMT systems often lack of adequacy.

Machine Translation NMT +2

SkeletonMAE: Graph-based Masked Autoencoder for Skeleton Sequence Pre-training

1 code implementation ICCV 2023 Hong Yan, Yang Liu, Yushen Wei, Zhen Li, Guanbin Li, Liang Lin

Moreover, these methods ignore how to utilize the fine-grained dependencies among different skeleton joints to pre-train an efficient skeleton sequence learning model that can generalize well across different datasets.

Action Recognition Representation Learning +1

Rank Minimization for Snapshot Compressive Imaging

3 code implementations20 Jul 2018 Yang Liu, Xin Yuan, Jinli Suo, David J. Brady, Qionghai Dai

We further investigate the special structure of the sampling process in SCI to tackle the computational workload and memory issues in SCI reconstruction.

Federated Transfer Learning for EEG Signal Classification

1 code implementation26 Apr 2020 Ce Ju, Dashan Gao, Ravikiran Mane, Ben Tan, Yang Liu, Cuntai Guan

The success of deep learning (DL) methods in the Brain-Computer Interfaces (BCI) field for classification of electroencephalographic (EEG) recordings has been restricted by the lack of large datasets.

Classification Domain Adaptation +6

ComplexGen: CAD Reconstruction by B-Rep Chain Complex Generation

1 code implementation29 May 2022 Haoxiang Guo, Shilin Liu, Hao Pan, Yang Liu, Xin Tong, Baining Guo

We view the reconstruction of CAD models in the boundary representation (B-Rep) as the detection of geometric primitives of different orders, i. e. vertices, edges and surface patches, and the correspondence of primitives, which are holistically modeled as a chain complex, and show that by modeling such comprehensive structures more complete and regularized reconstructions can be achieved.

CAD Reconstruction

Parameter-free $\ell_p$-Box Decoding of LDPC Codes

1 code implementation29 Nov 2017 Qiong Wu, Fan Zhang, Hao Wang, Jun Lin, Yang Liu

The Alternating Direction Method of Multipliers (ADMM) decoding of Low Density Parity Check (LDPC) codes has received many attentions due to its excellent performance at the error floor region.

Information Theory Information Theory

When Optimizing $f$-divergence is Robust with Label Noise

2 code implementations ICLR 2021 Jiaheng Wei, Yang Liu

We show when maximizing a properly defined $f$-divergence measure with respect to a classifier's predictions and the supervised labels is robust with label noise.

Learning with noisy labels

WDNet: Watermark-Decomposition Network for Visible Watermark Removal

1 code implementation14 Dec 2020 Yang Liu, Zhen Zhu, Xiang Bai

Visible watermarks are widely-used in images to protect copyright ownership.

Image-to-Image Translation

End-to-End Full-Atom Antibody Design

1 code implementation1 Feb 2023 Xiangzhe Kong, Wenbing Huang, Yang Liu

Finally, the updated antibody is docked to the epitope via the alignment of the shadow paratope.

Multi-modal Graph Learning for Disease Prediction

1 code implementation11 Mar 2022 Shuai Zheng, Zhenfeng Zhu, Zhizhe Liu, Zhenyu Guo, Yang Liu, Yuchen Yang, Yao Zhao

For disease prediction tasks, most existing graph-based methods tend to define the graph manually based on specified modality (e. g., demographic information), and then integrated other modalities to obtain the patient representation by Graph Representation Learning (GRL).

Disease Prediction Graph Learning +1

Detecting Corrupted Labels Without Training a Model to Predict

2 code implementations12 Oct 2021 Zhaowei Zhu, Zihao Dong, Yang Liu

In this paper, from a more data-centric perspective, we propose a training-free solution to detect corrupted labels.

MogFace: Towards a Deeper Appreciation on Face Detection

2 code implementations CVPR 2022 Yang Liu, Fei Wang, Jiankang Deng, Zhipeng Zhou, Baigui Sun, Hao Li

As a result, practical solutions on label assignment, scale-level data augmentation, and reducing false alarms are necessary for advancing face detectors.

Data Augmentation Face Detection

EvalCrafter: Benchmarking and Evaluating Large Video Generation Models

1 code implementation17 Oct 2023 Yaofang Liu, Xiaodong Cun, Xuebo Liu, Xintao Wang, Yong Zhang, Haoxin Chen, Yang Liu, Tieyong Zeng, Raymond Chan, Ying Shan

For video generation, various open-sourced models and public-available services have been developed to generate high-quality videos.

Benchmarking Language Modelling +4

Conditional Antibody Design as 3D Equivariant Graph Translation

2 code implementations12 Aug 2022 Xiangzhe Kong, Wenbing Huang, Yang Liu

Specifically, the relative improvement to baselines is about 23% in antigen-binding CDR design and 34% for affinity optimization.

Translation

Large Language Model Unlearning

1 code implementation14 Oct 2023 Yuanshun Yao, Xiaojun Xu, Yang Liu

To the best of our knowledge, our work is among the first to explore LLM unlearning.

Language Modelling Large Language Model

TransZero: Attribute-guided Transformer for Zero-Shot Learning

1 code implementation3 Dec 2021 Shiming Chen, Ziming Hong, Yang Liu, Guo-Sen Xie, Baigui Sun, Hao Li, Qinmu Peng, Ke Lu, Xinge You

Although some attention-based models have attempted to learn such region features in a single image, the transferability and discriminative attribute localization of visual features are typically neglected.

Attribute Zero-Shot Learning

HHHFL: Hierarchical Heterogeneous Horizontal Federated Learning for Electroencephalography

1 code implementation11 Sep 2019 Dashan Gao, Ce Ju, Xiguang Wei, Yang Liu, Tianjian Chen, Qiang Yang

To verify the effectiveness of our approach, we conduct experiments on a real-world EEG dataset, consisting of heterogeneous data collected from diverse devices.

EEG Emotion Recognition +3

Molecular Mechanics-Driven Graph Neural Network with Multiplex Graph for Molecular Structures

2 code implementations15 Nov 2020 Shuo Zhang, Yang Liu, Lei Xie

The prediction of physicochemical properties from molecular structures is a crucial task for artificial intelligence aided molecular design.

Drug Discovery Formation Energy

Cross-Modal Causal Relational Reasoning for Event-Level Visual Question Answering

2 code implementations26 Jul 2022 Yang Liu, Guanbin Li, Liang Lin

Existing visual question answering methods often suffer from cross-modal spurious correlations and oversimplified event-level reasoning processes that fail to capture event temporality, causality, and dynamics spanning over the video.

Causal Inference Question Answering +2

Multimodal Federated Learning via Contrastive Representation Ensemble

1 code implementation17 Feb 2023 Qiying Yu, Yang Liu, Yimu Wang, Ke Xu, Jingjing Liu

In this work, we propose Contrastive Representation Ensemble and Aggregation for Multimodal FL (CreamFL), a multimodal federated learning framework that enables training larger server models from clients with heterogeneous model architectures and data modalities, while only communicating knowledge on public dataset.

Federated Learning Question Answering +3

GPTScan: Detecting Logic Vulnerabilities in Smart Contracts by Combining GPT with Program Analysis

1 code implementation7 Aug 2023 Yuqiang Sun, Daoyuan Wu, Yue Xue, Han Liu, Haijun Wang, Zhengzi Xu, Xiaofei Xie, Yang Liu

Instead of relying solely on GPT to identify vulnerabilities, which can lead to high false positives and is limited by GPT's pre-trained knowledge, we utilize GPT as a versatile code understanding tool.

Vulnerability Detection

Encoding physics to learn reaction-diffusion processes

2 code implementations9 Jun 2021 Chengping Rao, Pu Ren, Qi Wang, Oral Buyukozturk, Hao Sun, Yang Liu

Modeling complex spatiotemporal dynamical systems, such as the reaction-diffusion processes, have largely relied on partial differential equations (PDEs).

Epidemiology

Macro action selection with deep reinforcement learning in StarCraft

1 code implementation2 Dec 2018 Sijia Xu, Hongyu Kuang, Zhi Zhuang, Renjie Hu, Yang Liu, Huyang Sun

These rules are not scalable and efficient enough to cope with the enormous yet partially observed state space in the game.

reinforcement-learning Reinforcement Learning (RL) +1

Boba: Authoring and Visualizing Multiverse Analyses

1 code implementation10 Jul 2020 Yang Liu, Alex Kale, Tim Althoff, Jeffrey Heer

Multiverse analysis is an approach to data analysis in which all "reasonable" analytic decisions are evaluated in parallel and interpreted collectively, in order to foster robustness and transparency.

Human-Computer Interaction

UniSumm and SummZoo: Unified Model and Diverse Benchmark for Few-Shot Summarization

1 code implementation17 Nov 2022 Yulong Chen, Yang Liu, Ruochen Xu, ZiYi Yang, Chenguang Zhu, Michael Zeng, Yue Zhang

The high annotation costs and diverse demands of various summarization tasks motivate the development of few-shot summarization.

MediaSum: A Large-scale Media Interview Dataset for Dialogue Summarization

1 code implementation NAACL 2021 Chenguang Zhu, Yang Liu, Jie Mei, Michael Zeng

MediaSum, a large-scale media interview dataset consisting of 463. 6K transcripts with abstractive summaries.

Transfer Learning

Mask-Align: Self-Supervised Neural Word Alignment

1 code implementation ACL 2021 Chi Chen, Maosong Sun, Yang Liu

Word alignment, which aims to align translationally equivalent words between source and target sentences, plays an important role in many natural language processing tasks.

Machine Translation Translation +1

Dynamic LLM-Agent Network: An LLM-agent Collaboration Framework with Agent Team Optimization

1 code implementation3 Oct 2023 Zijun Liu, Yanzhe Zhang, Peng Li, Yang Liu, Diyi Yang

We further design an automatic agent team optimization algorithm based on an unsupervised metric termed $\textit{Agent Importance Score}$, enabling the selection of best agents based on the contribution each agent makes.

Code Generation Language Modelling +2

A Multi-Scale Decomposition MLP-Mixer for Time Series Analysis

1 code implementation18 Oct 2023 Shuhan Zhong, Sizhe Song, Weipeng Zhuo, Guanyao Li, Yang Liu, S. -H. Gary Chan

To handle the multi-scale temporal patterns and multivariate dependencies, we propose a novel temporal patching approach to model the time series as multi-scale patches, and employ MLPs to capture intra- and inter-patch variations and channel-wise correlations.

Anomaly Detection Imputation +2

Goal-Oriented Gaze Estimation for Zero-Shot Learning

1 code implementation CVPR 2021 Yang Liu, Lei Zhou, Xiao Bai, Yifei HUANG, Lin Gu, Jun Zhou, Tatsuya Harada

Therefore, we introduce a novel goal-oriented gaze estimation module (GEM) to improve the discriminative attribute localization based on the class-level attributes for ZSL.

Attribute Gaze Estimation +1

Synthetic Benchmarks for Scientific Research in Explainable Machine Learning

1 code implementation23 Jun 2021 Yang Liu, Sujay Khandagale, Colin White, Willie Neiswanger

In this work, we address this issue by releasing XAI-Bench: a suite of synthetic datasets along with a library for benchmarking feature attribution algorithms.

Benchmarking BIG-bench Machine Learning +1

Weakly Supervised Temporal Sentence Grounding With Gaussian-Based Contrastive Proposal Learning

1 code implementation CVPR 2022 Minghang Zheng, Yanjie Huang, Qingchao Chen, Yuxin Peng, Yang Liu

Moreover, they train their model to distinguish positive visual-language pairs from negative ones randomly collected from other videos, ignoring the highly confusing video segments within the same video.

Model Optimization Sentence +1

VFLAIR: A Research Library and Benchmark for Vertical Federated Learning

1 code implementation15 Oct 2023 Tianyuan Zou, Zixuan Gu, Yu He, Hideaki Takahashi, Yang Liu, Ya-Qin Zhang

Vertical Federated Learning (VFL) has emerged as a collaborative training paradigm that allows participants with different features of the same group of users to accomplish cooperative training without exposing their raw data or model parameters.

Vertical Federated Learning

Plug-and-Play Algorithms for Large-scale Snapshot Compressive Imaging

3 code implementations CVPR 2020 Xin Yuan, Yang Liu, Jinli Suo, Qionghai Dai

Snapshot compressive imaging (SCI) aims to capture the high-dimensional (usually 3D) images using a 2D sensor (detector) in a single snapshot.

Denoising

Cross Modal Retrieval with Querybank Normalisation

1 code implementation CVPR 2022 Simion-Vlad Bogolin, Ioana Croitoru, Hailin Jin, Yang Liu, Samuel Albanie

In this work we first show that, despite their effectiveness, state-of-the-art joint embeddings suffer significantly from the longstanding "hubness problem" in which a small number of gallery embeddings form the nearest neighbours of many queries.

Cross-Modal Retrieval Metric Learning +3

Model Sparsity Can Simplify Machine Unlearning

1 code implementation NeurIPS 2023 Jinghan Jia, Jiancheng Liu, Parikshit Ram, Yuguang Yao, Gaowen Liu, Yang Liu, Pranay Sharma, Sijia Liu

We show in both theory and practice that model sparsity can boost the multi-criteria unlearning performance of an approximate unlearner, closing the approximation gap, while continuing to be efficient.

Machine Unlearning Transfer Learning

A Second-Order Approach to Learning with Instance-Dependent Label Noise

1 code implementation CVPR 2021 Zhaowei Zhu, Tongliang Liu, Yang Liu

We first provide evidences that the heterogeneous instance-dependent label noise is effectively down-weighting the examples with higher noise rates in a non-uniform way and thus causes imbalances, rendering the strategy of directly applying methods for class-dependent label noise questionable.

Image Classification Image Classification with Label Noise

PEARL: Prompting Large Language Models to Plan and Execute Actions Over Long Documents

1 code implementation23 May 2023 Simeng Sun, Yang Liu, Shuohang Wang, Chenguang Zhu, Mohit Iyyer

PEARL outperforms zero-shot and chain-of-thought prompting on this dataset, and ablation experiments show that each stage of PEARL is critical to its performance.

Learning to Remember Translation History with a Continuous Cache

1 code implementation TACL 2018 Zhaopeng Tu, Yang Liu, Shuming Shi, Tong Zhang

Existing neural machine translation (NMT) models generally translate sentences in isolation, missing the opportunity to take advantage of document-level information.

Machine Translation NMT +1

Learning to Affiliate: Mutual Centralized Learning for Few-shot Classification

1 code implementation CVPR 2022 Yang Liu, Weifeng Zhang, Chao Xiang, Tu Zheng, Deng Cai, Xiaofei He

Few-shot learning (FSL) aims to learn a classifier that can be easily adapted to accommodate new tasks not seen during training, given only a few examples.

Classification Few-Shot Learning

Deep Learning for 3D Human Pose Estimation and Mesh Recovery: A Survey

1 code implementation29 Feb 2024 Yang Liu, Changzhen Qiu, Zhiyong Zhang

To the best of our knowledge, this survey is arguably the first to comprehensively cover deep learning methods for 3D human pose estimation, including both single-person and multi-person approaches, as well as human mesh recovery, encompassing methods based on explicit models and implicit representations.

3D Human Pose Estimation Autonomous Driving +1

Attribute Attention for Semantic Disambiguation in Zero-Shot Learning

1 code implementation ICCV 2019 Yang Liu, Jishun Guo, Deng Cai, Xiaofei He

Zero-shot learning (ZSL) aims to accurately recognize unseen objects by learning mapping matrices that bridge the gap between visual information and semantic attributes.

Attribute Zero-Shot Learning

GarchingSim: An Autonomous Driving Simulator with Photorealistic Scenes and Minimalist Workflow

1 code implementation28 Jan 2024 Liguo Zhou, Yinglei Song, Yichao Gao, Zhou Yu, Michael Sodamin, Hongshen Liu, Liang Ma, Lian Liu, Hao liu, Yang Liu, Haichuan Li, Guang Chen, Alois Knoll

However, the availability of free and open-source simulators is limited, and the installation and configuration process can be daunting for beginners and interdisciplinary researchers.

Autonomous Driving

Fully Sparse Fusion for 3D Object Detection

1 code implementation24 Apr 2023 Yingyan Li, Lue Fan, Yang Liu, Zehao Huang, Yuntao Chen, Naiyan Wang, Zhaoxiang Zhang, Tieniu Tan

In this paper, we study how to effectively leverage image modality in the emerging fully sparse architecture.

3D Instance Segmentation 3D Object Detection +3

Efficient and Accurate Physics-aware Multiplex Graph Neural Networks for 3D Small Molecules and Macromolecule Complexes

1 code implementation6 Jun 2022 Shuo Zhang, Yang Liu, Lei Xie

On small molecule dataset for predicting quantum chemical properties, PaxNet reduces the prediction error by 15% and uses 73% less memory than the best baseline.

Molecular Property Prediction Protein-Ligand Affinity Prediction

Physics-aware Graph Neural Network for Accurate RNA 3D Structure Prediction

1 code implementation28 Oct 2022 Shuo Zhang, Yang Liu, Lei Xie

In this work, we propose a Graph Neural Network (GNN)-based scoring function trained only with the atomic types and coordinates on limited solved RNA 3D structures for distinguishing accurate structural models.

Drug Discovery RNA 3D STRUCTURE PREDICTION

A Universal Framework for Accurate and Efficient Geometric Deep Learning of Molecular Systems

1 code implementation Scientific Reports 2023 Shuo Zhang, Yang Liu, Lei Xie

Molecular sciences address a wide range of problems involving molecules of different types and sizes and their complexes.

Asynchronous Bidirectional Decoding for Neural Machine Translation

2 code implementations16 Jan 2018 Xiangwen Zhang, Jinsong Su, Yue Qin, Yang Liu, Rongrong Ji, Hongji Wang

The dominant neural machine translation (NMT) models apply unified attentional encoder-decoder neural networks for translation.

Machine Translation NMT +1

Attention-based sequence-to-sequence model for speech recognition: development of state-of-the-art system on LibriSpeech and its application to non-native English

1 code implementation31 Oct 2018 Yan Yin, Ramon Prieto, Bin Wang, Jianwei Zhou, Yiwei Gu, Yang Liu, Hui Lin

Recent research has shown that attention-based sequence-to-sequence models such as Listen, Attend, and Spell (LAS) yield comparable results to state-of-the-art ASR systems on various tasks.

speech-recognition Speech Recognition

A Discourse Signal Annotation System for RST Trees

1 code implementation WS 2019 Luke Gessler, Yang Liu, Amir Zeldes

This paper presents a new system for open-ended discourse relation signal annotation in the framework of Rhetorical Structure Theory (RST), implemented on top of an online tool for RST annotation.

Real-World Image Datasets for Federated Learning

2 code implementations14 Oct 2019 Jiahuan Luo, Xueyang Wu, Yun Luo, Anbu Huang, Yun-Feng Huang, Yang Liu, Qiang Yang

Federated learning is a new machine learning paradigm which allows data parties to build machine learning models collaboratively while keeping their data secure and private.

BIG-bench Machine Learning Federated Learning +1

Robust Unlearnable Examples: Protecting Data Against Adversarial Learning

2 code implementations28 Mar 2022 Shaopeng Fu, Fengxiang He, Yang Liu, Li Shen, DaCheng Tao

To address this concern, methods are proposed to make data unlearnable for deep learning models by adding a type of error-minimizing noise.

Crystal Structure Prediction by Joint Equivariant Diffusion

1 code implementation NeurIPS 2023 Rui Jiao, Wenbing Huang, Peijia Lin, Jiaqi Han, Pin Chen, Yutong Lu, Yang Liu

To be specific, DiffCSP jointly generates the lattice and atom coordinates for each crystal by employing a periodic-E(3)-equivariant denoising model, to better model the crystal geometry.

Denoising

Spline Positional Encoding for Learning 3D Implicit Signed Distance Fields

1 code implementation3 Jun 2021 Peng-Shuai Wang, Yang Liu, Yu-Qi Yang, Xin Tong

Multilayer perceptrons (MLPs) have been successfully used to represent 3D shapes implicitly and compactly, by mapping 3D coordinates to the corresponding signed distance values or occupancy values.

3D Shape Reconstruction Image Reconstruction

ACN: Adversarial Co-training Network for Brain Tumor Segmentation with Missing Modalities

2 code implementations28 Jun 2021 Yixin Wang, Yang Zhang, Yang Liu, Zihao Lin, Jiang Tian, Cheng Zhong, Zhongchao shi, Jianping Fan, Zhiqiang He

Specifically, ACN adopts a novel co-training network, which enables a coupled learning process for both full modality and missing modality to supplement each other's domain and feature representations, and more importantly, to recover the `missing' information of absent modalities.

Brain Tumor Segmentation Transfer Learning +1

Position-Enhanced Visual Instruction Tuning for Multimodal Large Language Models

1 code implementation25 Aug 2023 Chi Chen, Ruoyu Qin, Fuwen Luo, Xiaoyue Mi, Peng Li, Maosong Sun, Yang Liu

However, existing visual instruction tuning methods only utilize image-language instruction data to align the language and image modalities, lacking a more fine-grained cross-modal alignment.

Position

Learning by Turning: Neural Architecture Aware Optimisation

2 code implementations14 Feb 2021 Yang Liu, Jeremy Bernstein, Markus Meister, Yisong Yue

To address this problem, this paper conducts a combined study of neural architecture and optimisation, leading to a new optimiser called Nero: the neuronal rotator.

Two-Stream Graph Convolutional Network for Intra-oral Scanner Image Segmentation

1 code implementation19 Apr 2022 Yue Zhao, Lingming Zhang, Yang Liu, Deyu Meng, Zhiming Cui, Chenqiang Gao, Xinbo Gao, Chunfeng Lian, Dinggang Shen

The state-of-the-art deep learning-based methods often simply concatenate the raw geometric attributes (i. e., coordinates and normal vectors) of mesh cells to train a single-stream network for automatic intra-oral scanner image segmentation.

Graph Learning Image Segmentation +3

Generalized Video Anomaly Event Detection: Systematic Taxonomy and Comparison of Deep Models

1 code implementation10 Feb 2023 Yang Liu, Dingkang Yang, Yan Wang, Jing Liu, Jun Liu, Azzedine Boukerche, Peng Sun, Liang Song

Video Anomaly Detection (VAD) serves as a pivotal technology in the intelligent surveillance systems, enabling the temporal or spatial identification of anomalous events within videos.

Anomaly Detection Event Detection +1

Cross-Modal Retrieval for Motion and Text via DopTriple Loss

1 code implementation7 May 2023 Sheng Yan, Yang Liu, Haoqiang Wang, Xin Du, Mengyuan Liu, Hong Liu

On the latest HumanML3D dataset, we achieve a recall of 62. 9% for motion retrieval and 71. 5% for text retrieval (both based on R@10).

Cross-Modal Retrieval Retrieval +1

Magic Tokens: Select Diverse Tokens for Multi-modal Object Re-Identification

1 code implementation15 Mar 2024 Pingping Zhang, Yuhao Wang, Yang Liu, Zhengzheng Tu, Huchuan Lu

To address above issues, we propose a novel learning framework named \textbf{EDITOR} to select diverse tokens from vision Transformers for multi-modal object ReID.

Object

Sample Elicitation

1 code implementation8 Oct 2019 Jiaheng Wei, Zuyue Fu, Yang Liu, Xingyu Li, Zhuoran Yang, Zhaoran Wang

We also show a connection between this sample elicitation problem and $f$-GAN, and how this connection can help reconstruct an estimator of the distribution based on collected samples.

Learning with Instance-Dependent Label Noise: A Sample Sieve Approach

1 code implementation ICLR 2021 Hao Cheng, Zhaowei Zhu, Xingyu Li, Yifei Gong, Xing Sun, Yang Liu

This high-quality sample sieve allows us to treat clean examples and the corrupted ones separately in training a DNN solution, and such a separation is shown to be advantageous in the instance-dependent noise setting.

Image Classification with Label Noise Learning with noisy labels

Some Practice for Improving the Search Results of E-commerce

1 code implementation30 Jul 2022 Fanyou Wu, Yang Liu, Rado Gazo, Benes Bedrich, Xiaobo Qu

In the Amazon KDD Cup 2022, we aim to apply natural language processing methods to improve the quality of search results that can significantly enhance user experience and engagement with search engines for e-commerce.

Learning Program Semantics with Code Representations: An Empirical Study

1 code implementation22 Mar 2022 Jing Kai Siow, Shangqing Liu, Xiaofei Xie, Guozhu Meng, Yang Liu

However, currently, a comprehensive and systematic study on evaluating different program representation techniques across diverse tasks is still missed.

Clone Detection Code Classification +1

TransFace: Calibrating Transformer Training for Face Recognition from a Data-Centric Perspective

1 code implementation ICCV 2023 Jun Dan, Yang Liu, Haoyu Xie, Jiankang Deng, Haoran Xie, Xuansong Xie, Baigui Sun

We investigate the reasons for this phenomenon and discover that the existing data augmentation approach and hard sample mining strategy are incompatible with ViTs-based FR backbone due to the lack of tailored consideration on preserving face structural information and leveraging each local token information.

Data Augmentation Face Recognition

Distributionally Robust Post-hoc Classifiers under Prior Shifts

1 code implementation16 Sep 2023 Jiaheng Wei, Harikrishna Narasimhan, Ehsan Amid, Wen-Sheng Chu, Yang Liu, Abhishek Kumar

We investigate the problem of training models that are robust to shifts caused by changes in the distribution of class-priors or group-priors.

Plug-and-Play Algorithms for Video Snapshot Compressive Imaging

1 code implementation13 Jan 2021 Xin Yuan, Yang Liu, Jinli Suo, Frédo Durand, Qionghai Dai

On the other hand, applying SCI to large-scale problems (HD or UHD videos) in our daily life is still challenging and one of the bottlenecks lies in the reconstruction algorithm.

Demosaicking Denoising

GraphSearchNet: Enhancing GNNs via Capturing Global Dependencies for Semantic Code Search

1 code implementation4 Nov 2021 Shangqing Liu, Xiaofei Xie, JingKai Siow, Lei Ma, Guozhu Meng, Yang Liu

Specifically, we propose to construct graphs for the source code and queries with bidirectional GGNN (BiGGNN) to capture the local structural information of the source code and queries.

Code Search Code Summarization +3

Energy-Motivated Equivariant Pretraining for 3D Molecular Graphs

2 code implementations18 Jul 2022 Rui Jiao, Jiaqi Han, Wenbing Huang, Yu Rong, Yang Liu

Pretraining molecular representation models without labels is fundamental to various applications.

molecular representation

MACSum: Controllable Summarization with Mixed Attributes

1 code implementation9 Nov 2022 Yusen Zhang, Yang Liu, ZiYi Yang, Yuwei Fang, Yulong Chen, Dragomir Radev, Chenguang Zhu, Michael Zeng, Rui Zhang

We propose two simple and effective parameter-efficient approaches for the new task of mixed controllable summarization based on hard prompt tuning and soft prefix tuning.

Attribute Specificity

Sparse Modular Activation for Efficient Sequence Modeling

1 code implementation NeurIPS 2023 Liliang Ren, Yang Liu, Shuohang Wang, Yichong Xu, Chenguang Zhu, ChengXiang Zhai

To validate the effectiveness of SMA on sequence modeling, we design a novel neural architecture, SeqBoat, which employs SMA to sparsely activate a Gated Attention Unit (GAU) based on the state representations learned from an SSM.

Chunking Long-range modeling

Image Formation Model Guided Deep Image Super-Resolution

1 code implementation18 Aug 2019 Jinshan Pan, Yang Liu, Deqing Sun, Jimmy Ren, Ming-Ming Cheng, Jian Yang, Jinhui Tang

We present a simple and effective image super-resolution algorithm that imposes an image formation constraint on the deep neural networks via pixel substitution.

Image Super-Resolution

Retrieval Enhanced Model for Commonsense Generation

1 code implementation Findings (ACL) 2021 Han Wang, Yang Liu, Chenguang Zhu, Linjun Shou, Ming Gong, Yichong Xu, Michael Zeng

Commonsense generation is a challenging task of generating a plausible sentence describing an everyday scenario using provided concepts.

Retrieval Sentence +1

SAP-DETR: Bridging the Gap Between Salient Points and Queries-Based Transformer Detector for Fast Model Convergency

1 code implementation CVPR 2023 Yang Liu, Yao Zhang, Yixin Wang, Yang Zhang, Jiang Tian, Zhongchao shi, Jianping Fan, Zhiqiang He

To bridge the gap between the reference points of salient queries and Transformer detectors, we propose SAlient Point-based DETR (SAP-DETR) by treating object detection as a transformation from salient points to instance objects.

Object object-detection +1

EgoThink: Evaluating First-Person Perspective Thinking Capability of Vision-Language Models

1 code implementation27 Nov 2023 Sijie Cheng, Zhicheng Guo, Jingwen Wu, Kechen Fang, Peng Li, Huaping Liu, Yang Liu

However, the capability of VLMs to "think" from a first-person perspective, a crucial attribute for advancing autonomous agents and robotics, remains largely unexplored.

Attribute Question Answering +1

OMGEval: An Open Multilingual Generative Evaluation Benchmark for Large Language Models

1 code implementation21 Feb 2024 Meng Xu, Shuo Wang, Liner Yang, Haoyu Wang, Zhenghao Liu, Cunliang Kong, Yun Chen, Yang Liu, Maosong Sun, Erhong Yang

We evaluate several representative multilingual LLMs on the proposed OMGEval, which we believe will provide a valuable reference for the community to further understand and improve the multilingual capability of LLMs.

General Knowledge Logical Reasoning

AudioEar: Single-View Ear Reconstruction for Personalized Spatial Audio

1 code implementation30 Jan 2023 Xiaoyang Huang, Yanjun Wang, Yang Liu, Bingbing Ni, Wenjun Zhang, Jinxian Liu, Teng Li

To this end, we propose to achieve personalized spatial audio by reconstructing 3D human ears with single-view images.

Depth Estimation

Reinforcement Learning with Perturbed Rewards

1 code implementation ICLR 2019 Jingkang Wang, Yang Liu, Bo Li

For instance, the state-of-the-art PPO algorithm is able to obtain 84. 6% and 80. 8% improvements on average score for five Atari games, with error rates as 10% and 30% respectively.

Atari Games reinforcement-learning +1

Harvesting Ambient RF for Presence Detection Through Deep Learning

2 code implementations13 Feb 2020 Yang Liu, Tiexing Wang, Yuexin Jiang, Biao Chen

With presence detection, how to collect training data with human presence can have a significant impact on the performance.

Action Detection Activity Detection

Interpolation between Residual and Non-Residual Networks

1 code implementation10 Jun 2020 Zonghan Yang, Yang Liu, Chenglong Bao, Zuoqiang Shi

Although ordinary differential equations (ODEs) provide insights for designing network architectures, its relationship with the non-residual convolutional neural networks (CNNs) is still unclear.

Adversarial Attack Image Classification

Fusing Higher-order Features in Graph Neural Networks for Skeleton-based Action Recognition

1 code implementation4 May 2021 Zhenyue Qin, Yang Liu, Pan Ji, Dongwoo Kim, Lei Wang, Bob McKay, Saeed Anwar, Tom Gedeon

Recent skeleton-based action recognition methods extract features from 3D joint coordinates as spatial-temporal cues, using these representations in a graph neural network for feature fusion to boost recognition performance.

Action Recognition Skeleton Based Action Recognition

DRT: A Lightweight Single Image Deraining Recursive Transformer

1 code implementation25 Apr 2022 Yuanchu Liang, Saeed Anwar, Yang Liu

Over parameterization is a common technique in deep learning to help models learn and generalize sufficiently to the given task; nonetheless, this often leads to enormous network structures and consumes considerable computing resources during training.

Image Restoration Single Image Deraining

Understanding and Mitigating Overfitting in Prompt Tuning for Vision-Language Models

1 code implementation4 Nov 2022 Chengcheng Ma, Yang Liu, Jiankang Deng, Lingxi Xie, WeiMing Dong, Changsheng Xu

Pretrained vision-language models (VLMs) such as CLIP have shown impressive generalization capability in downstream vision tasks with appropriate text prompts.

object-detection Open Vocabulary Object Detection +2

SCALoss: Side and Corner Aligned Loss for Bounding Box Regression

1 code implementation1 Apr 2021 Tu Zheng, Shuai Zhao, Yang Liu, Zili Liu, Deng Cai

In this paper, we propose Side Overlap~(SO) loss by maximizing the side overlap of two bounding boxes, which puts more penalty for low overlapping bounding box cases.

object-detection Object Detection +1

SEC4SR: A Security Analysis Platform for Speaker Recognition

1 code implementation4 Sep 2021 Guangke Chen, Zhe Zhao, Fu Song, Sen Chen, Lingling Fan, Yang Liu

To bridge this gap, we present SEC4SR, the first platform enabling researchers to systematically and comprehensively evaluate adversarial attacks and defenses in SR. SEC4SR incorporates 4 white-box and 2 black-box attacks, 24 defenses including our novel feature-level transformations.

Speaker Recognition

Physics-informed Deep Super-resolution for Spatiotemporal Data

1 code implementation2 Aug 2022 Pu Ren, Chengping Rao, Yang Liu, Zihan Ma, Qi Wang, Jian-Xun Wang, Hao Sun

High-fidelity simulation of complex physical systems is exorbitantly expensive and inaccessible across spatiotemporal scales.

Super-Resolution

Anonymization for Skeleton Action Recognition

1 code implementation30 Nov 2021 Saemi Moon, Myeonghyeon Kim, Zhenyue Qin, Yang Liu, Dongwoo Kim

Compared with RGB-video-based action recognition, skeleton-based action recognition is a safer way to protect the privacy of subjects while having competitive recognition performance.

Action Recognition Skeleton Based Action Recognition

TCGL: Temporal Contrastive Graph for Self-supervised Video Representation Learning

2 code implementations7 Dec 2021 Yang Liu, Keze Wang, Lingbo Liu, Haoyuan Lan, Liang Lin

To overcome these limitations, we take advantage of the multi-scale temporal dependencies within videos and proposes a novel video self-supervised learning framework named Temporal Contrastive Graph Learning (TCGL), which jointly models the inter-snippet and intra-snippet temporal dependencies for temporal representation learning with a hybrid graph contrastive learning strategy.

Action Recognition Contrastive Learning +5

On Robust Prefix-Tuning for Text Classification

1 code implementation ICLR 2022 Zonghan Yang, Yang Liu

Recently, prefix-tuning has gained increasing attention as a parameter-efficient finetuning method for large-scale pretrained language models.

Language Modelling text-classification +1

Privacy-preserving Collaborative Learning with Automatic Transformation Search

3 code implementations CVPR 2021 Wei Gao, Shangwei Guo, Tianwei Zhang, Han Qiu, Yonggang Wen, Yang Liu

Comprehensive evaluations demonstrate that the policies discovered by our method can defeat existing reconstruction attacks in collaborative learning, with high efficiency and negligible impact on the model performance.

Data Augmentation Privacy Preserving

Margin Preserving Self-paced Contrastive Learning Towards Domain Adaptation for Medical Image Segmentation

1 code implementation15 Mar 2021 Zhizhe Liu, Zhenfeng Zhu, Shuai Zheng, Yang Liu, Jiayu Zhou, Yao Zhao

To bridge the gap between the source and target domains in unsupervised domain adaptation (UDA), the most common strategy puts focus on matching the marginal distributions in the feature space through adversarial learning.

Cardiac Segmentation Contrastive Learning +4

HSVA: Hierarchical Semantic-Visual Adaptation for Zero-Shot Learning

2 code implementations NeurIPS 2021 Shiming Chen, Guo-Sen Xie, Yang Liu, Qinmu Peng, Baigui Sun, Hao Li, Xinge You, Ling Shao

Specifically, HSVA aligns the semantic and visual domains by adopting a hierarchical two-step adaptation, i. e., structure adaptation and distribution adaptation.

Transfer Learning Zero-Shot Learning

Reliable Representations Make A Stronger Defender: Unsupervised Structure Refinement for Robust GNN

1 code implementation30 Jun 2022 Kuan Li, Yang Liu, Xiang Ao, Jianfeng Chi, Jinghua Feng, Hao Yang, Qing He

However, both strategies are faced with some immediate problems: raw features cannot represent various properties of nodes (e. g., structure information), and representations learned by supervised GNN may suffer from the poor performance of the classifier on the poisoned graph.

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