Search Results for author: Fan Yang

Found 295 papers, 109 papers with code

A Simple Single-Scale Vision Transformer for Object Localization and Instance Segmentation

3 code implementations17 Dec 2021 Wuyang Chen, Xianzhi Du, Fan Yang, Lucas Beyer, Xiaohua Zhai, Tsung-Yi Lin, Huizhong Chen, Jing Li, Xiaodan Song, Zhangyang Wang, Denny Zhou

In this paper, we comprehensively study three architecture design choices on ViT -- spatial reduction, doubled channels, and multiscale features -- and demonstrate that a vanilla ViT architecture can fulfill this goal without handcrafting multiscale features, maintaining the original ViT design philosophy.

Image Classification Instance Segmentation +6

MaskConver: Revisiting Pure Convolution Model for Panoptic Segmentation

1 code implementation11 Dec 2023 Abdullah Rashwan, Jiageng Zhang, Ali Taalimi, Fan Yang, Xingyi Zhou, Chaochao Yan, Liang-Chieh Chen, Yeqing Li

With ResNet50 backbone, our MaskConver achieves 53. 6% PQ on the COCO panoptic val set, outperforming the modern convolution-based model, Panoptic FCN, by 9. 3% as well as transformer-based models such as Mask2Former (+1. 7% PQ) and kMaX-DeepLab (+0. 6% PQ).

Panoptic Segmentation

MobileNetV4 - Universal Models for the Mobile Ecosystem

2 code implementations16 Apr 2024 Danfeng Qin, Chas Leichner, Manolis Delakis, Marco Fornoni, Shixin Luo, Fan Yang, Weijun Wang, Colby Banbury, Chengxi Ye, Berkin Akin, Vaibhav Aggarwal, Tenghui Zhu, Daniele Moro, Andrew Howard

We present the latest generation of MobileNets, known as MobileNetV4 (MNv4), featuring universally efficient architecture designs for mobile devices.

Neural Architecture Search

AdaMV-MoE: Adaptive Multi-Task Vision Mixture-of-Experts

1 code implementation ICCV 2023 Tianlong Chen, Xuxi Chen, Xianzhi Du, Abdullah Rashwan, Fan Yang, Huizhong Chen, Zhangyang Wang, Yeqing Li

Instead of compressing multiple tasks' knowledge into a single model, MoE separates the parameter space and only utilizes the relevant model pieces given task type and its input, which provides stabilized MTL training and ultra-efficient inference.

Instance Segmentation Multi-Task Learning +3

Tutel: Adaptive Mixture-of-Experts at Scale

2 code implementations7 Jun 2022 Changho Hwang, Wei Cui, Yifan Xiong, Ziyue Yang, Ze Liu, Han Hu, Zilong Wang, Rafael Salas, Jithin Jose, Prabhat Ram, Joe Chau, Peng Cheng, Fan Yang, Mao Yang, Yongqiang Xiong

On efficiency, Flex accelerates SwinV2-MoE, achieving up to 1. 55x and 2. 11x speedup in training and inference over Fairseq, respectively.

Object Detection

Score-CAM: Score-Weighted Visual Explanations for Convolutional Neural Networks

9 code implementations3 Oct 2019 Haofan Wang, Zifan Wang, Mengnan Du, Fan Yang, Zijian Zhang, Sirui Ding, Piotr Mardziel, Xia Hu

Recently, increasing attention has been drawn to the internal mechanisms of convolutional neural networks, and the reason why the network makes specific decisions.

Adversarial Attack Decision Making +1

Data-centric Artificial Intelligence: A Survey

10 code implementations17 Mar 2023 Daochen Zha, Zaid Pervaiz Bhat, Kwei-Herng Lai, Fan Yang, Zhimeng Jiang, Shaochen Zhong, Xia Hu

Artificial Intelligence (AI) is making a profound impact in almost every domain.

Towards Fast, Accurate and Stable 3D Dense Face Alignment

3 code implementations ECCV 2020 Jianzhu Guo, Xiangyu Zhu, Yang Yang, Fan Yang, Zhen Lei, Stan Z. Li

Firstly, on the basis of a lightweight backbone, we propose a meta-joint optimization strategy to dynamically regress a small set of 3DMM parameters, which greatly enhances speed and accuracy simultaneously.

 Ranked #1 on 3D Face Reconstruction on Florence (Mean NME metric)

3D Face Modelling 3D Face Reconstruction +2

Data-centric AI: Perspectives and Challenges

1 code implementation12 Jan 2023 Daochen Zha, Zaid Pervaiz Bhat, Kwei-Herng Lai, Fan Yang, Xia Hu

The role of data in building AI systems has recently been significantly magnified by the emerging concept of data-centric AI (DCAI), which advocates a fundamental shift from model advancements to ensuring data quality and reliability.

NÜWA: Visual Synthesis Pre-training for Neural visUal World creAtion

1 code implementation24 Nov 2021 Chenfei Wu, Jian Liang, Lei Ji, Fan Yang, Yuejian Fang, Daxin Jiang, Nan Duan

To cover language, image, and video at the same time for different scenarios, a 3D transformer encoder-decoder framework is designed, which can not only deal with videos as 3D data but also adapt to texts and images as 1D and 2D data, respectively.

Text-to-Image Generation Text-to-Video Generation +2

Feature Pyramid and Hierarchical Boosting Network for Pavement Crack Detection

1 code implementation18 Jan 2019 Fan Yang, Lei Zhang, Sijia Yu, Danil Prokhorov, Xue Mei, Haibin Ling

To demonstrate the superiority and generality of the proposed method, we evaluate the proposed method on five crack datasets and compare it with state-of-the-art crack detection, edge detection, semantic segmentation methods.

Edge Detection Semantic Segmentation

Low-bit Quantization of Neural Networks for Efficient Inference

1 code implementation18 Feb 2019 Yoni Choukroun, Eli Kravchik, Fan Yang, Pavel Kisilev

Recent machine learning methods use increasingly large deep neural networks to achieve state of the art results in various tasks.

Quantization

Make Skeleton-based Action Recognition Model Smaller, Faster and Better

3 code implementations arXiv 2019 Fan Yang, Sakriani Sakti, Yang Wu, Satoshi Nakamura

Although skeleton-based action recognition has achieved great success in recent years, most of the existing methods may suffer from a large model size and slow execution speed.

Action Recognition Hand Gesture Recognition +1

BitNet: Scaling 1-bit Transformers for Large Language Models

2 code implementations17 Oct 2023 Hongyu Wang, Shuming Ma, Li Dong, Shaohan Huang, Huaijie Wang, Lingxiao Ma, Fan Yang, Ruiping Wang, Yi Wu, Furu Wei

The increasing size of large language models has posed challenges for deployment and raised concerns about environmental impact due to high energy consumption.

Language Modelling Quantization

Efficient Image Retrieval via Decoupling Diffusion into Online and Offline Processing

2 code implementations27 Nov 2018 Fan Yang, Ryota Hinami, Yusuke Matsui, Steven Ly, Shin'ichi Satoh

Diffusion is commonly used as a ranking or re-ranking method in retrieval tasks to achieve higher retrieval performance, and has attracted lots of attention in recent years.

Image Retrieval Re-Ranking +1

Differentiable Learning of Logical Rules for Knowledge Base Reasoning

2 code implementations NeurIPS 2017 Fan Yang, Zhilin Yang, William W. Cohen

We propose a framework, Neural Logic Programming, that combines the parameter and structure learning of first-order logical rules in an end-to-end differentiable model.

ModelPS: An Interactive and Collaborative Platform for Editing Pre-trained Models at Scale

1 code implementation18 May 2021 Yuanming Li, Huaizheng Zhang, Shanshan Jiang, Fan Yang, Yonggang Wen, Yong Luo

AI engineering has emerged as a crucial discipline to democratize deep neural network (DNN) models among software developers with a diverse background.

Model Editing

Good Semi-supervised Learning that Requires a Bad GAN

1 code implementation NeurIPS 2017 Zihang Dai, Zhilin Yang, Fan Yang, William W. Cohen, Ruslan Salakhutdinov

Semi-supervised learning methods based on generative adversarial networks (GANs) obtained strong empirical results, but it is not clear 1) how the discriminator benefits from joint training with a generator, and 2) why good semi-supervised classification performance and a good generator cannot be obtained at the same time.

General Classification Semi-Supervised Image Classification

Analysis of Large-Scale Multi-Tenant GPU Clusters for DNN Training Workloads

