Search Results for author: Fei Wu

Found 215 papers, 89 papers with code

ChineseBERT: Chinese Pretraining Enhanced by Glyph and Pinyin Information

3 code implementations ACL 2021 Zijun Sun, Xiaoya Li, Xiaofei Sun, Yuxian Meng, Xiang Ao, Qing He, Fei Wu, Jiwei Li

Recent pretraining models in Chinese neglect two important aspects specific to the Chinese language: glyph and pinyin, which carry significant syntax and semantic information for language understanding.

Language Modelling Machine Reading Comprehension +5

Attentional Factorization Machines: Learning the Weight of Feature Interactions via Attention Networks

7 code implementations15 Aug 2017 Jun Xiao, Hao Ye, Xiangnan He, Hanwang Zhang, Fei Wu, Tat-Seng Chua

Factorization Machines (FMs) are a supervised learning approach that enhances the linear regression model by incorporating the second-order feature interactions.

regression

A Survey on Video Action Recognition in Sports: Datasets, Methods and Applications

1 code implementation2 Jun 2022 Fei Wu, Qingzhong Wang, Jian Bian, Haoyi Xiong, Ning Ding, Feixiang Lu, Jun Cheng, Dejing Dou

Finally, we discuss the challenges and unsolved problems in this area and to facilitate sports analytics, we develop a toolbox using PaddlePaddle, which supports football, basketball, table tennis and figure skating action recognition.

Action Recognition Sports Analytics +1

Federated Mutual Learning

3 code implementations27 Jun 2020 Tao Shen, Jie Zhang, Xinkang Jia, Fengda Zhang, Gang Huang, Pan Zhou, Kun Kuang, Fei Wu, Chao Wu

The experiments show that FML can achieve better performance than alternatives in typical FL setting, and clients can be benefited from FML with different models and tasks.

Federated Learning

You Only Recognize Once: Towards Fast Video Text Spotting

1 code implementation8 Mar 2019 Zhanzhan Cheng, Jing Lu, Yi Niu, ShiLiang Pu, Fei Wu, Shuigeng Zhou

Video text spotting is still an important research topic due to its various real-applications.

Text Detection Text Spotting

Text Perceptron: Towards End-to-End Arbitrary-Shaped Text Spotting

1 code implementation17 Feb 2020 Liang Qiao, Sanli Tang, Zhanzhan Cheng, Yunlu Xu, Yi Niu, ShiLiang Pu, Fei Wu

Many approaches have recently been proposed to detect irregular scene text and achieved promising results.

Text Detection Text Spotting

TRIE: End-to-End Text Reading and Information Extraction for Document Understanding

1 code implementation27 May 2020 Peng Zhang, Yunlu Xu, Zhanzhan Cheng, ShiLiang Pu, Jing Lu, Liang Qiao, Yi Niu, Fei Wu

Since real-world ubiquitous documents (e. g., invoices, tickets, resumes and leaflets) contain rich information, automatic document image understanding has become a hot topic.

document understanding

MANGO: A Mask Attention Guided One-Stage Scene Text Spotter

1 code implementation8 Dec 2020 Liang Qiao, Ying Chen, Zhanzhan Cheng, Yunlu Xu, Yi Niu, ShiLiang Pu, Fei Wu

Recently end-to-end scene text spotting has become a popular research topic due to its advantages of global optimization and high maintainability in real applications.

Position Text Spotting

Reciprocal Feature Learning via Explicit and Implicit Tasks in Scene Text Recognition

1 code implementation13 May 2021 Hui Jiang, Yunlu Xu, Zhanzhan Cheng, ShiLiang Pu, Yi Niu, Wenqi Ren, Fei Wu, Wenming Tan

In this work, we excavate the implicit task, character counting within the traditional text recognition, without additional labor annotation cost.

Optical Character Recognition (OCR) Scene Text Recognition

LGPMA: Complicated Table Structure Recognition with Local and Global Pyramid Mask Alignment

1 code implementation13 May 2021 Liang Qiao, Zaisheng Li, Zhanzhan Cheng, Peng Zhang, ShiLiang Pu, Yi Niu, Wenqi Ren, Wenming Tan, Fei Wu

In this paper, we aim to obtain more reliable aligned bounding boxes by fully utilizing the visual information from both text regions in proposed local features and cell relations in global features.

Table Recognition

VSR: A Unified Framework for Document Layout Analysis combining Vision, Semantics and Relations

1 code implementation13 May 2021 Peng Zhang, Can Li, Liang Qiao, Zhanzhan Cheng, ShiLiang Pu, Yi Niu, Fei Wu

To address the above limitations, we propose a unified framework VSR for document layout analysis, combining vision, semantics and relations.

Document Layout Analysis Relation

A Unified MRC Framework for Named Entity Recognition

8 code implementations ACL 2020 Xiaoya Li, Jingrong Feng, Yuxian Meng, Qinghong Han, Fei Wu, Jiwei Li

Instead of treating the task of NER as a sequence labeling problem, we propose to formulate it as a machine reading comprehension (MRC) task.

Ranked #2 on Nested Mention Recognition on ACE 2004 (using extra training data)

Chinese Named Entity Recognition Entity Extraction using GAN +4

FcaNet: Frequency Channel Attention Networks

7 code implementations ICCV 2021 Zequn Qin, Pengyi Zhang, Fei Wu, Xi Li

With the proof, we naturally generalize the compression of the channel attention mechanism in the frequency domain and propose our method with multi-spectral channel attention, termed as FcaNet.

Image Classification Instance Segmentation +3

Dice Loss for Data-imbalanced NLP Tasks

2 code implementations ACL 2020 Xiaoya Li, Xiaofei Sun, Yuxian Meng, Junjun Liang, Fei Wu, Jiwei Li

Many NLP tasks such as tagging and machine reading comprehension are faced with the severe data imbalance issue: negative examples significantly outnumber positive examples, and the huge number of background examples (or easy-negative examples) overwhelms the training.

 Ranked #1 on Chinese Named Entity Recognition on OntoNotes 4 (using extra training data)

Chinese Named Entity Recognition Machine Reading Comprehension +5

BertGCN: Transductive Text Classification by Combining GCN and BERT

1 code implementation12 May 2021 Yuxiao Lin, Yuxian Meng, Xiaofei Sun, Qinghong Han, Kun Kuang, Jiwei Li, Fei Wu

In this work, we propose BertGCN, a model that combines large scale pretraining and transductive learning for text classification.

text-classification Text Classification +1

Deep Sequence Learning with Auxiliary Information for Traffic Prediction

1 code implementation13 Jun 2018 Binbing Liao, Jingqing Zhang, Chao Wu, Douglas McIlwraith, Tong Chen, Shengwen Yang, Yike Guo, Fei Wu

Predicting traffic conditions from online route queries is a challenging task as there are many complicated interactions over the roads and crowds involved.

Traffic Prediction

Dependency Parsing as MRC-based Span-Span Prediction

2 code implementations ACL 2022 Leilei Gan, Yuxian Meng, Kun Kuang, Xiaofei Sun, Chun Fan, Fei Wu, Jiwei Li

The proposed method has the following merits: (1) it addresses the fundamental problem that edges in a dependency tree should be constructed between subtrees; (2) the MRC framework allows the method to retrieve missing spans in the span proposal stage, which leads to higher recall for eligible spans.

Dependency Parsing Machine Reading Comprehension

GPT-NER: Named Entity Recognition via Large Language Models

1 code implementation20 Apr 2023 Shuhe Wang, Xiaofei Sun, Xiaoya Li, Rongbin Ouyang, Fei Wu, Tianwei Zhang, Jiwei Li, Guoyin Wang

GPT-NER bridges the gap by transforming the sequence labeling task to a generation task that can be easily adapted by LLMs e. g., the task of finding location entities in the input text "Columbus is a city" is transformed to generate the text sequence "@@Columbus## is a city", where special tokens @@## marks the entity to extract.

Hallucination named-entity-recognition +4

Coreference Resolution as Query-based Span Prediction

1 code implementation5 Nov 2019 Wei Wu, Fei Wang, Arianna Yuan, Fei Wu, Jiwei Li

In this paper, we present an accurate and extensible approach for the coreference resolution task.

coreference-resolution Data Augmentation +1

CorefQA: Coreference Resolution as Query-based Span Prediction

1 code implementation ACL 2020 Wei Wu, Fei Wang, Arianna Yuan, Fei Wu, Jiwei Li

In this paper, we present CorefQA, an accurate and extensible approach for the coreference resolution task.

Ranked #2 on Coreference Resolution on CoNLL 2012 (using extra training data)

coreference-resolution Data Augmentation +1

OpenViDial: A Large-Scale, Open-Domain Dialogue Dataset with Visual Contexts

1 code implementation30 Dec 2020 Yuxian Meng, Shuhe Wang, Qinghong Han, Xiaofei Sun, Fei Wu, Rui Yan, Jiwei Li

Based on this dataset, we propose a family of encoder-decoder models leveraging both textual and visual contexts, from coarse-grained image features extracted from CNNs to fine-grained object features extracted from Faster R-CNNs.

Dialogue Generation

Modeling Text-visual Mutual Dependency for Multi-modal Dialog Generation

1 code implementation30 May 2021 Shuhe Wang, Yuxian Meng, Xiaofei Sun, Fei Wu, Rongbin Ouyang, Rui Yan, Tianwei Zhang, Jiwei Li

Specifically, we propose to model the mutual dependency between text-visual features, where the model not only needs to learn the probability of generating the next dialog utterance given preceding dialog utterances and visual contexts, but also the probability of predicting the visual features in which a dialog utterance takes place, leading the generated dialog utterance specific to the visual context.

