Search Results for author: Xinyu Zhang

Found 90 papers, 39 papers with code

Bag-of-Words Baselines for Semantic Code Search

no code implementations ACL (NLP4Prog) 2021 Xinyu Zhang, Ji Xin, Andrew Yates, Jimmy Lin

The task of semantic code search is to retrieve code snippets from a source code corpus based on an information need expressed in natural language.

Code Search Information Retrieval +2

A Little Bit Is Worse Than None: Ranking with Limited Training Data

no code implementations EMNLP (sustainlp) 2020 Xinyu Zhang, Andrew Yates, Jimmy Lin

Researchers have proposed simple yet effective techniques for the retrieval problem based on using BERT as a relevance classifier to rerank initial candidates from keyword search.

Passage Retrieval Retrieval

A Hmong Corpus with Elaborate Expression Annotations

no code implementations LREC 2022 David R. Mortensen, Xinyu Zhang, Chenxuan Cui, Katherine Zhang

This paper describes the first publicly available corpus of Hmong, a minority language of China, Vietnam, Laos, Thailand, and various countries in Europe and the Americas.

Word Embeddings

Detect Every Thing with Few Examples

1 code implementation22 Sep 2023 Xinyu Zhang, Yuting Wang, Abdeslam Boularias

For COCO, DE-ViT outperforms the open-vocabulary SoTA by 6. 9 AP50 and achieves 50 AP50 in novel classes.

Binary Classification Few-Shot Object Detection +3

Task Graph offloading via Deep Reinforcement Learning in Mobile Edge Computing

no code implementations19 Sep 2023 Jiagang Liu, Yun Mi, Xinyu Zhang

To adapt to environmental changes, we model the task graph scheduling for computation offloading as a Markov Decision Process (MDP).

Edge-computing reinforcement-learning +1

Knowledge Solver: Teaching LLMs to Search for Domain Knowledge from Knowledge Graphs

no code implementations6 Sep 2023 Chao Feng, Xinyu Zhang, Zichu Fei

In some previous works, additional modules like graph neural networks (GNNs) are trained on retrieved knowledge from external knowledge bases, aiming to mitigate the problem of lacking domain-specific knowledge.

Knowledge Graphs Retrieval

Optimizing Factual Accuracy in Text Generation through Dynamic Knowledge Selection

no code implementations30 Aug 2023 Hongjin Qian, Zhicheng Dou, Jiejun Tan, Haonan Chen, Haoqi Gu, Ruofei Lai, Xinyu Zhang, Zhao Cao, Ji-Rong Wen

Previous methods use external knowledge as references for text generation to enhance factuality but often struggle with the knowledge mix-up(e. g., entity mismatch) of irrelevant references.

Text Generation

SkipcrossNets: Adaptive Skip-cross Fusion for Road Detection

no code implementations24 Aug 2023 Xinyu Zhang, Yan Gong, Zhiwei Li, Xin Gao, Dafeng Jin, Jun Li, Huaping Liu

Multi-modal fusion is increasingly being used for autonomous driving tasks, as images from different modalities provide unique information for feature extraction.

Autonomous Driving

HAGRID: A Human-LLM Collaborative Dataset for Generative Information-Seeking with Attribution

1 code implementation31 Jul 2023 Ehsan Kamalloo, Aref Jafari, Xinyu Zhang, Nandan Thakur, Jimmy Lin

In this paper, we introduce a new dataset, HAGRID (Human-in-the-loop Attributable Generative Retrieval for Information-seeking Dataset) for building end-to-end generative information-seeking models that are capable of retrieving candidate quotes and generating attributed explanations.

Information Retrieval Informativeness +1

Text-CRS: A Generalized Certified Robustness Framework against Textual Adversarial Attacks

no code implementations31 Jul 2023 Xinyu Zhang, Hanbin Hong, Yuan Hong, Peng Huang, Binghui Wang, Zhongjie Ba, Kui Ren

The language models, especially the basic text classification models, have been shown to be susceptible to textual adversarial attacks such as synonym substitution and word insertion attacks.