1 code implementation17 Jan 2019 Myeongjae Jeon, Shivaram Venkataraman, Amar Phanishayee, Junjie Qian, Wencong Xiao, Fan Yang

With widespread advances in machine learning, a number of large enterprises are beginning to incorporate machine learning models across a number of products.

Distributed, Parallel, and Cluster Computing

SQuant: On-the-Fly Data-Free Quantization via Diagonal Hessian Approximation

1 code implementation ICLR 2022 Cong Guo, Yuxian Qiu, Jingwen Leng, Xiaotian Gao, Chen Zhang, Yunxin Liu, Fan Yang, Yuhao Zhu, Minyi Guo

This paper proposes an on-the-fly DFQ framework with sub-second quantization time, called SQuant, which can quantize networks on inference-only devices with low computation and memory requirements.

Data Free Quantization

SC^2-PCR: A Second Order Spatial Compatibility for Efficient and Robust Point Cloud Registration

1 code implementation28 Mar 2022 Zhi Chen, Kun Sun, Fan Yang, Wenbing Tao

In this paper, we present a second order spatial compatibility (SC^2) measure based method for efficient and robust point cloud registration (PCR), called SC^2-PCR.

Point Cloud Registration

CAT: Cross Attention in Vision Transformer

1 code implementation10 Jun 2021 Hezheng Lin, Xing Cheng, Xiangyu Wu, Fan Yang, Dong Shen, Zhongyuan Wang, Qing Song, Wei Yuan

In this paper, we propose a new attention mechanism in Transformer termed Cross Attention, which alternates attention inner the image patch instead of the whole image to capture local information and apply attention between image patches which are divided from single-channel feature maps capture global information.

Clustered Object Detection in Aerial Images

1 code implementation ICCV 2019 Fan Yang, Heng Fan, Peng Chu, Erik Blasch, Haibin Ling

The key components in ClusDet include a cluster proposal sub-network (CPNet), a scale estimation sub-network (ScaleNet), and a dedicated detection network (DetecNet).

Clustering Object +2

Beyond 3DMM Space: Towards Fine-grained 3D Face Reconstruction

1 code implementation ECCV 2020 Xiangyu Zhu, Fan Yang, Di Huang, Chang Yu, Hao Wang, Jianzhu Guo, Zhen Lei, Stan Z. Li

However, most of their training data is constructed by 3D Morphable Model, whose space spanned is only a small part of the shape space.

3D Face Reconstruction

LaSOT: A High-quality Large-scale Single Object Tracking Benchmark

1 code implementation8 Sep 2020 Heng Fan, Hexin Bai, Liting Lin, Fan Yang, Peng Chu, Ge Deng, Sijia Yu, Harshit, Mingzhen Huang, Juehuan Liu, Yong Xu, Chunyuan Liao, Lin Yuan, Haibin Ling

The average video length of LaSOT is around 2, 500 frames, where each video contains various challenge factors that exist in real world video footage, such as the targets disappearing and re-appearing.

Object Tracking Visual Tracking +1

Improving Video-Text Retrieval by Multi-Stream Corpus Alignment and Dual Softmax Loss

2 code implementations9 Sep 2021 Xing Cheng, Hezheng Lin, Xiangyu Wu, Fan Yang, Dong Shen

In this paper, we propose a multi-stream Corpus Alignment network with single gate Mixture-of-Experts (CAMoE) and a novel Dual Softmax Loss (DSL) to solve the two heterogeneity.

Ranked #9 on Video Retrieval on MSVD (using extra training data)

Retrieval Text Retrieval +1

Student Classroom Behavior Detection based on YOLOv7-BRA and Multi-Model Fusion

1 code implementation13 May 2023 Fan Yang, Tao Wang, Xiaofei Wang

We constructed a dataset, which contained 11, 248 labels and 4, 001 images, with an emphasis on the common behavior of raising hands in a classroom setting (Student Classroom Behavior dataset, SCB-Dataset).

Student Classroom Behavior Detection based on Improved YOLOv7

1 code implementation6 Jun 2023 Fan Yang

Accurately detecting student behavior in classroom videos can aid in analyzing their classroom performance and improving teaching effectiveness.

SCB-Dataset3: A Benchmark for Detecting Student Classroom Behavior

1 code implementation4 Oct 2023 Fan Yang, Tao Wang

The use of deep learning methods to automatically detect students' classroom behavior is a promising approach for analyzing their class performance and improving teaching effectiveness.

Student Classroom Behavior Detection based on Spatio-Temporal Network and Multi-Model Fusion

1 code implementation25 Oct 2023 Fan Yang, Xiaofei Wang

To address this issue, we proposed a method for extending the spatio-temporal behavior dataset in Student Classroom Scenarios (SCB-ST-Dataset4) through image dataset.

XGLUE: A New Benchmark Dataset for Cross-lingual Pre-training, Understanding and Generation

2 code implementations3 Apr 2020 Yaobo Liang, Nan Duan, Yeyun Gong, Ning Wu, Fenfei Guo, Weizhen Qi, Ming Gong, Linjun Shou, Daxin Jiang, Guihong Cao, Xiaodong Fan, Ruofei Zhang, Rahul Agrawal, Edward Cui, Sining Wei, Taroon Bharti, Ying Qiao, Jiun-Hung Chen, Winnie Wu, Shuguang Liu, Fan Yang, Daniel Campos, Rangan Majumder, Ming Zhou

In this paper, we introduce XGLUE, a new benchmark dataset that can be used to train large-scale cross-lingual pre-trained models using multilingual and bilingual corpora and evaluate their performance across a diverse set of cross-lingual tasks.

Natural Language Understanding XLM-R

A Multi-Person Video Dataset Annotation Method of Spatio-Temporally Actions

1 code implementation21 Apr 2022 Fan Yang

Spatio-temporal action detection is an important and challenging problem in video understanding.

Action Detection Video Understanding

A large-scale dataset for end-to-end table recognition in the wild

1 code implementation27 Mar 2023 Fan Yang, Lei Hu, Xinwu Liu, Shuangping Huang, Zhenghui Gu

To this end, we propose a new large-scale dataset named Table Recognition Set (TabRecSet) with diverse table forms sourcing from multiple scenarios in the wild, providing complete annotation dedicated to end-to-end TR research.

Table annotation Table Detection +1

An Embarrassingly Simple Approach for Trojan Attack in Deep Neural Networks

1 code implementation15 Jun 2020 Ruixiang Tang, Mengnan Du, Ninghao Liu, Fan Yang, Xia Hu

In this paper, we investigate a specific security problem called trojan attack, which aims to attack deployed DNN systems relying on the hidden trigger patterns inserted by malicious hackers.

Obj2Seq: Formatting Objects as Sequences with Class Prompt for Visual Tasks

2 code implementations28 Sep 2022 Zhiyang Chen, Yousong Zhu, Zhaowen Li, Fan Yang, Wei Li, Haixin Wang, Chaoyang Zhao, Liwei Wu, Rui Zhao, Jinqiao Wang, Ming Tang

Obj2Seq is able to flexibly determine input categories to satisfy customized requirements, and be easily extended to different visual tasks.

Multi-Label Classification Object +2

Data Augmentation for Object Detection via Progressive and Selective Instance-Switching

1 code implementation2 Jun 2019 Hao Wang, Qilong Wang, Fan Yang, Weiqi Zhang, WangMeng Zuo

For guiding our IS to obtain better object performance, we explore issues of instance imbalance and class importance in datasets, which frequently occur and bring adverse effect on detection performance.

Data Augmentation Instance Segmentation +2

SoccerNet 2022 Challenges Results