Deep Multi-View Spatial-Temporal Network for Taxi Demand Prediction

1 code implementation23 Feb 2018 Huaxiu Yao, Fei Wu, Jintao Ke, Xianfeng Tang, Yitian Jia, Siyu Lu, Pinghua Gong, Jieping Ye, Zhenhui Li

Traditional demand prediction methods mostly rely on time series forecasting techniques, which fail to model the complex non-linear spatial and temporal relations.

Image Classification Time Series Forecasting +1

Instruction Tuning for Large Language Models: A Survey

1 code implementation21 Aug 2023 Shengyu Zhang, Linfeng Dong, Xiaoya Li, Sen Zhang, Xiaofei Sun, Shuhe Wang, Jiwei Li, Runyi Hu, Tianwei Zhang, Fei Wu, Guoyin Wang

This paper surveys research works in the quickly advancing field of instruction tuning (IT), a crucial technique to enhance the capabilities and controllability of large language models (LLMs).

Edge-Cloud Polarization and Collaboration: A Comprehensive Survey for AI

1 code implementation11 Nov 2021 Jiangchao Yao, Shengyu Zhang, Yang Yao, Feng Wang, Jianxin Ma, Jianwei Zhang, Yunfei Chu, Luo Ji, Kunyang Jia, Tao Shen, Anpeng Wu, Fengda Zhang, Ziqi Tan, Kun Kuang, Chao Wu, Fei Wu, Jingren Zhou, Hongxia Yang

However, edge computing, especially edge and cloud collaborative computing, are still in its infancy to announce their success due to the resource-constrained IoT scenarios with very limited algorithms deployed.

Cloud Computing Edge-computing

Self-Explaining Structures Improve NLP Models

1 code implementation3 Dec 2020 Zijun Sun, Chun Fan, Qinghong Han, Xiaofei Sun, Yuxian Meng, Fei Wu, Jiwei Li

The proposed model comes with the following merits: (1) span weights make the model self-explainable and do not require an additional probing model for interpretation; (2) the proposed model is general and can be adapted to any existing deep learning structures in NLP; (3) the weight associated with each text span provides direct importance scores for higher-level text units such as phrases and sentences.

Natural Language Inference Paraphrase Identification +1

OakInk: A Large-scale Knowledge Repository for Understanding Hand-Object Interaction

1 code implementation CVPR 2022 Lixin Yang, Kailin Li, Xinyu Zhan, Fei Wu, Anran Xu, Liu Liu, Cewu Lu

We start to collect 1, 800 common household objects and annotate their affordances to construct the first knowledge base: Oak.

Grasp Generation Object +1

Neural Semi-supervised Learning for Text Classification Under Large-Scale Pretraining

1 code implementation17 Nov 2020 Zijun Sun, Chun Fan, Xiaofei Sun, Yuxian Meng, Fei Wu, Jiwei Li

The goal of semi-supervised learning is to utilize the unlabeled, in-domain dataset U to improve models trained on the labeled dataset D. Under the context of large-scale language-model (LM) pretraining, how we can make the best use of U is poorly understood: is semi-supervised learning still beneficial with the presence of large-scale pretraining?

Ranked #1000000000 on Text Classification on IMDb

General Classification Language Modelling +3

Text Classification via Large Language Models

1 code implementation15 May 2023 Xiaofei Sun, Xiaoya Li, Jiwei Li, Fei Wu, Shangwei Guo, Tianwei Zhang, Guoyin Wang

This is due to (1) the lack of reasoning ability in addressing complex linguistic phenomena (e. g., intensification, contrast, irony etc); (2) limited number of tokens allowed in in-context learning.

Domain Adaptation In-Context Learning +3

InfiAgent-DABench: Evaluating Agents on Data Analysis Tasks

1 code implementation10 Jan 2024 Xueyu Hu, Ziyu Zhao, Shuang Wei, Ziwei Chai, Qianli Ma, Guoyin Wang, Xuwu Wang, Jing Su, Jingjing Xu, Ming Zhu, Yao Cheng, Jianbo Yuan, Jiwei Li, Kun Kuang, Yang Yang, Hongxia Yang, Fei Wu

In this paper, we introduce InfiAgent-DABench, the first benchmark specifically designed to evaluate LLM-based agents on data analysis tasks.

Benchmarking

TextRay: Contour-based Geometric Modeling for Arbitrary-shaped Scene Text Detection

1 code implementation11 Aug 2020 Fangfang Wang, Yifeng Chen, Fei Wu, Xi Li

Arbitrary-shaped text detection is a challenging task due to the complex geometric layouts of texts such as large aspect ratios, various scales, random rotations and curve shapes.

Scene Text Detection Text Detection

Query Attack via Opposite-Direction Feature:Towards Robust Image Retrieval

2 code implementations7 Sep 2018 Zhedong Zheng, Liang Zheng, Yi Yang, Fei Wu

Opposite-Direction Feature Attack (ODFA) effectively exploits feature-level adversarial gradients and takes advantage of feature distance in the representation space.

Adversarial Attack General Classification +3

Learning Dynamic Context Augmentation for Global Entity Linking

2 code implementations IJCNLP 2019 Xiyuan Yang, Xiaotao Gu, Sheng Lin, Siliang Tang, Yueting Zhuang, Fei Wu, Zhigang Chen, Guoping Hu, Xiang Ren

Despite of the recent success of collective entity linking (EL) methods, these "global" inference methods may yield sub-optimal results when the "all-mention coherence" assumption breaks, and often suffer from high computational cost at the inference stage, due to the complex search space.

Entity Disambiguation Entity Linking +1

GNN-LM: Language Modeling based on Global Contexts via GNN

1 code implementation ICLR 2022 Yuxian Meng, Shi Zong, Xiaoya Li, Xiaofei Sun, Tianwei Zhang, Fei Wu, Jiwei Li

Inspired by the notion that ``{\it to copy is easier than to memorize}``, in this work, we introduce GNN-LM, which extends the vanilla neural language model (LM) by allowing to reference similar contexts in the entire training corpus.

Language Modelling

Adaptive Graph Representation Learning for Video Person Re-identification

1 code implementation5 Sep 2019 Yiming Wu, Omar El Farouk Bourahla, Xi Li, Fei Wu, Qi Tian, Xue Zhou

While correlations between parts are ignored in the previous methods, to leverage the relations of different parts, we propose an innovative adaptive graph representation learning scheme for video person Re-ID, which enables the contextual interactions between relevant regional features.

Graph Representation Learning Video-Based Person Re-Identification

RoSA: A Robust Self-Aligned Framework for Node-Node Graph Contrastive Learning

1 code implementation29 Apr 2022 Yun Zhu, Jianhao Guo, Fei Wu, Siliang Tang

To the best of our awareness, RoSA is the first work focuses on the non-aligned node-node graph contrastive learning problem.

Contrastive Learning Node Classification +1

HAP: Structure-Aware Masked Image Modeling for Human-Centric Perception

1 code implementation NeurIPS 2023 Junkun Yuan, Xinyu Zhang, Hao Zhou, Jian Wang, Zhongwei Qiu, Zhiyin Shao, Shaofeng Zhang, Sifan Long, Kun Kuang, Kun Yao, Junyu Han, Errui Ding, Lanfen Lin, Fei Wu, Jingdong Wang

To further capture human characteristics, we propose a structure-invariant alignment loss that enforces different masked views, guided by the human part prior, to be closely aligned for the same image.

2D Pose Estimation Attribute +3

Fast Nearest Neighbor Machine Translation

1 code implementation Findings (ACL) 2022 Yuxian Meng, Xiaoya Li, Xiayu Zheng, Fei Wu, Xiaofei Sun, Tianwei Zhang, Jiwei Li

Fast $k$NN-MT constructs a significantly smaller datastore for the nearest neighbor search: for each word in a source sentence, Fast $k$NN-MT first selects its nearest token-level neighbors, which is limited to tokens that are the same as the query token.

Machine Translation NMT +2

Compositional Temporal Grounding with Structured Variational Cross-Graph Correspondence Learning

1 code implementation CVPR 2022 Juncheng Li, Junlin Xie, Long Qian, Linchao Zhu, Siliang Tang, Fei Wu, Yi Yang, Yueting Zhuang, Xin Eric Wang

To systematically measure the compositional generalizability of temporal grounding models, we introduce a new Compositional Temporal Grounding task and construct two new dataset splits, i. e., Charades-CG and ActivityNet-CG.

Semantic correspondence Sentence

DeVLBert: Learning Deconfounded Visio-Linguistic Representations

1 code implementation16 Aug 2020 Shengyu Zhang, Tan Jiang, Tan Wang, Kun Kuang, Zhou Zhao, Jianke Zhu, Jin Yu, Hongxia Yang, Fei Wu

In this paper, we propose to investigate the problem of out-of-domain visio-linguistic pretraining, where the pretraining data distribution differs from that of downstream data on which the pretrained model will be fine-tuned.

Image Retrieval Question Answering +2

Boosting 3-DoF Ground-to-Satellite Camera Localization Accuracy via Geometry-Guided Cross-View Transformer

1 code implementation ICCV 2023 Yujiao Shi, Fei Wu, Akhil Perincherry, Ankit Vora, Hongdong Li

In this paper, we propose a method to increase the accuracy of a ground camera's location and orientation by estimating the relative rotation and translation between the ground-level image and its matched/retrieved satellite image.

Camera Localization Image Retrieval +2

Instrumental Variables in Causal Inference and Machine Learning: A Survey

1 code implementation12 Dec 2022 Anpeng Wu, Kun Kuang, Ruoxuan Xiong, Fei Wu

This paper serves as the first effort to systematically and comprehensively introduce and discuss the IV methods and their applications in both causal inference and machine learning.