text-classification Text Classification

EFLNet: Enhancing Feature Learning for Infrared Small Target Detection

no code implementations27 Jul 2023 Bo Yang, Xinyu Zhang, Jiahao Zhu, Jian Zhang, Dongjian Tian, Jun Luo, Mingliang Zhou, Yangjun Pi

Single-frame infrared small target detection is considered to be a challenging task, due to the extreme imbalance between target and background, bounding box regression is extremely sensitive to infrared small targets, and small target information is easy to lose in the high-level semantic layer.

regression

Optical Flow boosts Unsupervised Localization and Segmentation

1 code implementation25 Jul 2023 Xinyu Zhang, Abdeslam Boularias

Our fine-tuning procedure outperforms state-of-the-art techniques for unsupervised semantic segmentation through linear probing, without the use of any labeled data.

Optical Flow Estimation Unsupervised Object Localization +1

ROFusion: Efficient Object Detection using Hybrid Point-wise Radar-Optical Fusion

1 code implementation17 Jul 2023 Liu Liu, Shuaifeng Zhi, Zhenhua Du, Li Liu, Xinyu Zhang, Kai Huo, Weidong Jiang

In this paper, we propose a hybrid point-wise Radar-Optical fusion approach for object detection in autonomous driving scenarios.

Autonomous Driving object-detection +2

Towards Optimal Neural Networks: the Role of Sample Splitting in Hyperparameter Selection

no code implementations15 Jul 2023 Shijin Gong, Xinyu Zhang

When artificial neural networks have demonstrated exceptional practical success in a variety of domains, investigations into their theoretical characteristics, such as their approximation power, statistical properties, and generalization performance, have made significant strides.

Pseudo-Bag Mixup Augmentation for Multiple Instance Learning-Based Whole Slide Image Classification

1 code implementation28 Jun 2023 Pei Liu, Luping Ji, Xinyu Zhang, Feng Ye

This scheme generalizes the Mixup strategy for general images to special WSIs via pseudo-bags so as to be applied in MIL-based WSI classification.

Classification Data Augmentation +3

GAIA Search: Hugging Face and Pyserini Interoperability for NLP Training Data Exploration

1 code implementation2 Jun 2023 Aleksandra Piktus, Odunayo Ogundepo, Christopher Akiki, Akintunde Oladipo, Xinyu Zhang, Hailey Schoelkopf, Stella Biderman, Martin Potthast, Jimmy Lin

We discuss how Pyserini - a widely used toolkit for reproducible IR research can be integrated with the Hugging Face ecosystem of open-source AI libraries and artifacts.

Information Retrieval Retrieval

Multi-source adversarial transfer learning for ultrasound image segmentation with limited similarity

no code implementations30 May 2023 Yifu Zhang, Hongru Li, Tao Yang, Rui Tao, Zhengyuan Liu, Shimeng Shi, Jiansong Zhang, Ning Ma, Wujin Feng, Zhanhu Zhang, Xinyu Zhang

Transfer learning provides the possibility to solve this problem, but there are too many features in natural images that are not related to the target domain.

Image Segmentation Lesion Segmentation +2

Neural Image Re-Exposure

1 code implementation23 May 2023 Xinyu Zhang, Hefei Huang, Xu Jia, Dong Wang, Huchuan Lu

In this work, we aim to re-expose the captured photo in post-processing to provide a more flexible way of addressing those issues within a unified framework.

Ranked #4 on Deblurring on GoPro (using extra training data)

Deblurring Joint Deblur and Frame Interpolation +5

Optimal Weighted Random Forests

no code implementations17 May 2023 Xinyu Chen, Dalei Yu, Xinyu Zhang

The random forest (RF) algorithm has become a very popular prediction method for its great flexibility and promising accuracy.

feature selection

Path Planning for Air-Ground Robot Considering Modal Switching Point Optimization

no code implementations14 May 2023 Xiaoyu Wang, Kangyao Huang, Xinyu Zhang, Honglin Sun, Wenzhuo LIU, Huaping Liu, Jun Li, Pingping Lu