7 code implementations5 Oct 2022 Silvio Giancola, Anthony Cioppa, Adrien Deliège, Floriane Magera, Vladimir Somers, Le Kang, Xin Zhou, Olivier Barnich, Christophe De Vleeschouwer, Alexandre Alahi, Bernard Ghanem, Marc Van Droogenbroeck, Abdulrahman Darwish, Adrien Maglo, Albert Clapés, Andreas Luyts, Andrei Boiarov, Artur Xarles, Astrid Orcesi, Avijit Shah, Baoyu Fan, Bharath Comandur, Chen Chen, Chen Zhang, Chen Zhao, Chengzhi Lin, Cheuk-Yiu Chan, Chun Chuen Hui, Dengjie Li, Fan Yang, Fan Liang, Fang Da, Feng Yan, Fufu Yu, Guanshuo Wang, H. Anthony Chan, He Zhu, Hongwei Kan, Jiaming Chu, Jianming Hu, Jianyang Gu, Jin Chen, João V. B. Soares, Jonas Theiner, Jorge De Corte, José Henrique Brito, Jun Zhang, Junjie Li, Junwei Liang, Leqi Shen, Lin Ma, Lingchi Chen, Miguel Santos Marques, Mike Azatov, Nikita Kasatkin, Ning Wang, Qiong Jia, Quoc Cuong Pham, Ralph Ewerth, Ran Song, RenGang Li, Rikke Gade, Ruben Debien, Runze Zhang, Sangrok Lee, Sergio Escalera, Shan Jiang, Shigeyuki Odashima, Shimin Chen, Shoichi Masui, Shouhong Ding, Sin-wai Chan, Siyu Chen, Tallal El-Shabrawy, Tao He, Thomas B. Moeslund, Wan-Chi Siu, Wei zhang, Wei Li, Xiangwei Wang, Xiao Tan, Xiaochuan Li, Xiaolin Wei, Xiaoqing Ye, Xing Liu, Xinying Wang, Yandong Guo, YaQian Zhao, Yi Yu, YingYing Li, Yue He, Yujie Zhong, Zhenhua Guo, Zhiheng Li

The SoccerNet 2022 challenges were the second annual video understanding challenges organized by the SoccerNet team.

Action Spotting Camera Calibration +3

Griffon: Spelling out All Object Locations at Any Granularity with Large Language Models

1 code implementation24 Nov 2023 Yufei Zhan, Yousong Zhu, Zhiyang Chen, Fan Yang, Ming Tang, Jinqiao Wang

More importantly, we present $\textbf{Griffon}$, a purely LVLM-based baseline, which does not require the introduction of any special tokens, expert models, or additional detection modules.

Referring Expression Referring Expression Comprehension

Griffon v2: Advancing Multimodal Perception with High-Resolution Scaling and Visual-Language Co-Referring

1 code implementation14 Mar 2024 Yufei Zhan, Yousong Zhu, Hongyin Zhao, Fan Yang, Ming Tang, Jinqiao Wang

Large Vision Language Models have achieved fine-grained object perception, but the limitation of image resolution remains a significant obstacle to surpass the performance of task-specific experts in complex and dense scenarios.

Object Object Counting +3

ANT: Exploiting Adaptive Numerical Data Type for Low-bit Deep Neural Network Quantization

1 code implementation30 Aug 2022 Cong Guo, Chen Zhang, Jingwen Leng, Zihan Liu, Fan Yang, Yunxin Liu, Minyi Guo, Yuhao Zhu

In this work, we propose a fixed-length adaptive numerical data type called ANT to achieve low-bit quantization with tiny hardware overheads.

Quantization

PAMS: Quantized Super-Resolution via Parameterized Max Scale

1 code implementation ECCV 2020 Huixia Li, Chenqian Yan, Shaohui Lin, Xiawu Zheng, Yuchao Li, Baochang Zhang, Fan Yang, Rongrong Ji

Specifically, most state-of-the-art SR models without batch normalization have a large dynamic quantization range, which also serves as another cause of performance drop.

Quantization Super-Resolution +1

Multimodal Dynamics: Dynamical Fusion for Trustworthy Multimodal Classification

1 code implementation CVPR 2022 Zongbo Han, Fan Yang, Junzhou Huang, Changqing Zhang, Jianhua Yao

To the best of our knowledge, this is the first work to jointly model both feature and modality variation for different samples to provide trustworthy fusion in multi-modal classification.

Informativeness Medical Diagnosis +1

RelativeNAS: Relative Neural Architecture Search via Slow-Fast Learning

2 code implementations14 Sep 2020 Hao Tan, Ran Cheng, Shihua Huang, Cheng He, Changxiao Qiu, Fan Yang, Ping Luo

Despite the remarkable successes of Convolutional Neural Networks (CNNs) in computer vision, it is time-consuming and error-prone to manually design a CNN.

Keypoint Detection Neural Architecture Search +3

Cascade Graph Neural Networks for RGB-D Salient Object Detection

1 code implementation ECCV 2020 Ao Luo, Xin Li, Fan Yang, Zhicheng Jiao, Hong Cheng, Siwei Lyu

Current works either simply distill prior knowledge from the corresponding depth map for handling the RGB-image or blindly fuse color and geometric information to generate the coarse depth-aware representations, hindering the performance of RGB-D saliency detectors. In this work, we introduceCascade Graph Neural Networks(Cas-Gnn), a unified framework which is capable of comprehensively distilling and reasoning the mutual benefits between these two data sources through a set of cascade graphs, to learn powerful representations for RGB-D salient object detection.

Object object-detection +3

Mutual Graph Learning for Camouflaged Object Detection

1 code implementation CVPR 2021 Qiang Zhai, Xin Li, Fan Yang, Chenglizhao Chen, Hong Cheng, Deng-Ping Fan

Automatically detecting/segmenting object(s) that blend in with their surroundings is difficult for current models.

Graph Learning Object +2

Exploring Concept Depth: How Large Language Models Acquire Knowledge at Different Layers?

1 code implementation10 Apr 2024 Mingyu Jin, Qinkai Yu, Jingyuan Huang, Qingcheng Zeng, Zhenting Wang, Wenyue Hua, Haiyan Zhao, Kai Mei, Yanda Meng, Kaize Ding, Fan Yang, Mengnan Du, Yongfeng Zhang

We employ a probing technique to extract representations from different layers of the model and apply these to classification tasks.

XDeep: An Interpretation Tool for Deep Neural Networks

1 code implementation4 Nov 2019 Fan Yang, Zijian Zhang, Haofan Wang, Yuening Li, Xia Hu

XDeep is an open-source Python package developed to interpret deep models for both practitioners and researchers.

Learning Optical Flow with Adaptive Graph Reasoning

1 code implementation8 Feb 2022 Ao Luo, Fan Yang, Kunming Luo, Xin Li, Haoqiang Fan, Shuaicheng Liu

Our key idea is to decouple the context reasoning from the matching procedure, and exploit scene information to effectively assist motion estimation by learning to reason over the adaptive graph.

Motion Estimation Optical Flow Estimation +1

Towards Blind Watermarking: Combining Invertible and Non-invertible Mechanisms

1 code implementation24 Dec 2022 Rui Ma, Mengxi Guo, Yi Hou, Fan Yang, Yuan Li, Huizhu Jia, Xiaodong Xie

The CIN is composed of the invertible part to achieve high imperceptibility and the non-invertible part to strengthen the robustness against strong noise attacks.

OR-NeRF: Object Removing from 3D Scenes Guided by Multiview Segmentation with Neural Radiance Fields

1 code implementation17 May 2023 Youtan Yin, Zhoujie Fu, Fan Yang, Guosheng Lin

This paper proposes a novel object-removing pipeline, named OR-NeRF, that can remove objects from 3D scenes with user-given points or text prompts on a single view, achieving better performance in less time than previous works.

3D scene Editing Novel View Synthesis +1

GAFlow: Incorporating Gaussian Attention into Optical Flow

1 code implementation ICCV 2023 Ao Luo, Fan Yang, Xin Li, Lang Nie, Chunyu Lin, Haoqiang Fan, Shuaicheng Liu

Moreover, for reliable motion analysis, we provide a new Gaussian-Guided Attention Module (GGAM) which not only inherits properties from Gaussian distribution to instinctively revolve around the neighbor fields of each point but also is empowered to put the emphasis on contextually related regions during matching.

Optical Flow Estimation Representation Learning

Using Panoramic Videos for Multi-person Localization and Tracking in a 3D Panoramic Coordinate

1 code implementation24 Nov 2019 Fan Yang, Feiran Li, Yang Wu, Sakriani Sakti, Satoshi Nakamura

3D panoramic multi-person localization and tracking are prominent in many applications, however, conventional methods using LiDAR equipment could be economically expensive and also computationally inefficient due to the processing of point cloud data.

 Ranked #1 on Multi-Object Tracking on MOT15_3D (using extra training data)

Multi-Object Tracking

GODIVA: Generating Open-DomaIn Videos from nAtural Descriptions

1 code implementation30 Apr 2021 Chenfei Wu, Lun Huang, Qianxi Zhang, Binyang Li, Lei Ji, Fan Yang, Guillermo Sapiro, Nan Duan

Generating videos from text is a challenging task due to its high computational requirements for training and infinite possible answers for evaluation.

Ranked #16 on Text-to-Video Generation on MSR-VTT (CLIPSIM metric)

Text-to-Video Generation Video Generation

Batch Bayesian Optimization via Multi-objective Acquisition Ensemble for Automated Analog Circuit Design