Causal Inference

DE-Net: Dynamic Text-guided Image Editing Adversarial Networks

1 code implementation2 Jun 2022 Ming Tao, Bing-Kun Bao, Hao Tang, Fei Wu, Longhui Wei, Qi Tian

To solve these limitations, we propose: (i) a Dynamic Editing Block (DEBlock) which composes different editing modules dynamically for various editing requirements.

text-guided-image-editing

DUET: A Tuning-Free Device-Cloud Collaborative Parameters Generation Framework for Efficient Device Model Generalization

1 code implementation12 Sep 2022 Zheqi Lv, Wenqiao Zhang, Shengyu Zhang, Kun Kuang, Feng Wang, Yongwei Wang, Zhengyu Chen, Tao Shen, Hongxia Yang, Beng Chin Ooi, Fei Wu

DUET is deployed on a powerful cloud server that only requires the low cost of forwarding propagation and low time delay of data transmission between the device and the cloud.

Device-Cloud Collaboration Domain Adaptation +3

Feature Distillation Interaction Weighting Network for Lightweight Image Super-Resolution

1 code implementation16 Dec 2021 Guangwei Gao, Wenjie Li, Juncheng Li, Fei Wu, Huimin Lu, Yi Yu

Convolutional neural networks based single-image super-resolution (SISR) has made great progress in recent years.

Image Super-Resolution

SUES-200: A Multi-height Multi-scene Cross-view Image Benchmark Across Drone and Satellite

1 code implementation22 Apr 2022 Runzhe Zhu, Ling Yin, Mingze Yang, Fei Wu, Yuncheng Yang, WenBo Hu

However, existing public datasets do not include images obtained by drones at different heights, and the types of scenes are relatively homogeneous, which yields issues in assessing a model's capability to adapt to complex and changing scenes.

Wnet: Audio-Guided Video Object Segmentation via Wavelet-Based Cross-Modal Denoising Networks

1 code implementation CVPR 2022 Wenwen Pan, Haonan Shi, Zhou Zhao, Jieming Zhu, Xiuqiang He, Zhigeng Pan, Lianli Gao, Jun Yu, Fei Wu, Qi Tian

Audio-Guided video semantic segmentation is a challenging problem in visual analysis and editing, which automatically separates foreground objects from background in a video sequence according to the referring audio expressions.

Denoising Segmentation +3

CIL: Contrastive Instance Learning Framework for Distantly Supervised Relation Extraction

1 code implementation ACL 2021 Tao Chen, Haizhou Shi, Siliang Tang, Zhigang Chen, Fei Wu, Yueting Zhuang

The journey of reducing noise from distant supervision (DS) generated training data has been started since the DS was first introduced into the relation extraction (RE) task.

Relation Relation Extraction +1

Memory Regulation and Alignment toward Generalizer RGB-Infrared Person

1 code implementation18 Sep 2021 Feng Chen, Fei Wu, Qi Wu, Zhiguo Wan

The domain shift, coming from unneglectable modality gap and non-overlapped identity classes between training and test sets, is a major issue of RGB-Infrared person re-identification.

Attribute Metric Learning +1

Cross-relation Cross-bag Attention for Distantly-supervised Relation Extraction

1 code implementation27 Dec 2018 Yujin Yuan, Liyuan Liu, Siliang Tang, Zhongfei Zhang, Yueting Zhuang, ShiLiang Pu, Fei Wu, Xiang Ren

Distant supervision leverages knowledge bases to automatically label instances, thus allowing us to train relation extractor without human annotations.

Relation Relation Extraction +1

Learning Decomposed Representation for Counterfactual Inference

1 code implementation12 Jun 2020 Anpeng Wu, Kun Kuang, Junkun Yuan, Bo Li, Runze Wu, Qiang Zhu, Yueting Zhuang, Fei Wu

The fundamental problem in treatment effect estimation from observational data is confounder identification and balancing.

counterfactual Counterfactual Inference

Why Do We Click: Visual Impression-aware News Recommendation

1 code implementation26 Sep 2021 Jiahao Xun, Shengyu Zhang, Zhou Zhao, Jieming Zhu, Qi Zhang, Jingjie Li, Xiuqiang He, Xiaofei He, Tat-Seng Chua, Fei Wu

In this work, inspired by the fact that users make their click decisions mostly based on the visual impression they perceive when browsing news, we propose to capture such visual impression information with visual-semantic modeling for news recommendation.

Decision Making News Recommendation

Homogeneous and Heterogeneous Relational Graph for Visible-infrared Person Re-identification

1 code implementation18 Sep 2021 Yujian Feng, Feng Chen, Jian Yu, Yimu Ji, Fei Wu, Shangdong Liu, Xiao-Yuan Jing

Existing VI Re-ID methods mainly focus on extracting homogeneous structural relationships in an image, i. e. the relations between local features, while ignoring the heterogeneous correlation of local features in different modalities.

Person Re-Identification

Triggerless Backdoor Attack for NLP Tasks with Clean Labels

2 code implementations NAACL 2022 Leilei Gan, Jiwei Li, Tianwei Zhang, Xiaoya Li, Yuxian Meng, Fei Wu, Yi Yang, Shangwei Guo, Chun Fan

To deal with this issue, in this paper, we propose a new strategy to perform textual backdoor attacks which do not require an external trigger, and the poisoned samples are correctly labeled.

Backdoor Attack Sentence

Goal-Oriented Prompt Attack and Safety Evaluation for LLMs

1 code implementation21 Sep 2023 Chengyuan Liu, Fubang Zhao, Lizhi Qing, Yangyang Kang, Changlong Sun, Kun Kuang, Fei Wu

There are several black-box attack methods, such as Prompt Attack, which can change the behaviour of LLMs and induce LLMs to generate unexpected answers with harmful contents.

Poet: Product-oriented Video Captioner for E-commerce

1 code implementation16 Aug 2020 Shengyu Zhang, Ziqi Tan, Jin Yu, Zhou Zhao, Kun Kuang, Jie Liu, Jingren Zhou, Hongxia Yang, Fei Wu

Then, based on the aspects of the video-associated product, we perform knowledge-enhanced spatial-temporal inference on those graphs for capturing the dynamic change of fine-grained product-part characteristics.

Video Captioning

Auto IV: Counterfactual Prediction via Automatic Instrumental Variable Decomposition

1 code implementation13 Jul 2021 Junkun Yuan, Anpeng Wu, Kun Kuang, Bo Li, Runze Wu, Fei Wu, Lanfen Lin

We also learn confounder representations by encouraging them to be relevant to both the treatment and the outcome.

Causal Inference counterfactual +1

Re4: Learning to Re-contrast, Re-attend, Re-construct for Multi-interest Recommendation

1 code implementation17 Aug 2022 Shengyu Zhang, Lingxiao Yang, Dong Yao, Yujie Lu, Fuli Feng, Zhou Zhao, Tat-Seng Chua, Fei Wu

Specifically, Re4 encapsulates three backward flows, i. e., 1) Re-contrast, which drives each interest embedding to be distinct from other interests using contrastive learning; 2) Re-attend, which ensures the interest-item correlation estimation in the forward flow to be consistent with the criterion used in final recommendation; and 3) Re-construct, which ensures that each interest embedding can semantically reflect the information of representative items that relate to the corresponding interest.

Contrastive Learning Recommendation Systems

ModelGPT: Unleashing LLM's Capabilities for Tailored Model Generation

1 code implementation18 Feb 2024 Zihao Tang, Zheqi Lv, Shengyu Zhang, Fei Wu, Kun Kuang

The rapid advancement of Large Language Models (LLMs) has revolutionized various sectors by automating routine tasks, marking a step toward the realization of Artificial General Intelligence (AGI).

Comprehensive Information Integration Modeling Framework for Video Titling

1 code implementation24 Jun 2020 Shengyu Zhang, Ziqi Tan, Jin Yu, Zhou Zhao, Kun Kuang, Tan Jiang, Jingren Zhou, Hongxia Yang, Fei Wu

In e-commerce, consumer-generated videos, which in general deliver consumers' individual preferences for the different aspects of certain products, are massive in volume.

Descriptive Video Captioning

Future-Aware Diverse Trends Framework for Recommendation

1 code implementation1 Nov 2020 Yujie Lu, Shengyu Zhang, Yingxuan Huang, Luyao Wang, Xinyao Yu, Zhou Zhao, Fei Wu

By diverse trends, supposing the future preferences can be diversified, we propose the diverse trends extractor and the time-aware mechanism to represent the possible trends of preferences for a given user with multiple vectors.

Representation Learning Sequential Recommendation

Domain-Specific Bias Filtering for Single Labeled Domain Generalization

1 code implementation2 Oct 2021 Junkun Yuan, Xu Ma, Defang Chen, Kun Kuang, Fei Wu, Lanfen Lin

In this paper, we investigate a Single Labeled Domain Generalization (SLDG) task with only one source domain being labeled, which is more practical and challenging than the CDG task.

Domain Generalization

Boosting RGB-D Saliency Detection by Leveraging Unlabeled RGB Images

1 code implementation1 Jan 2022 Xiaoqiang Wang, Lei Zhu, Siliang Tang, Huazhu Fu, Ping Li, Fei Wu, Yi Yang, Yueting Zhuang

The depth estimation branch is trained with RGB-D images and then used to estimate the pseudo depth maps for all unlabeled RGB images to form the paired data.

Depth Estimation object-detection +3

ANetQA: A Large-scale Benchmark for Fine-grained Compositional Reasoning over Untrimmed Videos

1 code implementation CVPR 2023 Zhou Yu, Lixiang Zheng, Zhou Zhao, Fei Wu, Jianping Fan, Kui Ren, Jun Yu