A robot for the field application environment was proposed, and a lightweight global spatial planning technique for the robot based on the graph-search algorithm taking mode switching point optimization into account, with an emphasis on energy efficiency, searching speed, and the viability of real deployment.

Evaluating Embedding APIs for Information Retrieval

no code implementations10 May 2023 Ehsan Kamalloo, Xinyu Zhang, Odunayo Ogundepo, Nandan Thakur, David Alfonso-Hermelo, Mehdi Rezagholizadeh, Jimmy Lin

The ever-increasing size of language models curtails their widespread availability to the community, thereby galvanizing many companies into offering access to large language models through APIs.

Domain Generalization Information Retrieval +2

Zero-Shot Listwise Document Reranking with a Large Language Model

no code implementations3 May 2023 Xueguang Ma, Xinyu Zhang, Ronak Pradeep, Jimmy Lin

Supervised ranking methods based on bi-encoder or cross-encoder architectures have shown success in multi-stage text ranking tasks, but they require large amounts of relevance judgments as training data.

Language Modelling Large Language Model +1

Informative Data Selection with Uncertainty for Multi-modal Object Detection

no code implementations23 Apr 2023 Xinyu Zhang, Zhiwei Li, Zhenhong Zou, Xin Gao, Yijin Xiong, Dafeng Jin, Jun Li, Huaping Liu

To quantify the correlation in multi-modal information, we model the uncertainty, as the inverse of data information, in different modalities and embed it in the bounding box generation.

2D Object Detection Informativeness +2

WebBrain: Learning to Generate Factually Correct Articles for Queries by Grounding on Large Web Corpus

1 code implementation10 Apr 2023 Hongjing Qian, Yutao Zhu, Zhicheng Dou, Haoqi Gu, Xinyu Zhang, Zheng Liu, Ruofei Lai, Zhao Cao, Jian-Yun Nie, Ji-Rong Wen

In this paper, we introduce a new NLP task -- generating short factual articles with references for queries by mining supporting evidence from the Web.

Retrieval Text Generation

Simple Yet Effective Neural Ranking and Reranking Baselines for Cross-Lingual Information Retrieval

no code implementations3 Apr 2023 Jimmy Lin, David Alfonso-Hermelo, Vitor Jeronymo, Ehsan Kamalloo, Carlos Lassance, Rodrigo Nogueira, Odunayo Ogundepo, Mehdi Rezagholizadeh, Nandan Thakur, Jheng-Hong Yang, Xinyu Zhang

The advent of multilingual language models has generated a resurgence of interest in cross-lingual information retrieval (CLIR), which is the task of searching documents in one language with queries from another.

Cross-Lingual Information Retrieval Retrieval

Dual Memory Aggregation Network for Event-Based Object Detection with Learnable Representation

1 code implementation17 Mar 2023 Dongsheng Wang, Xu Jia, Yang Zhang, Xinyu Zhang, Yaoyuan Wang, Ziyang Zhang, Dong Wang, Huchuan Lu

To fully exploit information with event streams to detect objects, a dual-memory aggregation network (DMANet) is proposed to leverage both long and short memory along event streams to aggregate effective information for object detection.

object-detection Object Detection

BEVHeight: A Robust Framework for Vision-based Roadside 3D Object Detection

1 code implementation CVPR 2023 Lei Yang, Kaicheng Yu, Tao Tang, Jun Li, Kun Yuan, Li Wang, Xinyu Zhang, Peng Chen

In essence, instead of predicting the pixel-wise depth, we regress the height to the ground to achieve a distance-agnostic formulation to ease the optimization process of camera-only perception methods.

3D Object Detection Autonomous Driving +1

How To Guide Your Learner: Imitation Learning with Active Adaptive Expert Involvement

1 code implementation3 Mar 2023 Xu-Hui Liu, Feng Xu, Xinyu Zhang, Tianyuan Liu, Shengyi Jiang, Ruifeng Chen, Zongzhang Zhang, Yang Yu