1 code implementation ICML 2018 Wenlong Lyu, Fan Yang, Changhao Yan, Dian Zhou, Xuan Zeng

In each iteration, the multi-objective optimization of the multiple acquisition functions is performed to search for the Pareto front of the acquisition functions.

Bayesian Optimization

DiscoverPath: A Knowledge Refinement and Retrieval System for Interdisciplinarity on Biomedical Research

1 code implementation4 Sep 2023 Yu-Neng Chuang, Guanchu Wang, Chia-Yuan Chang, Kwei-Herng Lai, Daochen Zha, Ruixiang Tang, Fan Yang, Alfredo Costilla Reyes, Kaixiong Zhou, Xiaoqian Jiang, Xia Hu

The exponential growth in scholarly publications necessitates advanced tools for efficient article retrieval, especially in interdisciplinary fields where diverse terminologies are used to describe similar research.

named-entity-recognition Named Entity Recognition +5

Contour Knowledge Transfer for Salient Object Detection

1 code implementation ECCV 2018 Xin Li, Fan Yang, Hong Cheng, Wei Liu, Dinggang Shen

Our goal is to overcome this limitation by automatically converting an existing deep contour detection model into a salient object detection model without using any manual salient object masks.

Contour Detection Object +4

DetarNet: Decoupling Translation and Rotation by Siamese Network for Point Cloud Registration

1 code implementation28 Dec 2021 Zhi Chen, Fan Yang, Wenbing Tao

In this paper, we propose a neural network named DetarNet to decouple the translation $t$ and rotation $R$, so as to overcome the performance degradation due to their mutual interference in point cloud registration.

Point Cloud Registration Translation

Forecasting Human Trajectory from Scene History

1 code implementation17 Oct 2022 Mancheng Meng, Ziyan Wu, Terrence Chen, Xiran Cai, Xiang Sean Zhou, Fan Yang, Dinggang Shen

We categorize scene history information into two types: historical group trajectory and individual-surroundings interaction.

Trajectory Prediction

Usable XAI: 10 Strategies Towards Exploiting Explainability in the LLM Era

1 code implementation13 Mar 2024 Xuansheng Wu, Haiyan Zhao, Yaochen Zhu, Yucheng Shi, Fan Yang, Tianming Liu, Xiaoming Zhai, Wenlin Yao, Jundong Li, Mengnan Du, Ninghao Liu

Therefore, in this paper, we introduce Usable XAI in the context of LLMs by analyzing (1) how XAI can benefit LLMs and AI systems, and (2) how LLMs can contribute to the advancement of XAI.

Model-enhanced Vector Index

1 code implementation NeurIPS 2023 Hailin Zhang, Yujing Wang, Qi Chen, Ruiheng Chang, Ting Zhang, Ziming Miao, Yingyan Hou, Yang Ding, Xupeng Miao, Haonan Wang, Bochen Pang, Yuefeng Zhan, Hao Sun, Weiwei Deng, Qi Zhang, Fan Yang, Xing Xie, Mao Yang, Bin Cui

We empirically show that our model achieves better performance on the commonly used academic benchmarks MSMARCO Passage and Natural Questions, with comparable serving latency to dense retrieval solutions.

Natural Questions Quantization +1

SSD-MonoDETR: Supervised Scale-aware Deformable Transformer for Monocular 3D Object Detection

1 code implementation12 May 2023 Xuan He, Fan Yang, Kailun Yang, Jiacheng Lin, Haolong Fu, Meng Wang, Jin Yuan, Zhiyong Li

To tackle this problem, this paper proposes a novel "Supervised Scale-aware Deformable Attention" (SSDA) for monocular 3D object detection.

Monocular 3D Object Detection Object +1

Understanding the Weakness of Large Language Model Agents within a Complex Android Environment

1 code implementation9 Feb 2024 Mingzhe Xing, Rongkai Zhang, Hui Xue, Qi Chen, Fan Yang, Zhen Xiao

These challenges motivate AndroidArena, an environment and benchmark designed to evaluate LLM agents on a modern operating system.

Date Understanding Language Modelling +1

UMIX: Improving Importance Weighting for Subpopulation Shift via Uncertainty-Aware Mixup

1 code implementation19 Sep 2022 Zongbo Han, Zhipeng Liang, Fan Yang, Liu Liu, Lanqing Li, Yatao Bian, Peilin Zhao, Bingzhe Wu, Changqing Zhang, Jianhua Yao

Importance reweighting is a normal way to handle the subpopulation shift issue by imposing constant or adaptive sampling weights on each sample in the training dataset.

Generalization Bounds

Cascade Network with Guided Loss and Hybrid Attention for Finding Good Correspondences

1 code implementation31 Jan 2021 Zhi Chen, Fan Yang, Wenbing Tao

We then propose a hybrid attention block to extract feature, which integrates the Bayesian attentive context normalization (BACN) and channel-wise attention (CA).

Accelerating Shapley Explanation via Contributive Cooperator Selection

1 code implementation17 Jun 2022 Guanchu Wang, Yu-Neng Chuang, Mengnan Du, Fan Yang, Quan Zhou, Pushkar Tripathi, Xuanting Cai, Xia Hu

Even though Shapley value provides an effective explanation for a DNN model prediction, the computation relies on the enumeration of all possible input feature coalitions, which leads to the exponentially growing complexity.

MUSIED: A Benchmark for Event Detection from Multi-Source Heterogeneous Informal Texts

1 code implementation25 Nov 2022 Xiangyu Xi, Jianwei Lv, Shuaipeng Liu, Wei Ye, Fan Yang, Guanglu Wan

As a pioneering exploration that expands event detection to the scenarios involving informal and heterogeneous texts, we propose a new large-scale Chinese event detection dataset based on user reviews, text conversations, and phone conversations in a leading e-commerce platform for food service.

Event Detection

Exploring Stochastic Autoregressive Image Modeling for Visual Representation

1 code implementation3 Dec 2022 Yu Qi, Fan Yang, Yousong Zhu, Yufei Liu, Liwei Wu, Rui Zhao, Wei Li

By introducing stochastic prediction and the parallel encoder-decoder, SAIM significantly improve the performance of autoregressive image modeling.

Self-Supervised Learning

Instance-level Heterogeneous Domain Adaptation for Limited-labeled Sketch-to-Photo Retrieval

1 code implementation IEEE Transactions on Multimedia 2020 Fan Yang, Yang Wu, Zheng Wang, Xiang Li, Sakriani Sakti, Satoshi Nakamura

Therefore, previous works pre-train their models on rich-labeled photo retrieval data (i. e., source domain) and then fine-tune them on the limited-labeled sketch-to-photo retrieval data (i. e., target domain).

Domain Adaptation Image Retrieval +1

PIER: Permutation-Level Interest-Based End-to-End Re-ranking Framework in E-commerce

1 code implementation6 Feb 2023 Xiaowen Shi, Fan Yang, Ze Wang, Xiaoxu Wu, Muzhi Guan, Guogang Liao, Yongkang Wang, Xingxing Wang, Dong Wang

Then we design a novel omnidirectional attention mechanism in OCPM to capture the context information in the permutation.

Re-Ranking

Probabilistic Model Distillation for Semantic Correspondence

1 code implementation CVPR 2021 Xin Li, Deng-Ping Fan, Fan Yang, Ao Luo, Hong Cheng, Zicheng Liu

We address this problem with the use of a novel Probabilistic Model Distillation (PMD) approach which transfers knowledge learned by a probabilistic teacher model on synthetic data to a static student model with the use of unlabeled real image pairs.

Representation Learning Semantic correspondence

CoRTX: Contrastive Framework for Real-time Explanation

1 code implementation5 Mar 2023 Yu-Neng Chuang, Guanchu Wang, Fan Yang, Quan Zhou, Pushkar Tripathi, Xuanting Cai, Xia Hu

In this work, we propose a COntrastive Real-Time eXplanation (CoRTX) framework to learn the explanation-oriented representation and relieve the intensive dependence of explainer training on explanation labels.

Contrastive Learning

IRGen: Generative Modeling for Image Retrieval

1 code implementation17 Mar 2023 Yidan Zhang, Ting Zhang, Dong Chen, Yujing Wang, Qi Chen, Xing Xie, Hao Sun, Weiwei Deng, Qi Zhang, Fan Yang, Mao Yang, Qingmin Liao, Baining Guo

While generative modeling has been ubiquitous in natural language processing and computer vision, its application to image retrieval remains unexplored.

Image Retrieval Retrieval

Generalized Demographic Parity for Group Fairness