A recent benchmark AGQA poses a promising paradigm to generate QA pairs automatically from pre-annotated scene graphs, enabling it to measure diverse reasoning abilities with granular control.

Question Answering Spatio-temporal Scene Graphs +1

Leaning Compact and Representative Features for Cross-Modality Person Re-Identification

1 code implementation26 Mar 2021 Guangwei Gao, Hao Shao, Fei Wu, Meng Yang, Yi Yu

This paper pays close attention to the cross-modality visible-infrared person re-identification (VI Re-ID) task, which aims to match pedestrian samples between visible and infrared modes.

Cross-Modality Person Re-identification Knowledge Distillation +1

An Expert is Worth One Token: Synergizing Multiple Expert LLMs as Generalist via Expert Token Routing

1 code implementation25 Mar 2024 Ziwei Chai, Guoyin Wang, Jing Su, Tianjie Zhang, Xuanwen Huang, Xuwu Wang, Jingjing Xu, Jianbo Yuan, Hongxia Yang, Fei Wu, Yang Yang

We present Expert-Token-Routing, a unified generalist framework that facilitates seamless integration of multiple expert LLMs.

Informative Visual Storytelling with Cross-modal Rules

1 code implementation7 Jul 2019 Jiacheng Li, Haizhou Shi, Siliang Tang, Fei Wu, Yueting Zhuang

To solve this problem, we propose a method to mine the cross-modal rules to help the model infer these informative concepts given certain visual input.

Visual Storytelling

Collaborative Semantic Aggregation and Calibration for Federated Domain Generalization

1 code implementation13 Oct 2021 Junkun Yuan, Xu Ma, Defang Chen, Fei Wu, Lanfen Lin, Kun Kuang

Domain generalization (DG) aims to learn from multiple known source domains a model that can generalize well to unknown target domains.

Domain Generalization

Investigating the Robustness of Natural Language Generation from Logical Forms via Counterfactual Samples

2 code implementations16 Oct 2022 Chengyuan Liu, Leilei Gan, Kun Kuang, Fei Wu

To verify this hypothesis, we manually construct a set of counterfactual samples, which modify the original logical forms to generate counterfactual logical forms with rarely co-occurred table headers and logical operators.

counterfactual Logical Reasoning +1

$k$Folden: $k$-Fold Ensemble for Out-Of-Distribution Detection

1 code implementation29 Aug 2021 Xiaoya Li, Jiwei Li, Xiaofei Sun, Chun Fan, Tianwei Zhang, Fei Wu, Yuxian Meng, Jun Zhang

For a task with $k$ training labels, $k$Folden induces $k$ sub-models, each of which is trained on a subset with $k-1$ categories with the left category masked unknown to the sub-model.

Attribute domain classification +4

Exploiting Contrastive Learning and Numerical Evidence for Confusing Legal Judgment Prediction

1 code implementation15 Nov 2022 Leilei Gan, Baokui Li, Kun Kuang, Yating Zhang, Lei Wang, Luu Anh Tuan, Yi Yang, Fei Wu

Given the fact description text of a legal case, legal judgment prediction (LJP) aims to predict the case's charge, law article and penalty term.

Contrastive Learning

AuG-KD: Anchor-Based Mixup Generation for Out-of-Domain Knowledge Distillation

1 code implementation11 Mar 2024 Zihao Tang, Zheqi Lv, Shengyu Zhang, Yifan Zhou, Xinyu Duan, Fei Wu, Kun Kuang

However, simply adopting models derived from DFKD for real-world applications suffers significant performance degradation, due to the discrepancy between teachers' training data and real-world scenarios (student domain).

Data-free Knowledge Distillation

Leveraging Model Interpretability and Stability to increase Model Robustness

1 code implementation1 Oct 2019 Fei Wu, Thomas Michel, Alexandre Briot

We then use an error detector in the form of a binary classifier on top of the DNN to automatically discriminate wrong and correct predictions of the DNN based on their hidden unit activations.

Image Classification

SemGloVe: Semantic Co-occurrences for GloVe from BERT

3 code implementations30 Dec 2020 Leilei Gan, Zhiyang Teng, Yue Zhang, Linchao Zhu, Fei Wu, Yi Yang

In this paper, we propose SemGloVe, which distills semantic co-occurrences from BERT into static GloVe word embeddings.

Language Modelling Word Embeddings +1

Learning Instrumental Variable from Data Fusion for Treatment Effect Estimation

1 code implementation23 Aug 2022 Anpeng Wu, Kun Kuang, Ruoxuan Xiong, Minqing Zhu, Yuxuan Liu, Bo Li, Furui Liu, Zhihua Wang, Fei Wu

The advent of the big data era brought new opportunities and challenges to draw treatment effect in data fusion, that is, a mixed dataset collected from multiple sources (each source with an independent treatment assignment mechanism).

regression

From Graph to Word Bag: Introducing Domain Knowledge to Confusing Charge Prediction

1 code implementation7 Mar 2024 Ang Li, Qiangchao Chen, Yiquan Wu, Ming Cai, Xiang Zhou, Fei Wu, Kun Kuang

In this paper, we introduce a novel From Graph to Word Bag (FWGB) approach, which introduces domain knowledge regarding constituent elements to guide the model in making judgments on confusing charges, much like a judge's reasoning process.

Enhancing Court View Generation with Knowledge Injection and Guidance

1 code implementation7 Mar 2024 Ang Li, Yiquan Wu, Yifei Liu, Fei Wu, Ming Cai, Kun Kuang

Court View Generation (CVG) is a challenging task in the field of Legal Artificial Intelligence (LegalAI), which aims to generate court views based on the plaintiff claims and the fact descriptions.

Text Generation

Distribution-based Label Space Transformation for Multi-label Learning

no code implementations15 May 2018 Zongting Lyu, Yan Yan, Fei Wu

This endows DLST the capability to handle label set sparsity and training data sparsity in multi-label learning problems.

Dimensionality Reduction Multi-Label Learning

State Distribution-aware Sampling for Deep Q-learning

no code implementations23 Apr 2018 Weichao Li, Fuxian Huang, Xi Li, Gang Pan, Fei Wu

A critical and challenging problem in reinforcement learning is how to learn the state-action value function from the experience replay buffer and simultaneously keep sample efficiency and faster convergence to a high quality solution.

Atari Games OpenAI Gym +1

A Semantic QA-Based Approach for Text Summarization Evaluation

no code implementations21 Apr 2017 Ping Chen, Fei Wu, Tong Wang, Wei Ding

In this paper, we will present some preliminary results on one especially useful and challenging problem in NLP system evaluation: how to pinpoint content differences of two text passages (especially for large pas-sages such as articles and books).

Machine Translation Text Simplification +2

Find the Conversation Killers: a Predictive Study of Thread-ending Posts

no code implementations22 Dec 2017 Yunhao Jiao, Cheng Li, Fei Wu, Qiaozhu Mei

In this study, we are particularly interested in identifying a post in a multi-party conversation that is unlikely to be further replied to, which therefore kills that thread of the conversation.

Representation Learning for Scale-free Networks

no code implementations29 Nov 2017 Rui Feng, Yang Yang, Wenjie Hu, Fei Wu, Yueting Zhuang

Existing network embedding works primarily focus on preserving the microscopic structure, such as the first- and second-order proximity of vertexes, while the macroscopic scale-free property is largely ignored.

Link Prediction Network Embedding

Group-wise Deep Co-saliency Detection

no code implementations24 Jul 2017 Lina Wei, Shanshan Zhao, Omar El Farouk Bourahla, Xi Li, Fei Wu

In this paper, we propose an end-to-end group-wise deep co-saliency detection approach to address the co-salient object discovery problem based on the fully convolutional network (FCN) with group input and group output.

Co-Salient Object Detection Object Discovery +1

Graph-Theoretic Spatiotemporal Context Modeling for Video Saliency Detection

no code implementations25 Jul 2017 Lina Wei, Fangfang Wang, Xi Li, Fei Wu, Jun Xiao

As a result, a key issue in video saliency detection is how to effectively capture the intrinsical properties of atomic video structures as well as their associated contextual interactions along the spatial and temporal dimensions.

Video Saliency Detection

Transductive Zero-Shot Learning with a Self-training dictionary approach

no code implementations27 Mar 2017 Yunlong Yu, Zhong Ji, Xi Li, Jichang Guo, Zhongfei Zhang, Haibin Ling, Fei Wu

As an important and challenging problem in computer vision, zero-shot learning (ZSL) aims at automatically recognizing the instances from unseen object classes without training data.

Transductive Learning Transfer Learning +1

DeepSaliency: Multi-Task Deep Neural Network Model for Salient Object Detection

no code implementations19 Oct 2015 Xi Li, Liming Zhao, Lina Wei, Ming-Hsuan Yang, Fei Wu, Yueting Zhuang, Haibin Ling, Jingdong Wang

A key problem in salient object detection is how to effectively model the semantic properties of salient objects in a data-driven manner.

Image Segmentation Multi-Task Learning +6

Deep Learning Driven Visual Path Prediction from a Single Image

no code implementations27 Jan 2016 Siyu Huang, Xi Li, Zhongfei Zhang, Zhouzhou He, Fei Wu, Wei Liu, Jinhui Tang, Yueting Zhuang

The highly effective visual representation and deep context models ensure that our framework makes a deep semantic understanding of the scene and motion pattern, consequently improving the performance of the visual path prediction task.

Metric Learning Driven Multi-Task Structured Output Optimization for Robust Keypoint Tracking

no code implementations4 Dec 2014 Liming Zhao, Xi Li, Jun Xiao, Fei Wu, Yueting Zhuang