In this paper, we propose a novel active imitation learning framework based on a teacher-student interaction model, in which the teacher's goal is to identify the best teaching behavior and actively affect the student's learning process.

Atari Games Imitation Learning

Spacerini: Plug-and-play Search Engines with Pyserini and Hugging Face

1 code implementation28 Feb 2023 Christopher Akiki, Odunayo Ogundepo, Aleksandra Piktus, Xinyu Zhang, Akintunde Oladipo, Jimmy Lin, Martin Potthast

We present Spacerini, a modular framework for seamless building and deployment of interactive search applications, designed to facilitate the qualitative analysis of large scale research datasets.

Retrieval

Improving Out-of-Distribution Generalization of Neural Rerankers with Contextualized Late Interaction

no code implementations13 Feb 2023 Xinyu Zhang, Minghan Li, Jimmy Lin

Recent progress in information retrieval finds that embedding query and document representation into multi-vector yields a robust bi-encoder retriever on out-of-distribution datasets.

Information Retrieval Out-of-Distribution Generalization +1

Eloss in the way: A Sensitive Input Quality Metrics for Intelligent Driving

1 code implementation2 Feb 2023 Haobo Yang, Shiyan Zhang, Zhuoyi Yang, Xinyu Zhang

With the increasing complexity of the traffic environment, the importance of safety perception in intelligent driving is growing.

Anomaly Detection

Modeling Human Cognition with a Hybrid Deep Reinforcement Learning Agent

no code implementations15 Jan 2023 Songlin Xu, Xinyu Zhang

We start with a N=50 user study to investigate how different factors may affect human performance, which help us gain prior knowledge in framework design.

reinforcement-learning Reinforcement Learning (RL) +1

Biologically Inspired Design Concept Generation Using Generative Pre-Trained Transformers

no code implementations26 Dec 2022 Qihao Zhu, Xinyu Zhang, Jianxi Luo

This paper proposes a generative design approach based on the generative pre-trained language model (PLM) to automatically retrieve and map biological analogy and generate BID in the form of natural language.

Language Modelling

Rethinking Label Smoothing on Multi-hop Question Answering

1 code implementation19 Dec 2022 Zhangyue Yin, Yuxin Wang, Yiguang Wu, Hang Yan, Xiannian Hu, Xinyu Zhang, Zhao Cao, Xuanjing Huang, Xipeng Qiu

Label smoothing is a regularization technique widely used in supervised learning to improve the generalization of models on various tasks, such as image classification and machine translation.

Image Classification Machine Reading Comprehension +4

Asymptotic Properties of the Synthetic Control Method

no code implementations22 Nov 2022 Xiaomeng Zhang, Wendun Wang, Xinyu Zhang

This paper provides new insights into the asymptotic properties of the synthetic control method (SCM).

A classification performance evaluation measure considering data separability

no code implementations10 Nov 2022 Lingyan Xue, Xinyu Zhang, Weidong Jiang, Kai Huo

Machine learning and deep learning classification models are data-driven, and the model and the data jointly determine their classification performance.

Classification

RF-CHORD: Towards Deployable RFID Localization System for Logistics Network

no code implementations1 Nov 2022 Bo Liang, Purui Wang, Renjie Zhao, Heyu Guo, Pengyu Zhang, Junchen Guo, Shunmin Zhu, Hongqiang Harry Liu, Xinyu Zhang, Chenren Xu

RFID localization is considered the key enabler of automating the process of inventory tracking and management for high-performance logistic network.

Management

Making a MIRACL: Multilingual Information Retrieval Across a Continuum of Languages

1 code implementation18 Oct 2022 Xinyu Zhang, Nandan Thakur, Odunayo Ogundepo, Ehsan Kamalloo, David Alfonso-Hermelo, Xiaoguang Li, Qun Liu, Mehdi Rezagholizadeh, Jimmy Lin