1 code implementation ICLR 2022 Zhimeng Jiang, Xiaotian Han, Chao Fan, Fan Yang, Ali Mostafavi, Xia Hu

We show the understanding of GDP from the probability perspective and theoretically reveal the connection between GDP regularizer and adversarial debiasing.

Attribute Fairness

LODE: Deep Local Deblurring and A New Benchmark

1 code implementation19 Sep 2021 Zerun Wang, Liuyu Xiang, Fan Yang, Jinzhao Qian, Jie Hu, Haidong Huang, Jungong Han, Yuchen Guo, Guiguang Ding

While recent deep deblurring algorithms have achieved remarkable progress, most existing methods focus on the global deblurring problem, where the image blur mostly arises from severe camera shake.

Deblurring

Do Smart Glasses Dream of Sentimental Visions? Deep Emotionship Analysis for Eyewear Devices

1 code implementation24 Jan 2022 Yingying Zhao, Yuhu Chang, Yutian Lu, Yujiang Wang, Mingzhi Dong, Qin Lv, Robert P. Dick, Fan Yang, Tun Lu, Ning Gu, Li Shang

Experimental studies with 20 participants demonstrate that, thanks to the emotionship awareness, EMOShip not only achieves superior emotion recognition accuracy over existing methods (80. 2% vs. 69. 4%), but also provides a valuable understanding of the cause of emotions.

Emotion Recognition

Geo-Localization via Ground-to-Satellite Cross-View Image Retrieval

1 code implementation22 May 2022 Zelong Zeng, Zheng Wang, Fan Yang, Shin'ichi Satoh

The large variation of viewpoint and irrelevant content around the target always hinder accurate image retrieval and its subsequent tasks.

Image Retrieval Representation Learning +1

Expectation Propagation with Stochastic Kinetic Model in Complex Interaction Systems

1 code implementation NeurIPS 2017 Le Fang, Fan Yang, Wen Dong, Tong Guan, Chunming Qiao

Technological breakthroughs allow us to collect data with increasing spatio-temporal resolution from complex interaction systems.

One for Multiple: Physics-informed Synthetic Data Boosts Generalizable Deep Learning for Fast MRI Reconstruction

1 code implementation25 Jul 2023 Zi Wang, Xiaotong Yu, Chengyan Wang, Weibo Chen, Jiazheng Wang, Ying-Hua Chu, Hongwei Sun, Rushuai Li, Peiyong Li, Fan Yang, Haiwei Han, Taishan Kang, Jianzhong Lin, Chen Yang, Shufu Chang, Zhang Shi, Sha Hua, Yan Li, Juan Hu, Liuhong Zhu, Jianjun Zhou, Meijing Lin, Jiefeng Guo, Congbo Cai, Zhong Chen, Di Guo, Guang Yang, Xiaobo Qu

We demonstrate that training DL models on synthetic data, coupled with enhanced learning techniques, yields in vivo MRI reconstructions comparable to or surpassing those of models trained on matched realistic datasets, reducing the reliance on real-world MRI data by up to 96%.

Medical Diagnosis MRI Reconstruction

Orthogonal Gradient Boosting for Simpler Additive Rule Ensembles

1 code implementation24 Feb 2024 Fan Yang, Pierre Le Bodic, Michael Kamp, Mario Boley

Gradient boosting of prediction rules is an efficient approach to learn potentially interpretable yet accurate probabilistic models.

Improving Generalization of Metric Learning via Listwise Self-distillation

1 code implementation17 Jun 2022 Zelong Zeng, Fan Yang, Zheng Wang, Shin'ichi Satoh

Most deep metric learning (DML) methods employ a strategy that forces all positive samples to be close in the embedding space while keeping them away from negative ones.

Metric Learning

Did You Train on My Dataset? Towards Public Dataset Protection with Clean-Label Backdoor Watermarking

1 code implementation20 Mar 2023 Ruixiang Tang, Qizhang Feng, Ninghao Liu, Fan Yang, Xia Hu

To overcome this challenge, we introduce a clean-label backdoor watermarking framework that uses imperceptible perturbations to replace mislabeled samples.

Anomaly Detection

Large-scale Bisample Learning on ID Versus Spot Face Recognition

no code implementations8 Jun 2018 Xiangyu Zhu, Hao liu, Zhen Lei, Hailin Shi, Fan Yang, Dong Yi, Guo-Jun Qi, Stan Z. Li

In this paper, we propose a deep learning based large-scale bisample learning (LBL) method for IvS face recognition.

Face Recognition General Classification

Trajectory Factory: Tracklet Cleaving and Re-connection by Deep Siamese Bi-GRU for Multiple Object Tracking

no code implementations12 Apr 2018 Cong Ma, Changshui Yang, Fan Yang, Yueqing Zhuang, Ziwei Zhang, Huizhu Jia, Xiaodong Xie

In this paper, we propose a novel tracklet processing method to cleave and re-connect tracklets on crowd or long-term occlusion by Siamese Bi-Gated Recurrent Unit (GRU).

Autonomous Driving Multi-Object Tracking +2

Learning to Organize Knowledge and Answer Questions with N-Gram Machines

no code implementations17 Nov 2017 Fan Yang, Jiazhong Nie, William W. Cohen, Ni Lao

Though deep neural networks have great success in natural language processing, they are limited at more knowledge intensive AI tasks, such as open-domain Question Answering (QA).

Open-Domain Question Answering

Towards the Success Rate of One: Real-time Unconstrained Salient Object Detection

no code implementations31 Jul 2017 Mahyar Najibi, Fan Yang, Qiaosong Wang, Robinson Piramuthu

In this work, we propose an efficient and effective approach for unconstrained salient object detection in images using deep convolutional neural networks.

Object object-detection +2

TensorLog: Deep Learning Meets Probabilistic DBs

no code implementations17 Jul 2017 William W. Cohen, Fan Yang, Kathryn Rivard Mazaitis

We present an implementation of a probabilistic first-order logic called TensorLog, in which classes of logical queries are compiled into differentiable functions in a neural-network infrastructure such as Tensorflow or Theano.

Logical Reasoning

Visual Search at eBay

no code implementations10 Jun 2017 Fan Yang, Ajinkya Kale, Yury Bubnov, Leon Stein, Qiaosong Wang, Hadi Kiapour, Robinson Piramuthu

We harness the availability of large image collection of eBay listings and state-of-the-art deep learning techniques to perform visual search at scale.

Privacy-Protective-GAN for Face De-identification

no code implementations23 Jun 2018 Yifan Wu, Fan Yang, Haibin Ling

In this paper, we propose a new framework called Privacy-Protective-GAN (PP-GAN) that adapts GAN with novel verificator and regulator modules specially designed for the face de-identification problem to ensure generating de-identified output with retained structure similarity according to a single input.

De-identification Face Recognition

Adversarial Learning for Fine-grained Image Search

no code implementations6 Jul 2018 Kevin Lin, Fan Yang, Qiaosong Wang, Robinson Piramuthu

Fine-grained image search is still a challenging problem due to the difficulty in capturing subtle differences regardless of pose variations of objects from fine-grained categories.

Generative Adversarial Network Image Retrieval

Using Randomness to Improve Robustness of Machine-Learning Models Against Evasion Attacks

no code implementations10 Aug 2018 Fan Yang, ZhiYuan Chen

Machine learning models have been widely used in security applications such as intrusion detection, spam filtering, and virus or malware detection.

BIG-bench Machine Learning Intrusion Detection +2

Attention Driven Person Re-identification

no code implementations13 Oct 2018 Fan Yang, Ke Yan, Shijian Lu, Huizhu Jia, Xiaodong Xie, Wen Gao

Person re-identification (ReID) is a challenging task due to arbitrary human pose variations, background clutters, etc.

Person Re-Identification

Leveraging Multiple Domains for Sentiment Classification

no code implementations COLING 2016 Fan Yang, Arjun Mukherjee, Yifan Zhang

In addition, the learned feature representation can be used as classifier since our model defines the meaning of feature value and arranges high-level features in a prefixed order, so it is not necessary to train another classifier on top of the new features.

Classification Domain Adaptation +4

LEARNING TO ORGANIZE KNOWLEDGE WITH N-GRAM MACHINES

no code implementations ICLR 2018 Fan Yang, Jiazhong Nie, William W. Cohen, Ni Lao

Existing end-to-end deep QA models (Miller et al., 2016; Weston et al., 2014) need to read the entire text after observing the question, and therefore their complexity in responding a question is linear in the text size.

Language Modelling Machine Translation +1