As an important and challenging problem in computer vision and graphics, keypoint-based object tracking is typically formulated in a spatio-temporal statistical learning framework.

Metric Learning Object Tracking

Context-Aware Deep Spatio-Temporal Network for Hand Pose Estimation from Depth Images

no code implementations6 Oct 2018 Yiming Wu, Wei Ji, Xi Li, Gang Wang, Jianwei Yin, Fei Wu

As a fundamental and challenging problem in computer vision, hand pose estimation aims to estimate the hand joint locations from depth images.

Hand Pose Estimation

Textually Guided Ranking Network for Attentional Image Retweet Modeling

no code implementations24 Oct 2018 Zhou Zhao, Hanbing Zhan, Lingtao Meng, Jun Xiao, Jun Yu, Min Yang, Fei Wu, Deng Cai

In this paper, we study the problem of image retweet prediction in social media, which predicts the image sharing behavior that the user reposts the image tweets from their followees.

Bi-Adversarial Auto-Encoder for Zero-Shot Learning

no code implementations20 Nov 2018 Yunlong Yu, Zhong Ji, Yanwei Pang, Jichang Guo, Zhongfei Zhang, Fei Wu

Existing generative Zero-Shot Learning (ZSL) methods only consider the unidirectional alignment from the class semantics to the visual features while ignoring the alignment from the visual features to the class semantics, which fails to construct the visual-semantic interactions well.

Zero-Shot Learning

Deep Q Learning Driven CT Pancreas Segmentation with Geometry-Aware U-Net

no code implementations19 Apr 2019 Yunze Man, Yangsibo Huang, Junyi Feng, Xi Li, Fei Wu

Segmentation of pancreas is important for medical image analysis, yet it faces great challenges of class imbalance, background distractions and non-rigid geometrical features.

Pancreas Segmentation Q-Learning +1

Galaxy Learning -- A Position Paper

no code implementations22 Apr 2019 Chao Wu, Jun Xiao, Gang Huang, Fei Wu

Model training, as well as the communication, is achieved with blockchain and its smart contracts.

BIG-bench Machine Learning Position

Walking with MIND: Mental Imagery eNhanceD Embodied QA

no code implementations5 Aug 2019 Juncheng Li, Siliang Tang, Fei Wu, Yueting Zhuang

The experimental results and further analysis prove that the agent with the MIND module is superior to its counterparts not only in EQA performance but in many other aspects such as route planning, behavioral interpretation, and the ability to generalize from a few examples.

Adversarial Seeded Sequence Growing for Weakly-Supervised Temporal Action Localization

no code implementations7 Aug 2019 Chengwei Zhang, Yunlu Xu, Zhanzhan Cheng, Yi Niu, ShiLiang Pu, Fei Wu, Futai Zou

The second module is a specific classifier for mining trivial or incomplete action regions, which is trained on the shared features after erasing the seeded regions activated by SSG.

Action Detection Weakly-supervised Temporal Action Localization +1

Large-scale Pretraining for Neural Machine Translation with Tens of Billions of Sentence Pairs

no code implementations26 Sep 2019 Yuxian Meng, Xiangyuan Ren, Zijun Sun, Xiaoya Li, Arianna Yuan, Fei Wu, Jiwei Li

In this paper, we investigate the problem of training neural machine translation (NMT) systems with a dataset of more than 40 billion bilingual sentence pairs, which is larger than the largest dataset to date by orders of magnitude.

Machine Translation NMT +2

Unsupervised Reinforcement Learning of Transferable Meta-Skills for Embodied Navigation

no code implementations CVPR 2020 Juncheng Li, Xin Wang, Siliang Tang, Haizhou Shi, Fei Wu, Yueting Zhuang, William Yang Wang

Visual navigation is a task of training an embodied agent by intelligently navigating to a target object (e. g., television) using only visual observations.

Object reinforcement-learning +3

LAVA NAT: A Non-Autoregressive Translation Model with Look-Around Decoding and Vocabulary Attention

no code implementations8 Feb 2020 Xiaoya Li, Yuxian Meng, Arianna Yuan, Fei Wu, Jiwei Li

Non-autoregressive translation (NAT) models generate multiple tokens in one forward pass and is highly efficient at inference stage compared with autoregressive translation (AT) methods.

Translation

Description Based Text Classification with Reinforcement Learning

no code implementations ICML 2020 Duo Chai, Wei Wu, Qinghong Han, Fei Wu, Jiwei Li

We observe significant performance boosts over strong baselines on a wide range of text classification tasks including single-label classification, multi-label classification and multi-aspect sentiment analysis.

General Classification Multi-Label Classification +6

Non-Autoregressive Neural Dialogue Generation

no code implementations11 Feb 2020 Qinghong Han, Yuxian Meng, Fei Wu, Jiwei Li

Unfortunately, under the framework of the \sts model, direct decoding from $\log p(y|x) + \log p(x|y)$ is infeasible since the second part (i. e., $p(x|y)$) requires the completion of target generation before it can be computed, and the search space for $y$ is enormous.

Dialogue Generation Open-Domain Dialog +1

Refined Gate: A Simple and Effective Gating Mechanism for Recurrent Units

no code implementations26 Feb 2020 Zhanzhan Cheng, Yunlu Xu, Mingjian Cheng, Yu Qiao, ShiLiang Pu, Yi Niu, Fei Wu

Recurrent neural network (RNN) has been widely studied in sequence learning tasks, while the mainstream models (e. g., LSTM and GRU) rely on the gating mechanism (in control of how information flows between hidden states).

Language Modelling Scene Text Recognition

Grounded and Controllable Image Completion by Incorporating Lexical Semantics

no code implementations29 Feb 2020 Shengyu Zhang, Tan Jiang, Qinghao Huang, Ziqi Tan, Zhou Zhao, Siliang Tang, Jin Yu, Hongxia Yang, Yi Yang, Fei Wu

Existing image completion procedure is highly subjective by considering only visual context, which may trigger unpredictable results which are plausible but not faithful to a grounded knowledge.

Progressive Multi-Stage Learning for Discriminative Tracking

no code implementations1 Apr 2020 Weichao Li, Xi Li, Omar Elfarouk Bourahla, Fuxian Huang, Fei Wu, Wei Liu, Zhiheng Wang, Hongmin Liu

Visual tracking is typically solved as a discriminative learning problem that usually requires high-quality samples for online model adaptation.

Visual Tracking

Object-QA: Towards High Reliable Object Quality Assessment

no code implementations27 May 2020 Jing Lu, Baorui Zou, Zhanzhan Cheng, ShiLiang Pu, Shuigeng Zhou, Yi Niu, Fei Wu

In this paper, we define the problem of object quality assessment for the first time and propose an effective approach named Object-QA to assess high-reliable quality scores for object images.

Object Object Recognition +1

Analyzing COVID-19 on Online Social Media: Trends, Sentiments and Emotions

no code implementations29 May 2020 Xiaoya Li, Mingxin Zhou, Jiawei Wu, Arianna Yuan, Fei Wu, Jiwei Li

At the time of writing, the ongoing pandemic of coronavirus disease (COVID-19) has caused severe impacts on society, economy and people's daily lives.

Deep Sequential Feature Learning in Clinical Image Classification of Infectious Keratitis

no code implementations4 Jun 2020 Yesheng Xu, Ming Kong, Wenjia Xie, Runping Duan, Zhengqing Fang, Yuxiao Lin, Qiang Zhu, Siliang Tang, Fei Wu, Yu-Feng Yao

Infectious keratitis is the most common entities of corneal diseases, in which pathogen grows in the cornea leading to inflammation and destruction of the corneal tissues.

General Classification Image Classification

ResKD: Residual-Guided Knowledge Distillation

no code implementations8 Jun 2020 Xuewei Li, Songyuan Li, Bourahla Omar, Fei Wu, Xi Li

In this paper, we see knowledge distillation in a fresh light, using the knowledge gap, or the residual, between a teacher and a student as guidance to train a much more lightweight student, called a res-student.

Knowledge Distillation

Balance-Subsampled Stable Prediction

no code implementations8 Jun 2020 Kun Kuang, Hengtao Zhang, Fei Wu, Yueting Zhuang, Aijun Zhang

However, this assumption is often violated in practice because the sample selection bias may induce the distribution shift from training data to test data.

Selection bias

Stable Prediction via Leveraging Seed Variable

no code implementations9 Jun 2020 Kun Kuang, Bo Li, Peng Cui, Yue Liu, Jianrong Tao, Yueting Zhuang, Fei Wu

By assuming the relationships between causal variables and response variable are invariant across data, to address this problem, we propose a conditional independence test based algorithm to separate those causal variables with a seed variable as priori, and adopt them for stable prediction.

MgSvF: Multi-Grained Slow vs. Fast Framework for Few-Shot Class-Incremental Learning

no code implementations28 Jun 2020 Hanbin Zhao, Yongjian Fu, Mintong Kang, Qi Tian, Fei Wu, Xi Li

As a challenging problem, few-shot class-incremental learning (FSCIL) continually learns a sequence of tasks, confronting the dilemma between slow forgetting of old knowledge and fast adaptation to new knowledge.

Few-Shot Class-Incremental Learning Incremental Learning

Learning a Domain Classifier Bank for Unsupervised Adaptive Object Detection

no code implementations6 Jul 2020 Sanli Tang, Zhanzhan Cheng, ShiLiang Pu, Dashan Guo, Yi Niu, Fei Wu

To tackle this issue, we develop a fine-grained domain alignment approach with a well-designed domain classifier bank that achieves the instance-level alignment respecting to their categories.

Object object-detection +1

Memory Efficient Class-Incremental Learning for Image Classification