MIRACL (Multilingual Information Retrieval Across a Continuum of Languages) is a multilingual dataset we have built for the WSDM 2023 Cup challenge that focuses on ad hoc retrieval across 18 different languages, which collectively encompass over three billion native speakers around the world.

Information Retrieval Retrieval

Better Than Whitespace: Information Retrieval for Languages without Custom Tokenizers

no code implementations11 Oct 2022 Odunayo Ogundepo, Xinyu Zhang, Jimmy Lin

However, only a handful of the 7000+ languages on the planet benefit from specialized, custom-built tokenization algorithms, while the other languages are stuck with a "default" whitespace tokenizer, which cannot capture the intricacies of different languages.

Information Retrieval Retrieval

Ambiguity Function Shaping based on Alternating Direction Riemannian Optimal Algorithm

no code implementations8 Sep 2022 Haoyu Yi, Xinyu Zhang, Weidong Jiang, Kai Huo

In this paper, we proposed a novel method to design a waveform to synthesize the STAF based on suppressing the interference power.

CAMO-MOT: Combined Appearance-Motion Optimization for 3D Multi-Object Tracking with Camera-LiDAR Fusion

no code implementations6 Sep 2022 Li Wang, Xinyu Zhang, Wenyuan Qin, Xiaoyu Li, Lei Yang, Zhiwei Li, Lei Zhu, Hong Wang, Jun Li, Huaping Liu

As such, we propose a novel camera-LiDAR fusion 3D MOT framework based on the Combined Appearance-Motion Optimization (CAMO-MOT), which uses both camera and LiDAR data and significantly reduces tracking failures caused by occlusion and false detection.

3D Multi-Object Tracking Autonomous Driving +1

From Easy to Hard: A Dual Curriculum Learning Framework for Context-Aware Document Ranking

1 code implementation22 Aug 2022 Yutao Zhu, Jian-Yun Nie, Yixuan Su, Haonan Chen, Xinyu Zhang, Zhicheng Dou

In this work, we propose a curriculum learning framework for context-aware document ranking, in which the ranking model learns matching signals between the search context and the candidate document in an easy-to-hard manner.

Document Ranking

MTCSNN: Multi-task Clinical Siamese Neural Network for Diabetic Retinopathy Severity Prediction

1 code implementation14 Aug 2022 Chao Feng, Jui Po Hung, Aishan Li, Jieping Yang, Xinyu Zhang

The novelty of this project is to utilize the ordinal information among labels and add a new regression task, which can help the model learn more discriminative feature embedding for fine-grained classification tasks.

regression severity prediction

Learning Granularity-Unified Representations for Text-to-Image Person Re-identification

1 code implementation16 Jul 2022 Zhiyin Shao, Xinyu Zhang, Meng Fang, Zhifeng Lin, Jian Wang, Changxing Ding

In PGU, we adopt a set of shared and learnable prototypes as the queries to extract diverse and semantically aligned features for both modalities in the granularity-unified feature space, which further promotes the ReID performance.

Person Re-Identification Text based Person Retrieval +1

Mix-Teaching: A Simple, Unified and Effective Semi-Supervised Learning Framework for Monocular 3D Object Detection

1 code implementation10 Jul 2022 Lei Yang, Xinyu Zhang, Li Wang, Minghan Zhu, Chuang Zhang, Jun Li

Besides, by leveraging full training set and the additional 48K raw images of KITTI, it can further improve the MonoFlex by +4. 65% improvement on AP@0. 7 for car detection, reaching 18. 54% AP@0. 7, which ranks the 1st place among all monocular based methods on KITTI test leaderboard.

Autonomous Driving Model Optimization +2

BYHE: A Simple Framework for Boosting End-to-end Video-based Heart Rate Measurement Network

no code implementations4 Jul 2022 Weiyu Sun, Xinyu Zhang, Ying Chen, Yun Ge, Chunyu Ji, Xiaolin Huang

Heart rate measuring based on remote photoplethysmography (rPPG) plays an important role in health caring, which estimates heart rate from facial video in a non-contact, less-constrained way.

Heart rate estimation