Exploit All the Layers: Fast and Accurate CNN Object Detector With Scale Dependent Pooling and Cascaded Rejection Classifiers

no code implementations CVPR 2016 Fan Yang, Wongun Choi, Yuanqing Lin

In this paper, we investigate two new strategies to detect objects accurately and efficiently using deep convolutional neural network: 1) scale-dependent pooling and 2) layer-wise cascaded rejection classifiers.

Object object-detection +1

Object-Aware Dense Semantic Correspondence

no code implementations CVPR 2017 Fan Yang, Xin Li, Hong Cheng, Jianping Li, Leiting Chen

To address these problems, this paper proposes an object-aware method to estimate per-pixel correspondences from semantic to low-level by learning a classifier for each selected discriminative grid cell and guiding the localization of every pixel under the semantic constraint.

Object Semantic correspondence

Multi-Task Learning With Low Rank Attribute Embedding for Person Re-Identification

no code implementations ICCV 2015 Chi Su, Fan Yang, Shiliang Zhang, Qi Tian, Larry S. Davis, Wen Gao

Since attributes are generally correlated, we introduce a low rank attribute embedding into the MTL formulation to embed original binary attributes to a continuous attribute space, where incorrect and incomplete attributes are rectified and recovered to better describe people.

Attribute Multi-Task Learning +1

On Attribution of Recurrent Neural Network Predictions via Additive Decomposition

no code implementations27 Mar 2019 Mengnan Du, Ninghao Liu, Fan Yang, Shuiwang Ji, Xia Hu

REAT decomposes the final prediction of a RNN into additive contribution of each word in the input text.

Decision Making

Optimal Control of Complex Systems through Variational Inference with a Discrete Event Decision Process

no code implementations7 May 2019 Wen Dong, Bo Liu, Fan Yang

However, such real-world complex system control is difficult to achieve because of high-dimensional and non-linear system dynamics, and the exploding state and action spaces for the decision maker.

Decision Making Management +1

Task Decomposition and Synchronization for Semantic Biomedical Image Segmentation

no code implementations21 May 2019 Xuhua Ren, Lichi Zhang, Sahar Ahmad, Dong Nie, Fan Yang, Lei Xiang, Qian Wang, Dinggang Shen

In this paper, we propose to decompose the single segmentation task into three subsequent sub-tasks, including (1) pixel-wise image segmentation, (2) prediction of the class labels of the objects within the image, and (3) classification of the scene the image belonging to.

Brain Tumor Segmentation Image Segmentation +3

Reconstructing Perceived Images from Brain Activity by Visually-guided Cognitive Representation and Adversarial Learning

no code implementations27 Jun 2019 Ziqi Ren, Jie Li, Xuetong Xue, Xin Li, Fan Yang, Zhicheng Jiao, Xinbo Gao

In addition, we introduce a novel three-stage learning approach which enables the (cognitive) encoder to gradually distill useful knowledge from the paired (visual) encoder during the learning process.

Generative Adversarial Network Image Reconstruction +2

Evaluating Explanation Without Ground Truth in Interpretable Machine Learning

no code implementations16 Jul 2019 Fan Yang, Mengnan Du, Xia Hu

Interpretable Machine Learning (IML) has become increasingly important in many real-world applications, such as autonomous cars and medical diagnosis, where explanations are significantly preferred to help people better understand how machine learning systems work and further enhance their trust towards systems.

BIG-bench Machine Learning Interpretable Machine Learning +1

XFake: Explainable Fake News Detector with Visualizations

no code implementations8 Jul 2019 Fan Yang, Shiva K. Pentyala, Sina Mohseni, Mengnan Du, Hao Yuan, Rhema Linder, Eric D. Ragan, Shuiwang Ji, Xia Hu

In this demo paper, we present the XFake system, an explainable fake news detector that assists end-users to identify news credibility.

Attribute

Annotation-Free Cardiac Vessel Segmentation via Knowledge Transfer from Retinal Images

no code implementations26 Jul 2019 Fei Yu, Jie Zhao, Yanjun Gong, Zhi Wang, Yuxi Li, Fan Yang, Bin Dong, Quanzheng Li, Li Zhang

Segmenting coronary arteries is challenging, as classic unsupervised methods fail to produce satisfactory results and modern supervised learning (deep learning) requires manual annotation which is often time-consuming and can some time be infeasible.

Generative Adversarial Network Transfer Learning

Learning Credible Deep Neural Networks with Rationale Regularization

no code implementations13 Aug 2019 Mengnan Du, Ninghao Liu, Fan Yang, Xia Hu

Recent explainability related studies have shown that state-of-the-art DNNs do not always adopt correct evidences to make decisions.

text-classification Text Classification

Fairness in Deep Learning: A Computational Perspective

no code implementations23 Aug 2019 Mengnan Du, Fan Yang, Na Zou, Xia Hu

Deep learning is increasingly being used in high-stake decision making applications that affect individual lives.

Decision Making Fairness

GLA-Net: An Attention Network with Guided Loss for Mismatch Removal

no code implementations28 Sep 2019 Zhi Chen, Fan Yang, Wenbing Tao

To establish the link between Fn-score and loss, we propose to guide the loss with the Fn-score directly.

Binary Classification

Contextual Local Explanation for Black Box Classifiers

no code implementations2 Oct 2019 Zijian Zhang, Fan Yang, Haofan Wang, Xia Hu

We introduce a new model-agnostic explanation technique which explains the prediction of any classifier called CLE.

General Classification Image Classification

TruNet: Short Videos Generation from Long Videos via Story-Preserving Truncation

no code implementations14 Oct 2019 Fan Yang, Xiao Liu, Dongliang He, Chuang Gan, Jian Wang, Chao Li, Fu Li, Shilei Wen

In this work, we introduce a new problem, named as {\em story-preserving long video truncation}, that requires an algorithm to automatically truncate a long-duration video into multiple short and attractive sub-videos with each one containing an unbroken story.

Highlight Detection Video Summarization

A Hierarchical Mixture Density Network

no code implementations23 Oct 2019 Fan Yang, Jaymar Soriano, Takatomi Kubo, Kazushi Ikeda

One of the complicated relationships among three correlated variables could be a two-layer hierarchical many-to-many mapping.

TracKlinic: Diagnosis of Challenge Factors in Visual Tracking

no code implementations18 Nov 2019 Heng Fan, Fan Yang, Peng Chu, Lin Yuan, Haibin Ling

For the analysis component, given the tracking results on all sequences, it investigates the behavior of the tracker under each individual factor and generates the report automatically.

Visual Tracking

Bayesian Optimization Approach for Analog Circuit Synthesis Using Neural Network

no code implementations1 Dec 2019 Shuhan Zhang, Wenlong Lyu, Fan Yang, Changhao Yan, Dian Zhou, Xuan Zeng

Bayesian optimization with Gaussian process as surrogate model has been successfully applied to analog circuit synthesis.

Bayesian Optimization

Detecting Unknown Behaviors by Pre-defined Behaviours: An Bayesian Non-parametric Approach

no code implementations25 Nov 2019 Jin Watanabe, Takatomi Kubo, Fan Yang, Kazushi Ikeda

An automatic mouse behavior recognition system can considerably reduce the workload of experimenters and facilitate the analysis process.

Dually Supervised Feature Pyramid for Object Detection and Segmentation

1 code implementation8 Dec 2019 Fan Yang, Cheng Lu, Yandong Guo, Longin Jan Latecki, Haibin Ling

Feature pyramid architecture has been broadly adopted in object detection and segmentation to deal with multi-scale problem.

Object object-detection +2

Game Design for Eliciting Distinguishable Behavior

no code implementations NeurIPS 2019 Fan Yang, Liu Leqi, Yifan Wu, Zachary C. Lipton, Pradeep Ravikumar, William W. Cohen, Tom Mitchell

The ability to inferring latent psychological traits from human behavior is key to developing personalized human-interacting machine learning systems.

Relational State-Space Model for Stochastic Multi-Object Systems

no code implementations ICLR 2020 Fan Yang, Ling Chen, Fan Zhou, Yusong Gao, Wei Cao

Real-world dynamical systems often consist of multiple stochastic subsystems that interact with each other.

Object Time Series +1

Hybrid Graph Neural Networks for Crowd Counting

no code implementations31 Jan 2020 Ao Luo, Fan Yang, Xin Li, Dong Nie, Zhicheng Jiao, Shangchen Zhou, Hong Cheng

In this paper, we present a novel network structure called Hybrid Graph Neural Network (HyGnn) which targets to relieve the problem by interweaving the multi-scale features for crowd density as well as its auxiliary task (localization) together and performing joint reasoning over a graph.