no code implementations4 Aug 2020 Hanbin Zhao, Hui Wang, Yongjian Fu, Fei Wu, Xi Li

To cope with the forgetting problem, many CIL methods transfer the knowledge of old classes by preserving some exemplar samples into the size-constrained memory buffer.

Classification Class Incremental Learning +4

Topic Adaptation and Prototype Encoding for Few-Shot Visual Storytelling

no code implementations11 Aug 2020 Jiacheng Li, Siliang Tang, Juncheng Li, Jun Xiao, Fei Wu, ShiLiang Pu, Yueting Zhuang

In this paper, we focus on enhancing the generalization ability of the VIST model by considering the few-shot setting.

Meta-Learning Visual Storytelling

Two Step Joint Model for Drug Drug Interaction Extraction

no code implementations28 Aug 2020 Siliang Tang, Qi Zhang, Tianpeng Zheng, Mengdi Zhou, Zhan Chen, Lixing Shen, Xiang Ren, Yueting Zhuang, ShiLiang Pu, Fei Wu

When patients need to take medicine, particularly taking more than one kind of drug simultaneously, they should be alarmed that there possibly exists drug-drug interaction.

Drug–drug Interaction Extraction named-entity-recognition +4

Improving Robustness and Generality of NLP Models Using Disentangled Representations

no code implementations21 Sep 2020 Jiawei Wu, Xiaoya Li, Xiang Ao, Yuxian Meng, Fei Wu, Jiwei Li

We show that models trained with the proposed criteria provide better robustness and domain adaptation ability in a wide range of supervised learning tasks.

Domain Adaptation Representation Learning

MGD-GAN: Text-to-Pedestrian generation through Multi-Grained Discrimination

no code implementations2 Oct 2020 Shengyu Zhang, Donghui Wang, Zhou Zhao, Siliang Tang, Di Xie, Fei Wu

In this paper, we investigate the problem of text-to-pedestrian synthesis, which has many potential applications in art, design, and video surveillance.

Generative Adversarial Network Image Generation

Intriguing class-wise properties of adversarial training

no code implementations1 Jan 2021 Qi Tian, Kun Kuang, Fei Wu, Yisen Wang

Adversarial training is one of the most effective approaches to improve model robustness against adversarial examples.

Adversarial Robustness

Rethinking Pseudo-labeled Sample Mining for Semi-Supervised Object Detection

no code implementations1 Jan 2021 Duo Li, Sanli Tang, Zhanzhan Cheng, ShiLiang Pu, Yi Niu, Wenming Tan, Fei Wu, Xiaokang Yang

However, the impact of the pseudo-labeled samples' quality as well as the mining strategies for high quality training sample have rarely been studied in SSL.

object-detection Object Detection +1

Pair the Dots: Jointly Examining Training History and Test Stimuli for Model Interpretability

no code implementations14 Oct 2020 Yuxian Meng, Chun Fan, Zijun Sun, Eduard Hovy, Fei Wu, Jiwei Li

Any prediction from a model is made by a combination of learning history and test stimuli.

De-Biased Court's View Generation with Causality

no code implementations EMNLP 2020 Yiquan Wu, Kun Kuang, Yating Zhang, Xiaozhong Liu, Changlong Sun, Jun Xiao, Yueting Zhuang, Luo Si, Fei Wu