Replacing Labeled Real-image Datasets with Auto-generated Contours

no code implementations CVPR 2022 Hirokatsu Kataoka, Ryo Hayamizu, Ryosuke Yamada, Kodai Nakashima, Sora Takashima, Xinyu Zhang, Edgar Josafat Martinez-Noriega, Nakamasa Inoue, Rio Yokota

In the present work, we show that the performance of formula-driven supervised learning (FDSL) can match or even exceed that of ImageNet-21k without the use of real images, human-, and self-supervision during the pre-training of Vision Transformers (ViTs).

Certified Error Control of Candidate Set Pruning for Two-Stage Relevance Ranking

1 code implementation19 May 2022 Minghan Li, Xinyu Zhang, Ji Xin, Hongyang Zhang, Jimmy Lin

For example, on MS MARCO Passage v1, our method yields an average candidate set size of 27 out of 1, 000 which increases the reranking speed by about 37 times, while the MRR@10 is greater than a pre-specified value of 0. 38 with about 90% empirical coverage and the empirical baselines fail to provide such guarantee.

Information Retrieval Retrieval

Implicit Sample Extension for Unsupervised Person Re-Identification

1 code implementation CVPR 2022 Xinyu Zhang, Dongdong Li, Zhigang Wang, Jian Wang, Errui Ding, Javen Qinfeng Shi, Zhaoxiang Zhang, Jingdong Wang

Specifically, we generate support samples from actual samples and their neighbouring clusters in the embedding space through a progressive linear interpolation (PLI) strategy.

Clustering Unsupervised Person Re-Identification

Towards Best Practices for Training Multilingual Dense Retrieval Models

no code implementations5 Apr 2022 Xinyu Zhang, Kelechi Ogueji, Xueguang Ma, Jimmy Lin

Dense retrieval models using a transformer-based bi-encoder design have emerged as an active area of research.

Cross-Lingual Transfer Retrieval

Generative Pre-Trained Transformers for Biologically Inspired Design

no code implementations31 Mar 2022 Qihao Zhu, Xinyu Zhang, Jianxi Luo

Biological systems in nature have evolved for millions of years to adapt and survive the environment.

Language Modelling

Hyperlink-induced Pre-training for Passage Retrieval in Open-domain Question Answering

1 code implementation ACL 2022 Jiawei Zhou, Xiaoguang Li, Lifeng Shang, Lan Luo, Ke Zhan, Enrui Hu, Xinyu Zhang, Hao Jiang, Zhao Cao, Fan Yu, Xin Jiang, Qun Liu, Lei Chen

To alleviate the data scarcity problem in training question answering systems, recent works propose additional intermediate pre-training for dense passage retrieval (DPR).

Open-Domain Question Answering Passage Retrieval +1

Multi-channel deep convolutional neural networks for multi-classifying thyroid disease

no code implementations6 Mar 2022 Xinyu Zhang, Vincent CS. Lee, Jia Rong, James C. Lee, Jiangning Song, Feng Liu

Therefore, this study proposed a novel multi-channel convolutional neural network (CNN) architecture to address the multi-class classification task of thyroid disease.

Benchmarking Binary Classification +2

KMIR: A Benchmark for Evaluating Knowledge Memorization, Identification and Reasoning Abilities of Language Models

no code implementations28 Feb 2022 Daniel Gao, Yantao Jia, Lei LI, Chengzhen Fu, Zhicheng Dou, Hao Jiang, Xinyu Zhang, Lei Chen, Zhao Cao

However, to figure out whether PLMs can be reliable knowledge sources and used as alternative knowledge bases (KBs), we need to further explore some critical features of PLMs.

General Knowledge Memorization +1

Training Deep Neural Networks with Joint Quantization and Pruning of Weights and Activations

2 code implementations15 Oct 2021 Xinyu Zhang, Ian Colbert, Ken Kreutz-Delgado, Srinjoy Das

State-of-the-art quantization techniques are currently applied to both the weights and activations; however, pruning is most often applied to only the weights of the network.

Network Pruning Quantization