Crowd Counting

EvolveGraph: Multi-Agent Trajectory Prediction with Dynamic Relational Reasoning

no code implementations NeurIPS 2020 Jiachen Li, Fan Yang, Masayoshi Tomizuka, Chiho Choi

In this paper, we propose a generic trajectory forecasting framework (named EvolveGraph) with explicit relational structure recognition and prediction via latent interaction graphs among multiple heterogeneous, interactive agents.

Autonomous Driving Decision Making +2

Learning to Detect Head Movement in Unconstrained Remote Gaze Estimation in the Wild

no code implementations7 Apr 2020 Zhecan Wang, Jian Zhao, Cheng Lu, Han Huang, Fan Yang, Lianji Li, Yandong Guo

To better demonstrate the advantage of our methods, we further propose a new benchmark dataset with the most rich distribution of head-gaze combination reflecting real-world scenarios.

Gaze Estimation

MSDU-net: A Multi-Scale Dilated U-net for Blur Detection

no code implementations5 Jun 2020 Fan Yang, Xiao Xiao

Blur detection is the separation of blurred and clear regions of an image, which is an important and challenging task in computer vision.

Image Segmentation Segmentation +1

Defending SVMs against Poisoning Attacks: the Hardness and DBSCAN Approach

no code implementations14 Jun 2020 Hu Ding, Fan Yang, Jiawei Huang

For the data sanitization defense, we link it to the intrinsic dimensionality of data; in particular, we provide a sampling theorem in doubling metrics for explaining the effectiveness of DBSCAN (as a density-based outlier removal method) for defending against poisoning attacks.

Cascade Network with Guided Loss and Hybrid Attention for Two-view Geometry

no code implementations11 Jul 2020 Zhi Chen, Fan Yang, Wenbing Tao

We then propose a hybrid attention block to extract feature, which integrates the bayesian attentive context normalization (BACN) and channel-wise attention (CA).

PIC-Net: Point Cloud and Image Collaboration Network for Large-Scale Place Recognition

no code implementations3 Aug 2020 Yuheng Lu, Fan Yang, Fangping Chen, Don Xie

Place recognition is one of the hot research fields in automation technology and is still an open issue, Camera and Lidar are two mainstream sensors used in this task, Camera-based methods are easily affected by illumination and season changes, LIDAR cannot get the rich data as the image could , In this paper, we propose the PIC-Net (Point cloud and Image Collaboration Network), which use attention mechanism to fuse the features of image and point cloud, and mine the complementary information between the two.

Visual Place Recognition

Linear-time Temporal Logic with Team Semantics: Expressivity and Complexity

no code implementations7 Oct 2020 Jonni Virtema, Jana Hofmann, Bernd Finkbeiner, Juha Kontinen, Fan Yang

We study the expressivity and complexity of model checking linear temporal logic with team semantics (TeamLTL).

Logic in Computer Science Computational Complexity F.4.1; D.2.4

Precise High-Dimensional Asymptotics for Quantifying Heterogeneous Transfers

no code implementations22 Oct 2020 Fan Yang, Hongyang R. Zhang, Sen Wu, Christopher Ré, Weijie J. Su

Intuitively, the transfer effect from one task to another task depends on dataset shifts such as sample sizes and covariance matrices.

Multi-Task Learning text-classification +1

Tricritical physics in two-dimensional $p$-wave superfluids

no code implementations16 Jan 2020 Fan Yang, Shao-Jian Jiang, Fei Zhou

When strong quantum fluctuations near resonance are taken into account, the line of continuous phase transitions terminates at two multicritical points near resonance, between which the transitions are expected to be first-order ones.

Quantum Gases

Bayesian Multi-type Mean Field Multi-agent Imitation Learning

no code implementations NeurIPS 2020 Fan Yang, Alina Vereshchaka, Changyou Chen, Wen Dong

We demonstrate the performance of our algorithm through benchmarking with three state-of-the-art multi-agent imitation learning algorithms on several tasks, including solving a multi-agent traffic optimization problem in a real-world transportation network.

Benchmarking Imitation Learning +1

Pattern-aware Data Augmentation for Query Rewriting in Voice Assistant Systems

no code implementations21 Dec 2020 Yunmo Chen, Sixing Lu, Fan Yang, Xiaojiang Huang, Xing Fan, Chenlei Guo

Query rewriting (QR) systems are widely used to reduce the friction caused by errors in a spoken language understanding pipeline.

Data Augmentation Friction +1

A Polynomial Roth Theorem for Corners in Finite Fields

no code implementations21 Dec 2020 Rui Han, Michael T Lacey, Fan Yang

We prove a Roth type theorem for polynomial corners in the finite field setting.

Classical Analysis and ODEs Combinatorics Number Theory

Possible evidence of hydrogen emission in the first-overtone and multi-mode RR Lyrae variables

no code implementations24 Dec 2020 Xiao-Wei Duan, Xiao-Dian Chen, Li-Cai Deng, Fan Yang, Chao Liu, Anupam Bhardwaj, Hua-Wei Zhang

The nature of shock waves in non-fundamental mode RR Lyrae stars remains a mystery because of limited spectroscopic observations.

Solar and Stellar Astrophysics

Generative Counterfactuals for Neural Networks via Attribute-Informed Perturbation

no code implementations18 Jan 2021 Fan Yang, Ninghao Liu, Mengnan Du, Xia Hu

With the wide use of deep neural networks (DNN), model interpretability has become a critical concern, since explainable decisions are preferred in high-stake scenarios.

Attribute

Superresolving second-order correlation imaging using synthesized colored noise speckles

no code implementations11 Feb 2021 Zheng Li, Xiaoyu Nie, Fan Yang, Xiangpei Liu, Dongyu Liu, Xiaolong Dong, Xingchen Zhao, Tao Peng, M. Suhail Zubairy, Marlan O. Scully

We present a novel method to synthesize non-trivial speckles that can enable superresolving second-order correlation imaging.

Optics Image and Video Processing

CT-Net: Complementary Transfering Network for Garment Transfer with Arbitrary Geometric Changes

no code implementations CVPR 2021 Fan Yang, Guosheng Lin

Garment transfer shows great potential in realistic applications with the goal of transfering outfits across different people images.

Calibrating multi-dimensional complex ODE from noisy data via deep neural networks

no code implementations7 Jun 2021 Kexuan Li, Fangfang Wang, Ruiqi Liu, Fan Yang, Zuofeng Shang

Our method is able to recover the ODE system without being subject to the curse of dimensionality and complicated ODE structure.

MST: Masked Self-Supervised Transformer for Visual Representation

no code implementations NeurIPS 2021 Zhaowen Li, Zhiyang Chen, Fan Yang, Wei Li, Yousong Zhu, Chaoyang Zhao, Rui Deng, Liwei Wu, Rui Zhao, Ming Tang, Jinqiao Wang

More importantly, the masked tokens together with the remaining tokens are further recovered by a global image decoder, which preserves the spatial information of the image and is more friendly to the downstream dense prediction tasks.

Language Modelling Masked Language Modeling +3

From Paraphrasing to Semantic Parsing: Unsupervised Semantic Parsing via Synchronous Semantic Decoding

no code implementations ACL 2021 Shan Wu, Bo Chen, Chunlei Xin, Xianpei Han, Le Sun, Weipeng Zhang, Jiansong Chen, Fan Yang, Xunliang Cai

During synchronous decoding: the utterance paraphrasing is constrained by the structure of the logical form, therefore the canonical utterance can be paraphrased controlledly; the semantic decoding is guided by the semantics of the canonical utterance, therefore its logical form can be generated unsupervisedly.

Unsupervised semantic parsing

Model-Based Counterfactual Synthesizer for Interpretation

no code implementations16 Jun 2021 Fan Yang, Sahan Suresh Alva, Jiahao Chen, Xia Hu

To address these limitations, we propose a Model-based Counterfactual Synthesizer (MCS) framework for interpreting machine learning models.

counterfactual Inductive Bias

A Scalable 256-Elements E-Band Phased-Array Transceiver for Broadband Communication

no code implementations20 Jun 2021 Xu Li, Wenyao Zhai, Morris Repeta, Hua Cai, Tyler Ross, Kimia Ansari, Sam Tiller, Hari Krishna Pothula, Dong Liang, Fan Yang, Yibo Lyu, Songlin Shuai, Guangjian Wang, Wen Tong

For E-band wireless communications, a high gain steerable antenna with sub-arrays is desired to reduce the implementation complexity.