Court{'}s view generation is a novel but essential task for legal AI, aiming at improving the interpretability of judgment prediction results and enabling automatic legal document generation.

counterfactual Text Generation

VersatileGait: A Large-Scale Synthetic Gait Dataset with Fine-GrainedAttributes and Complicated Scenarios

no code implementations5 Jan 2021 Huanzhang Dou, Wenhu Zhang, Pengyi Zhang, Yuhan Zhao, Songyuan Li, Zequn Qin, Fei Wu, Lin Dong, Xi Li

With the motivation of practical gait recognition applications, we propose to automatically create a large-scale synthetic gait dataset (called VersatileGait) by a game engine, which consists of around one million silhouette sequences of 11, 000 subjects with fine-grained attributes in various complicated scenarios.

Gait Recognition

Learning to Anticipate Egocentric Actions by Imagination

no code implementations13 Jan 2021 Yu Wu, Linchao Zhu, Xiaohan Wang, Yi Yang, Fei Wu

We further improve ImagineRNN by residual anticipation, i. e., changing its target to predicting the feature difference of adjacent frames instead of the frame content.

Action Anticipation Autonomous Driving +1

Unsupervised Domain Adaptation for Image Classification via Structure-Conditioned Adversarial Learning

no code implementations4 Mar 2021 Hui Wang, Jian Tian, Songyuan Li, Hanbin Zhao, Qi Tian, Fei Wu, Xi Li

Unsupervised domain adaptation (UDA) typically carries out knowledge transfer from a label-rich source domain to an unlabeled target domain by adversarial learning.

General Classification Image Classification +2

JDSR-GAN: Constructing An Efficient Joint Learning Network for Masked Face Super-Resolution

no code implementations25 Mar 2021 Guangwei Gao, Lei Tang, Fei Wu, Huimin Lu, Jian Yang

In this work, we treat the mask occlusion as image noise and construct a joint and collaborative learning network, called JDSR-GAN, for the masked face super-resolution task.

Denoising Super-Resolution

Sentence Similarity Based on Contexts

no code implementations17 May 2021 Xiaofei Sun, Yuxian Meng, Xiang Ao, Fei Wu, Tianwei Zhang, Jiwei Li, Chun Fan

The proposed framework is based on the core idea that the meaning of a sentence should be defined by its contexts, and that sentence similarity can be measured by comparing the probabilities of generating two sentences given the same context.

Language Modelling Semantic Similarity +3

Polar Relative Positional Encoding for Video-Language Segmentation

no code implementations20 Jul 2020 Ke Ning, Lingxi Xie, Fei Wu, Qi Tian

In this paper, we propose a novel Polar Relative Positional Encoding (PRPE) mechanism that represents spatial relations in a ``linguistic'' way, i. e., in terms of direction and range.

Referring Expression Segmentation Sentence

Federated Graph Learning -- A Position Paper

no code implementations24 May 2021 Huanding Zhang, Tao Shen, Fei Wu, Mingyang Yin, Hongxia Yang, Chao Wu

Federated learning (FL) is a an emerging technique that can collaboratively train a shared model while keeping the data decentralized, which is a rational solution for distributed GNN training.

Federated Learning Graph Learning +1

Analysis and Applications of Class-wise Robustness in Adversarial Training

no code implementations29 May 2021 Qi Tian, Kun Kuang, Kelu Jiang, Fei Wu, Yisen Wang

Adversarial training is one of the most effective approaches to improve model robustness against adversarial examples.

Parameter Estimation for the SEIR Model Using Recurrent Nets

no code implementations30 May 2021 Chun Fan, Yuxian Meng, Xiaofei Sun, Fei Wu, Tianwei Zhang, Jiwei Li

Next, based on this recurrent net that is able to generalize SEIR simulations, we are able to transform the objective to a differentiable one with respect to $\Theta_\text{SEIR}$, and straightforwardly obtain its optimal value.

Shapley Counterfactual Credits for Multi-Agent Reinforcement Learning

no code implementations1 Jun 2021 Jiahui Li, Kun Kuang, Baoxiang Wang, Furui Liu, Long Chen, Fei Wu, Jun Xiao

Specifically, Shapley Value and its desired properties are leveraged in deep MARL to credit any combinations of agents, which grants us the capability to estimate the individual credit for each agent.

counterfactual Multi-agent Reinforcement Learning +4

Adaptive Hierarchical Graph Reasoning with Semantic Coherence for Video-and-Language Inference

no code implementations ICCV 2021 Juncheng Li, Siliang Tang, Linchao Zhu, Haochen Shi, Xuanwen Huang, Fei Wu, Yi Yang, Yueting Zhuang

Secondly, we introduce semantic coherence learning to explicitly encourage the semantic coherence of the adaptive hierarchical graph network from three hierarchies.

ICDAR 2021 Competition on Scene Video Text Spotting

no code implementations26 Jul 2021 Zhanzhan Cheng, Jing Lu, Baorui Zou, Shuigeng Zhou, Fei Wu

During the competition period (opened on 1st March, 2021 and closed on 11th April, 2021), a total of 24 teams participated in the three proposed tasks with 46 valid submissions, respectively.

Task 2 Text Detection +2

Layer-wise Model Pruning based on Mutual Information

no code implementations EMNLP 2021 Chun Fan, Jiwei Li, Xiang Ao, Fei Wu, Yuxian Meng, Xiaofei Sun

The proposed pruning strategy offers merits over weight-based pruning techniques: (1) it avoids irregular memory access since representations and matrices can be squeezed into their smaller but dense counterparts, leading to greater speedup; (2) in a manner of top-down pruning, the proposed method operates from a more global perspective based on training signals in the top layer, and prunes each layer by propagating the effect of global signals through layers, leading to better performances at the same sparsity level.

Paraphrase Generation as Unsupervised Machine Translation

no code implementations COLING 2022 Xiaofei Sun, Yufei Tian, Yuxian Meng, Nanyun Peng, Fei Wu, Jiwei Li, Chun Fan

Then based on the paraphrase pairs produced by these UMT models, a unified surrogate model can be trained to serve as the final \sts model to generate paraphrases, which can be directly used for test in the unsupervised setup, or be finetuned on labeled datasets in the supervised setup.

Paraphrase Generation Sentence +3

CauseRec: Counterfactual User Sequence Synthesis for Sequential Recommendation

no code implementations11 Sep 2021 Shengyu Zhang, Dong Yao, Zhou Zhao, Tat-Seng Chua, Fei Wu

In this paper, we propose to learn accurate and robust user representations, which are required to be less sensitive to (attack on) noisy behaviors and trust more on the indispensable ones, by modeling counterfactual data distribution.

counterfactual Representation Learning +1

Instrumental Variable-Driven Domain Generalization with Unobserved Confounders

no code implementations4 Oct 2021 Junkun Yuan, Xu Ma, Ruoxuan Xiong, Mingming Gong, Xiangyu Liu, Fei Wu, Lanfen Lin, Kun Kuang

Meanwhile, the existing of unobserved confounders which affect the input features and labels simultaneously cause spurious correlation and hinder the learning of the invariant relationship contained in the conditional distribution.

Domain Generalization valid

Semi-Supervised Active Learning for Semi-Supervised Models: Exploit Adversarial Examples With Graph-Based Virtual Labels

no code implementations ICCV 2021 Jiannan Guo, Haochen Shi, Yangyang Kang, Kun Kuang, Siliang Tang, Zhuoren Jiang, Changlong Sun, Fei Wu, Yueting Zhuang

Although current mainstream methods begin to combine SSL and AL (SSL-AL) to excavate the diverse expressions of unlabeled samples, these methods' fully supervised task models are still trained only with labeled data.

Active Learning

Stable Prediction on Graphs with Agnostic Distribution Shift

no code implementations8 Oct 2021 Shengyu Zhang, Kun Kuang, Jiezhong Qiu, Jin Yu, Zhou Zhao, Hongxia Yang, Zhongfei Zhang, Fei Wu

The results demonstrate that our method outperforms various SOTA GNNs for stable prediction on graphs with agnostic distribution shift, including shift caused by node labels and attributes.

Graph Learning Recommendation Systems

Multi-trends Enhanced Dynamic Micro-video Recommendation

no code implementations8 Oct 2021 Yujie Lu, Yingxuan Huang, Shengyu Zhang, Wei Han, Hui Chen, Zhou Zhao, Fei Wu

In this paper, we propose the DMR framework to explicitly model dynamic multi-trends of users' current preference and make predictions based on both the history and future potential trends.

Recommendation Systems

Minimizing Memorization in Meta-learning: A Causal Perspective

no code implementations29 Sep 2021 Yinjie Jiang, Zhengyu Chen, Luotian Yuan, Ying WEI, Kun Kuang, Xinhai Ye, Zhihua Wang, Fei Wu

Meta-learning has emerged as a potent paradigm for quick learning of few-shot tasks, by leveraging the meta-knowledge learned from meta-training tasks.

Causal Inference Memorization +1

Treatment effect estimation with confounder balanced instrumental variable regression

no code implementations29 Sep 2021 Anpeng Wu, Kun Kuang, Fei Wu

In this paper, we propose a Confounder Balanced IV Regression (CB-IV) algorithm to jointly remove the bias from the unmeasured confounders with IV regression and reduce the bias from the observed confounders by balancing for treatment effect estimation.

regression

Dialogue Inspectional Summarization with Factual Inconsistency Awareness

no code implementations5 Nov 2021 Leilei Gan, Yating Zhang, Kun Kuang, Lin Yuan, Shuo Li, Changlong Sun, Xiaozhong Liu, Fei Wu

Dialogue summarization has been extensively studied and applied, where the prior works mainly focused on exploring superior model structures to align the input dialogue and the output summary.

dialogue summary Medical Diagnosis

Unified Group Fairness on Federated Learning

no code implementations9 Nov 2021 Fengda Zhang, Kun Kuang, Yuxuan Liu, Long Chen, Chao Wu, Fei Wu, Jiaxun Lu, Yunfeng Shao, Jun Xiao

We validate the advantages of the FMDA-M algorithm with various kinds of distribution shift settings in experiments, and the results show that FMDA-M algorithm outperforms the existing fair FL algorithms on unified group fairness.

Attribute Fairness +1

Amazon SageMaker Model Parallelism: A General and Flexible Framework for Large Model Training

no code implementations10 Nov 2021 Can Karakus, Rahul Huilgol, Fei Wu, Anirudh Subramanian, Cade Daniel, Derya Cavdar, Teng Xu, Haohan Chen, Arash Rahnama, Luis Quintela

In contrast to existing solutions, the implementation of the SageMaker library is much more generic and flexible, in that it can automatically partition and run pipeline parallelism over arbitrary model architectures with minimal code change, and also offers a general and extensible framework for tensor parallelism, which supports a wider range of use cases, and is modular enough to be easily applied to new training scripts.

Collaborative Filtering

A General Framework for Defending Against Backdoor Attacks via Influence Graph

no code implementations29 Nov 2021 Xiaofei Sun, Jiwei Li, Xiaoya Li, Ziyao Wang, Tianwei Zhang, Han Qiu, Fei Wu, Chun Fan

In this work, we propose a new and general framework to defend against backdoor attacks, inspired by the fact that attack triggers usually follow a \textsc{specific} type of attacking pattern, and therefore, poisoned training examples have greater impacts on each other during training.

A Novel Architecture Slimming Method for Network Pruning and Knowledge Distillation

no code implementations21 Feb 2022 Dongqi Wang, Shengyu Zhang, Zhipeng Di, Xin Lin, Weihua Zhou, Fei Wu

A common problem in both pruning and distillation is to determine compressed architecture, i. e., the exact number of filters per layer and layer configuration, in order to preserve most of the original model capacity.

Knowledge Distillation Model Compression +1

End-to-End Modeling via Information Tree for One-Shot Natural Language Spatial Video Grounding

no code implementations ACL 2022 Mengze Li, Tianbao Wang, Haoyu Zhang, Shengyu Zhang, Zhou Zhao, Jiaxu Miao, Wenqiao Zhang, Wenming Tan, Jin Wang, Peng Wang, ShiLiang Pu, Fei Wu

To achieve effective grounding under a limited annotation budget, we investigate one-shot video grounding, and learn to ground natural language in all video frames with solely one frame labeled, in an end-to-end manner.

Descriptive Representation Learning +1

Walle: An End-to-End, General-Purpose, and Large-Scale Production System for Device-Cloud Collaborative Machine Learning

no code implementations30 May 2022 Chengfei Lv, Chaoyue Niu, Renjie Gu, Xiaotang Jiang, Zhaode Wang, Bin Liu, Ziqi Wu, Qiulin Yao, Congyu Huang, Panos Huang, Tao Huang, Hui Shu, Jinde Song, Bin Zou, Peng Lan, Guohuan Xu, Fei Wu, Shaojie Tang, Fan Wu, Guihai Chen

Walle consists of a deployment platform, distributing ML tasks to billion-scale devices in time; a data pipeline, efficiently preparing task input; and a compute container, providing a cross-platform and high-performance execution environment, while facilitating daily task iteration.

Collaborative Intelligence Orchestration: Inconsistency-Based Fusion of Semi-Supervised Learning and Active Learning

no code implementations7 Jun 2022 Jiannan Guo, Yangyang Kang, Yu Duan, Xiaozhong Liu, Siliang Tang, Wenqiao Zhang, Kun Kuang, Changlong Sun, Fei Wu

Motivated by the industry practice of labeling data, we propose an innovative Inconsistency-based virtual aDvErsarial Active Learning (IDEAL) algorithm to further investigate SSL-AL's potential superiority and achieve mutual enhancement of AL and SSL, i. e., SSL propagates label information to unlabeled samples and provides smoothed embeddings for AL, while AL excludes samples with inconsistent predictions and considerable uncertainty for SSL.

Active Learning

Intelligent Request Strategy Design in Recommender System

no code implementations23 Jun 2022 Xufeng Qian, Yue Xu, Fuyu Lv, Shengyu Zhang, Ziwen Jiang, Qingwen Liu, Xiaoyi Zeng, Tat-Seng Chua, Fei Wu

RSs typically put a large number of items into one page to reduce excessive resource consumption from numerous paging requests, which, however, would diminish the RSs' ability to timely renew the recommendations according to users' real-time interest and lead to a poor user experience.

Causal Inference counterfactual +1

Knowledge Distillation of Transformer-based Language Models Revisited

no code implementations29 Jun 2022 Chengqiang Lu, Jianwei Zhang, Yunfei Chu, Zhengyu Chen, Jingren Zhou, Fei Wu, Haiqing Chen, Hongxia Yang

In the past few years, transformer-based pre-trained language models have achieved astounding success in both industry and academia.

Knowledge Distillation Language Modelling

E2-AEN: End-to-End Incremental Learning with Adaptively Expandable Network

no code implementations14 Jul 2022 Guimei Cao, Zhanzhan Cheng, Yunlu Xu, Duo Li, ShiLiang Pu, Yi Niu, Fei Wu

In this paper, we propose an end-to-end trainable adaptively expandable network named E2-AEN, which dynamically generates lightweight structures for new tasks without any accuracy drop in previous tasks.

Incremental Learning

TRIE++: Towards End-to-End Information Extraction from Visually Rich Documents

no code implementations14 Jul 2022 Zhanzhan Cheng, Peng Zhang, Can Li, Qiao Liang, Yunlu Xu, Pengfei Li, ShiLiang Pu, Yi Niu, Fei Wu

Most existing methods divide this task into two subparts: the text reading part for obtaining the plain text from the original document images and the information extraction part for extracting key contents.

Language Modelling

Label-Efficient Domain Generalization via Collaborative Exploration and Generalization

no code implementations7 Aug 2022 Junkun Yuan, Xu Ma, Defang Chen, Kun Kuang, Fei Wu, Lanfen Lin

To escape from the dilemma between domain generalization and annotation costs, in this paper, we introduce a novel task named label-efficient domain generalization (LEDG) to enable model generalization with label-limited source domains.

Domain Generalization

CCL4Rec: Contrast over Contrastive Learning for Micro-video Recommendation

no code implementations17 Aug 2022 Shengyu Zhang, Bofang Li, Dong Yao, Fuli Feng, Jieming Zhu, Wenyan Fan, Zhou Zhao, Xiaofei He, Tat-Seng Chua, Fei Wu

Micro-video recommender systems suffer from the ubiquitous noises in users' behaviors, which might render the learned user representation indiscriminating, and lead to trivial recommendations (e. g., popular items) or even weird ones that are far beyond users' interests.

Contrastive Learning Recommendation Systems

Personalizing Intervened Network for Long-tailed Sequential User Behavior Modeling

no code implementations19 Aug 2022 Zheqi Lv, Feng Wang, Shengyu Zhang, Kun Kuang, Hongxia Yang, Fei Wu

In this paper, we propose a novel approach that significantly improves the recommendation performance of the tail users while achieving at least comparable performance for the head users over the base model.

Recommendation Systems

Learning Individual Treatment Effects under Heterogeneous Interference in Networks

no code implementations25 Oct 2022 Ziyu Zhao, Yuqi Bai, Kun Kuang, Ruoxuan Xiong, Fei Wu

In network data, due to interference, the outcome of a unit is influenced not only by its treatment (i. e., direct effects) but also by others' treatments (i. e., spillover effects).

Towards Data-and Knowledge-Driven Artificial Intelligence: A Survey on Neuro-Symbolic Computing

no code implementations28 Oct 2022 Wenguan Wang, Yi Yang, Fei Wu

Neural-symbolic computing (NeSy), which pursues the integration of the symbolic and statistical paradigms of cognition, has been an active research area of Artificial Intelligence (AI) for many years.

Confounder Balancing for Instrumental Variable Regression with Latent Variable

no code implementations18 Nov 2022 Anpeng Wu, Kun Kuang, Ruoxuan Xiong, Bo Li, Fei Wu

This paper studies the confounding effects from the unmeasured confounders and the imbalance of observed confounders in IV regression and aims at unbiased causal effect estimation.

regression valid

ConfounderGAN: Protecting Image Data Privacy with Causal Confounder

no code implementations4 Dec 2022 Qi Tian, Kun Kuang, Kelu Jiang, Furui Liu, Zhihua Wang, Fei Wu

The success of deep learning is partly attributed to the availability of massive data downloaded freely from the Internet.

Generative Adversarial Network Image Classification

ParallelNet: Multi-mode Trajectory Prediction by Multi-mode Trajectory Fusion

no code implementations20 Dec 2022 Fei Wu, Luoyu Chen, Hao Lu

Level 5 Autonomous Driving, a technology that a fully automated vehicle (AV) requires no human intervention, has raised serious concerns on safety and stability before widespread use.

Autonomous Driving Trajectory Prediction

Depth Estimation maps of lidar and stereo images

no code implementations22 Dec 2022 Fei Wu, Luoyu Chen

The structure of this paper is made of by following:(1) Performance: to discuss and evaluate about depth maps created from stereo images and 3D cloud points, and relationships analysis for alignment and errors;(2) Depth estimation by stereo images: to explain the methods about how to use stereo images to estimate depth;(3)Depth estimation by lidar: to explain the methods about how to use 3d cloud datas to estimate depth;In summary, this report is mainly to show the performance of depth maps and their approaches, analysis for them.

Stereo Depth Estimation

Multi Lane Detection

no code implementations22 Dec 2022 Fei Wu, Luoyu Chen

Lane detection is a long-standing task and a basic module in autonomous driving.

Autonomous Driving Lane Detection

Group Sparse Coding for Image Denoising

no code implementations22 Dec 2022 Luoyu Chen, Fei Wu

Group sparse representation has shown promising results in image debulrring and image inpainting in GSR [3] , the main reason that lead to the success is by exploiting Sparsity and Nonlocal self-similarity (NSS) between patches on natural images, and solve a regularized optimization problem.

Image Denoising Image Inpainting

Variational Cross-Graph Reasoning and Adaptive Structured Semantics Learning for Compositional Temporal Grounding

no code implementations22 Jan 2023 Juncheng Li, Siliang Tang, Linchao Zhu, Wenqiao Zhang, Yi Yang, Tat-Seng Chua, Fei Wu, Yueting Zhuang

To systematically benchmark the compositional generalizability of temporal grounding models, we introduce a new Compositional Temporal Grounding task and construct two new dataset splits, i. e., Charades-CG and ActivityNet-CG.

Semantic correspondence Sentence

DCMT: A Direct Entire-Space Causal Multi-Task Framework for Post-Click Conversion Estimation

no code implementations13 Feb 2023 Feng Zhu, Mingjie Zhong, Xinxing Yang, Longfei Li, Lu Yu, Tiehua Zhang, Jun Zhou, Chaochao Chen, Fei Wu, Guanfeng Liu, Yan Wang

In recommendation scenarios, there are two long-standing challenges, i. e., selection bias and data sparsity, which lead to a significant drop in prediction accuracy for both Click-Through Rate (CTR) and post-click Conversion Rate (CVR) tasks.

counterfactual Multi-Task Learning +1

IDEAL: Toward High-efficiency Device-Cloud Collaborative and Dynamic Recommendation System

no code implementations14 Feb 2023 Zheqi Lv, Zhengyu Chen, Shengyu Zhang, Kun Kuang, Wenqiao Zhang, Mengze Li, Beng Chin Ooi, Fei Wu

The aforementioned two trends enable the device-cloud collaborative and dynamic recommendation, which deeply exploits the recommendation pattern among cloud-device data and efficiently characterizes different instances with different underlying distributions based on the cost of frequent device-cloud communication.

Recommendation Systems Vocal Bursts Intensity Prediction

Set-Based Face Recognition Beyond Disentanglement: Burstiness Suppression With Variance Vocabulary

no code implementations13 Apr 2023 Jiong Wang, Zhou Zhao, Fei Wu

Thus we propose to separate the identity features with the variance features in a light-weighted set-based disentanglement framework.

Disentanglement Face Recognition

Denoising Multi-modal Sequential Recommenders with Contrastive Learning

no code implementations3 May 2023 Dong Yao, Shengyu Zhang, Zhou Zhao, Jieming Zhu, Wenqiao Zhang, Rui Zhang, Xiaofei He, Fei Wu

In contrast, modalities that do not cause users' behaviors are potential noises and might mislead the learning of a recommendation model.

Contrastive Learning Denoising +2

Generalized Universal Domain Adaptation with Generative Flow Networks

no code implementations8 May 2023 Didi Zhu, Yinchuan Li, Yunfeng Shao, Jianye Hao, Fei Wu, Kun Kuang, Jun Xiao, Chao Wu

We introduce a new problem in unsupervised domain adaptation, termed as Generalized Universal Domain Adaptation (GUDA), which aims to achieve precise prediction of all target labels including unknown categories.

Universal Domain Adaptation Unsupervised Domain Adaptation

WINNER: Weakly-Supervised hIerarchical decompositioN and aligNment for Spatio-tEmporal Video gRounding

no code implementations CVPR 2023 Mengze Li, Han Wang, Wenqiao Zhang, Jiaxu Miao, Zhou Zhao, Shengyu Zhang, Wei Ji, Fei Wu

WINNER first builds the language decomposition tree in a bottom-up manner, upon which the structural attention mechanism and top-down feature backtracking jointly build a multi-modal decomposition tree, permitting a hierarchical understanding of unstructured videos.

Contrastive Learning Spatio-Temporal Video Grounding +1

Quantitatively Measuring and Contrastively Exploring Heterogeneity for Domain Generalization

no code implementations25 May 2023 Yunze Tong, Junkun Yuan, Min Zhang, Didi Zhu, Keli Zhang, Fei Wu, Kun Kuang

With contrastive learning, we propose a learning potential-guided metric for domain heterogeneity by promoting learning variant features.

Contrastive Learning Domain Generalization

Pushing the Limits of ChatGPT on NLP Tasks

no code implementations16 Jun 2023 Xiaofei Sun, Linfeng Dong, Xiaoya Li, Zhen Wan, Shuhe Wang, Tianwei Zhang, Jiwei Li, Fei Cheng, Lingjuan Lyu, Fei Wu, Guoyin Wang

In this work, we propose a collection of general modules to address these issues, in an attempt to push the limits of ChatGPT on NLP tasks.

Dependency Parsing Event Extraction +9

DisCover: Disentangled Music Representation Learning for Cover Song Identification

no code implementations19 Jul 2023 Jiahao Xun, Shengyu Zhang, Yanting Yang, Jieming Zhu, Liqun Deng, Zhou Zhao, Zhenhua Dong, RuiQi Li, Lichao Zhang, Fei Wu

We analyze the CSI task in a disentanglement view with the causal graph technique, and identify the intra-version and inter-version effects biasing the invariant learning.

Blocking Cover song identification +3

Hierarchical Topological Ordering with Conditional Independence Test for Limited Time Series

no code implementations16 Aug 2023 Anpeng Wu, Haoxuan Li, Kun Kuang, Keli Zhang, Fei Wu

Learning directed acyclic graphs (DAGs) to identify causal relations underlying observational data is crucial but also poses significant challenges.

Time Series

Precedent-Enhanced Legal Judgment Prediction with LLM and Domain-Model Collaboration

no code implementations13 Oct 2023 Yiquan Wu, Siying Zhou, Yifei Liu, Weiming Lu, Xiaozhong Liu, Yating Zhang, Changlong Sun, Fei Wu, Kun Kuang

Precedents are the previous legal cases with similar facts, which are the basis for the judgment of the subsequent case in national legal systems.

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