Towards More Effective and Economic Sparsely-Activated Model

no code implementations14 Oct 2021 Hao Jiang, Ke Zhan, Jianwei Qu, Yongkang Wu, Zhaoye Fei, Xinyu Zhang, Lei Chen, Zhicheng Dou, Xipeng Qiu, Zikai Guo, Ruofei Lai, Jiawen Wu, Enrui Hu, Yinxia Zhang, Yantao Jia, Fan Yu, Zhao Cao

To increase the number of activated experts without an increase in computational cost, we propose SAM (Switch and Mixture) routing, an efficient hierarchical routing mechanism that activates multiple experts in a same device (GPU).

Towards Efficient NLP: A Standard Evaluation and A Strong Baseline

1 code implementation NAACL 2022 Xiangyang Liu, Tianxiang Sun, Junliang He, Jiawen Wu, Lingling Wu, Xinyu Zhang, Hao Jiang, Zhao Cao, Xuanjing Huang, Xipeng Qiu

ELUE is dedicated to depict the Pareto Frontier for various language understanding tasks, such that it can tell whether and how much a method achieves Pareto improvement.

Tuning Confidence Bound for Stochastic Bandits with Bandit Distance

no code implementations6 Oct 2021 Xinyu Zhang, Srinjoy Das, Ken Kreutz-Delgado

We propose a novel modification of the standard upper confidence bound (UCB) method for the stochastic multi-armed bandit (MAB) problem which tunes the confidence bound of a given bandit based on its distance to others.

YES SIR!Optimizing Semantic Space of Negatives with Self-Involvement Ranker

no code implementations14 Sep 2021 Ruizhi Pu, Xinyu Zhang, Ruofei Lai, Zikai Guo, Yinxia Zhang, Hao Jiang, Yongkang Wu, Yantao Jia, Zhicheng Dou, Zhao Cao

Finally, supervisory signal in rear compressor is computed based on condition probability and thus can control sample dynamic and further enhance the model performance.

Document Ranking Information Retrieval +1

Contrastive Learning of User Behavior Sequence for Context-Aware Document Ranking

1 code implementation24 Aug 2021 Yutao Zhu, Jian-Yun Nie, Zhicheng Dou, Zhengyi Ma, Xinyu Zhang, Pan Du, Xiaochen Zuo, Hao Jiang

To learn a more robust representation of the user behavior sequence, we propose a method based on contrastive learning, which takes into account the possible variations in user's behavior sequences.

Contrastive Learning Data Augmentation +1

Pre-training for Ad-hoc Retrieval: Hyperlink is Also You Need

1 code implementation20 Aug 2021 Zhengyi Ma, Zhicheng Dou, Wei Xu, Xinyu Zhang, Hao Jiang, Zhao Cao, Ji-Rong Wen

In this paper, we propose to leverage the large-scale hyperlinks and anchor texts to pre-train the language model for ad-hoc retrieval.

Language Modelling Retrieval

Mr. TyDi: A Multi-lingual Benchmark for Dense Retrieval

1 code implementation EMNLP (MRL) 2021 Xinyu Zhang, Xueguang Ma, Peng Shi, Jimmy Lin

We present Mr. TyDi, a multi-lingual benchmark dataset for mono-lingual retrieval in eleven typologically diverse languages, designed to evaluate ranking with learned dense representations.

Representation Learning Retrieval

Answer Complex Questions: Path Ranker Is All You Need

2 code implementations Proceedings of the 44th International ACM SIGIR Conference on Research and Development in Information Retrieval 2021 Xinyu Zhang, Ke Zhan, Enrui Hu, Chengzhen Fu, Lan Luo, Hao Jiang, Yantao Jia, Fan Yu, Zhicheng Dou, Zhao Cao, Lei Chen

Currently, the most popular method for open-domain Question Answering (QA) adopts "Retriever and Reader" pipeline, where the retriever extracts a list of candidate documents from a large set of documents followed by a ranker to rank the most relevant documents and the reader extracts answer from the candidates.