An Efficient Asynchronous Batch Bayesian Optimization Approach for Analog Circuit Synthesis

no code implementations28 Jun 2021 Shuhan Zhang, Fan Yang, Dian Zhou, Xuan Zeng

A new strategy is proposed to better balance the exploration and exploitation and guarantee the diversity of the query points.

Bayesian Optimization

An Efficient Batch Constrained Bayesian Optimization Approach for Analog Circuit Synthesis via Multi-objective Acquisition Ensemble

no code implementations28 Jun 2021 Shuhan Zhang, Fan Yang, Changhao Yan, Dian Zhou, Xuan Zeng

After achieving the first feasible point, we favor the feasible region by adopting a specially designed penalization term to the acquisition function ensemble.

Bayesian Optimization valid

Opinion Prediction with User Fingerprinting

1 code implementation RANLP 2021 Kishore Tumarada, Yifan Zhang, Fan Yang, Eduard Dragut, Omprakash Gnawali, Arjun Mukherjee

Experimental results show novel insights that were previously unknown such as better predictions for an increase in dynamic history length, the impact of the nature of the article on performance, thereby laying the foundation for further research.

Sentiment Analysis Time Series +1

RAIN: Reinforced Hybrid Attention Inference Network for Motion Forecasting

no code implementations ICCV 2021 Jiachen Li, Fan Yang, Hengbo Ma, Srikanth Malla, Masayoshi Tomizuka, Chiho Choi

Motion forecasting plays a significant role in various domains (e. g., autonomous driving, human-robot interaction), which aims to predict future motion sequences given a set of historical observations.

Motion Forecasting Trajectory Prediction

Efficient Visual Recognition with Deep Neural Networks: A Survey on Recent Advances and New Directions

no code implementations30 Aug 2021 Yang Wu, Dingheng Wang, Xiaotong Lu, Fan Yang, Guoqi Li, Weisheng Dong, Jianbo Shi

Visual recognition is currently one of the most important and active research areas in computer vision, pattern recognition, and even the general field of artificial intelligence.

Adaptive Label Smoothing To Regularize Large-Scale Graph Training

no code implementations30 Aug 2021 Kaixiong Zhou, Ninghao Liu, Fan Yang, Zirui Liu, Rui Chen, Li Li, Soo-Hyun Choi, Xia Hu

Graph neural networks (GNNs), which learn the node representations by recursively aggregating information from its neighbors, have become a predominant computational tool in many domains.

Node Clustering

LinEasyBO: Scalable Bayesian Optimization Approach for Analog Circuit Synthesis via One-Dimensional Subspaces

no code implementations1 Sep 2021 Shuhan Zhang, Fan Yang, Changhao Yan, Dian Zhou, Xuan Zeng

A large body of literature has proved that the Bayesian optimization framework is especially efficient and effective in analog circuit synthesis.

Bayesian Optimization

Actuarial-consistency and two-step actuarial valuations: a new paradigm to insurance valuation

no code implementations30 Aug 2021 Karim Barigou, Daniël Linders, Fan Yang

This paper introduces new valuation schemes called actuarial-consistent valuations for insurance liabilities which depend on both financial and actuarial risks, which imposes that all actuarial risks are priced via standard actuarial principles.

Causal-TGAN: Causally-Aware Synthetic Tabular Data Generative Adversarial Network

no code implementations29 Sep 2021 Bingyang Wen, Yupeng Cao, Fan Yang, Koduvayur Subbalakshmi, Rajarathnam Chandramouli

The flexibility of this architecture is its capability to support different types of expert knowledge (e. g., complete or partial) about the causal nature of the underlying phenomenon.

Generative Adversarial Network Image Generation

EXACT: Scalable Graph Neural Networks Training via Extreme Activation Compression

no code implementations ICLR 2022 Zirui Liu, Kaixiong Zhou, Fan Yang, Li Li, Rui Chen, Xia Hu

Based on the implementation, we propose a memory-efficient framework called ``EXACT'', which for the first time demonstrate the potential and evaluate the feasibility of training GNNs with compressed activations.

Graph Learning

Defense Against Explanation Manipulation

no code implementations8 Nov 2021 Ruixiang Tang, Ninghao Liu, Fan Yang, Na Zou, Xia Hu

Explainable machine learning attracts increasing attention as it improves transparency of models, which is helpful for machine learning to be trusted in real applications.

Adversarial Attack BIG-bench Machine Learning

Towards Privacy-Preserving Affect Recognition: A Two-Level Deep Learning Architecture

no code implementations14 Nov 2021 Jimiama M. Mase, Natalie Leesakul, Fan Yang, Grazziela P. Figueredo, Mercedes Torres Torres

Possible solutions to protect the privacy of users and avoid misuse of their identities are to: (1) extract anonymised facial features, namely action units (AU) from a database of images, discard the images and use AUs for processing and training, and (2) federated learning (FL) i. e. process raw images in users' local machines (local processing) and send the locally trained models to the main processing machine for aggregation (central processing).

Federated Learning Privacy Preserving +1

Improving Evidence Retrieval with Claim-Evidence Entailment

no code implementations RANLP 2021 Fan Yang, Eduard Dragut, Arjun Mukherjee

Claim verification is challenging because it requires first to find textual evidence and then apply claim-evidence entailment to verify a claim.

Claim Verification Retrieval +1

Neural Born Iteration Method For Solving Inverse Scattering Problems: 2D Cases

no code implementations18 Dec 2021 Tao Shan, Zhichao Lin, Xiaoqian Song, Maokun Li, Fan Yang, Zhensheng Xu

In this paper, we propose the neural Born iterative method (NeuralBIM) for solving 2D inverse scattering problems (ISPs) by drawing on the scheme of physics-informed supervised residual learning (PhiSRL) to emulate the computing process of the traditional Born iterative method (TBIM).

BBA-net: A bi-branch attention network for crowd counting

no code implementations22 Jan 2022 Yi Hou, Chengyang Li, Fan Yang, Cong Ma, Liping Zhu, Yuan Li, Huizhu Jia, Xiaodong Xie

Our method can integrate the pedestrian's head and body information to enhance the feature expression ability of the density map.

Crowd Counting

A comprehensive benchmark analysis for sand dust image reconstruction

no code implementations7 Feb 2022 Yazhong Si, Fan Yang, Ya Guo, Wei zhang, Yipu Yang

In this paper, we presented a comprehensive perceptual study and analysis of real-world sand dust images, then constructed a Sand-dust Image Reconstruction Benchmark (SIRB) for training Convolutional Neural Networks (CNNs) and evaluating algorithms performance.

Image Enhancement Image Reconstruction

Learning from Attacks: Attacking Variational Autoencoder for Improving Image Classification

no code implementations11 Mar 2022 Jianzhang Zheng, Fan Yang, Hao Shen, Xuan Tang, Mingsong Chen, Liang Song, Xian Wei

We propose an algorithmic framework that leverages the advantages of the DNNs for data self-expression and task-specific predictions, to improve image classification.

Classification Image Classification

UniVIP: A Unified Framework for Self-Supervised Visual Pre-training

no code implementations CVPR 2022 Zhaowen Li, Yousong Zhu, Fan Yang, Wei Li, Chaoyang Zhao, Yingying Chen, Zhiyang Chen, Jiahao Xie, Liwei Wu, Rui Zhao, Ming Tang, Jinqiao Wang

Furthermore, our method can also exploit single-centric-object dataset such as ImageNet and outperforms BYOL by 2. 5% with the same pre-training epochs in linear probing, and surpass current self-supervised object detection methods on COCO dataset, demonstrating its universality and potential.

Image Classification Object +4

Confidence Calibration for Intent Detection via Hyperspherical Space and Rebalanced Accuracy-Uncertainty Loss

no code implementations17 Mar 2022 Yantao Gong, Cao Liu, Fan Yang, Xunliang Cai, Guanglu Wan, Jiansong Chen, Weipeng Zhang, Houfeng Wang

Experiments on the open datasets verify that our model outperforms the existing calibration methods and achieves a significant improvement on the calibration metric.

Intent Detection

Learning Individual Interactions from Population Dynamics with Discrete-Event Simulation Model

no code implementations4 May 2022 Yan Shen, Fan Yang, Mingchen Gao, Wen Dong

Traditional machine learning approaches capture complex system dynamics either with dynamic Bayesian networks and state space models, which is hard to scale because it is non-trivial to prescribe the dynamics with a sparse graph or a system of differential equations; or a deep neural networks, where the distributed representation of the learned dynamics is hard to interpret.

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