Open-Domain Question Answering

Robust Multimodal Vehicle Detection in Foggy Weather Using Complementary Lidar and Radar Signals

1 code implementation CVPR 2021 Kun Qian, Shilin Zhu, Xinyu Zhang, Li Erran Li

Vehicle detection with visual sensors like lidar and camera is one of the critical functions enabling autonomous driving.

Autonomous Driving

IPS300+: a Challenging Multimodal Dataset for Intersection Perception System

no code implementations5 Jun 2021 Huanan Wang, Xinyu Zhang, Jun Li, Zhiwei Li, Lei Yang, Shuyue Pan, Yongqiang Deng

Through an IPS (Intersection Perception System) installed at the diagonal of the intersection, this paper proposes a high-quality multimodal dataset for the intersection perception task.

Transforming the Latent Space of StyleGAN for Real Face Editing

1 code implementation29 May 2021 Heyi Li, Jinlong Liu, Xinyu Zhang, Yunzhi Bai, Huayan Wang, Klaus Mueller

But more importantly, the proposed $W$++ space achieves superior performance in both reconstruction quality and editing quality.

Early Exiting with Ensemble Internal Classifiers

no code implementations28 May 2021 Tianxiang Sun, Yunhua Zhou, Xiangyang Liu, Xinyu Zhang, Hao Jiang, Zhao Cao, Xuanjing Huang, Xipeng Qiu

In this paper, we show that a novel objective function for the training of the ensemble internal classifiers can be naturally induced from the perspective of ensemble learning and information theory.

Ensemble Learning

Emotion Eliciting Machine: Emotion Eliciting Conversation Generation based on Dual Generator

no code implementations18 May 2021 Hao Jiang, Yutao Zhu, Xinyu Zhang, Zhicheng Dou, Pan Du, Te Pi, Yantao Jia

Then we propose a dual encoder-decoder structure to model the generation of responses in both positive and negative side based on the changes of the user's emotion status in the conversation.

GCN-MIF: Graph Convolutional Network with Multi-Information Fusion for Low-dose CT Denoising

2 code implementations15 May 2021 Kecheng Chen, Jiayu Sun, Jiang Shen, Jixiang Luo, Xinyu Zhang, Xuelin Pan, Dongsheng Wu, Yue Zhao, Miguel Bento, Yazhou Ren, Xiaorong Pu

To address this issue, we propose a novel graph convolutional network-based LDCT denoising model, namely GCN-MIF, to explicitly perform multi-information fusion for denoising purpose.

Denoising

Lite-FPN for Keypoint-based Monocular 3D Object Detection

1 code implementation1 May 2021 Lei Yang, Xinyu Zhang, Li Wang, Minghan Zhu, Jun Li

3D object detection with a single image is an essential and challenging task for autonomous driving.

Autonomous Driving Monocular 3D Object Detection +1

A novel multimodal fusion network based on a joint coding model for lane line segmentation

no code implementations20 Mar 2021 Zhenhong Zou, Xinyu Zhang, Huaping Liu, Zhiwei Li, Amir Hussain, Jun Li

There has recently been growing interest in utilizing multimodal sensors to achieve robust lane line segmentation.

S-AT GCN: Spatial-Attention Graph Convolution Network based Feature Enhancement for 3D Object Detection

2 code implementations15 Mar 2021 Li Wang, Chenfei Wang, Xinyu Zhang, Tianwei Lan, Jun Li

3D object detection plays a crucial role in environmental perception for autonomous vehicles, which is the prerequisite of decision and control.

3D Object Detection Autonomous Vehicles +1

Peer-to-Peer Localization for Single-Antenna Devices

no code implementations10 Dec 2020 Xianan Zhang, Wei Wang, Xuedou Xiao, Hang Yang, Xinyu Zhang, Tao Jiang

In this paper, we present P2PLocate, a peer-to-peer localization system that enables a single-antenna device co-located with a batteryless backscatter tag to localize another single-antenna device with decimeter-level accuracy.

Indoor Localization TAG

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