Search Results for author: Jian Sun

Found 255 papers, 124 papers with code

Identity Mappings in Deep Residual Networks

55 code implementations16 Mar 2016 Kaiming He, Xiangyu Zhang, Shaoqing Ren, Jian Sun

Deep residual networks have emerged as a family of extremely deep architectures showing compelling accuracy and nice convergence behaviors.

Image Classification

Deep Residual Learning for Image Recognition

469 code implementations CVPR 2016 Kaiming He, Xiangyu Zhang, Shaoqing Ren, Jian Sun

Deep residual nets are foundations of our submissions to ILSVRC & COCO 2015 competitions, where we also won the 1st places on the tasks of ImageNet detection, ImageNet localization, COCO detection, and COCO segmentation.

Domain Generalization +11

RepVGG: Making VGG-style ConvNets Great Again

22 code implementations CVPR 2021 Xiaohan Ding, Xiangyu Zhang, Ningning Ma, Jungong Han, Guiguang Ding, Jian Sun

We present a simple but powerful architecture of convolutional neural network, which has a VGG-like inference-time body composed of nothing but a stack of 3x3 convolution and ReLU, while the training-time model has a multi-branch topology.

Image Classification Semantic Segmentation

Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks

195 code implementations NeurIPS 2015 Shaoqing Ren, Kaiming He, Ross Girshick, Jian Sun

In this work, we introduce a Region Proposal Network (RPN) that shares full-image convolutional features with the detection network, thus enabling nearly cost-free region proposals.

Object Real-Time Object Detection +3

AutoAssign: Differentiable Label Assignment for Dense Object Detection

2 code implementations7 Jul 2020 Benjin Zhu, Jian-Feng Wang, Zhengkai Jiang, Fuhang Zong, Songtao Liu, Zeming Li, Jian Sun

During training, to both satisfy the prior distribution of data and adapt to category characteristics, we present Center Weighting to adjust the category-specific prior distributions.

Dense Object Detection Object +1

You Only Look One-level Feature

6 code implementations CVPR 2021 Qiang Chen, Yingming Wang, Tong Yang, Xiangyu Zhang, Jian Cheng, Jian Sun

From the perspective of optimization, we introduce an alternative way to address the problem instead of adopting the complex feature pyramids - {\em utilizing only one-level feature for detection}.

object-detection Object Detection

YOLOX: Exceeding YOLO Series in 2021

39 code implementations18 Jul 2021 Zheng Ge, Songtao Liu, Feng Wang, Zeming Li, Jian Sun

In this report, we present some experienced improvements to YOLO series, forming a new high-performance detector -- YOLOX.

Autonomous Driving Real-Time Object Detection

R-FCN: Object Detection via Region-based Fully Convolutional Networks

49 code implementations NeurIPS 2016 Jifeng Dai, Yi Li, Kaiming He, Jian Sun

In contrast to previous region-based detectors such as Fast/Faster R-CNN that apply a costly per-region subnetwork hundreds of times, our region-based detector is fully convolutional with almost all computation shared on the entire image.

Object Real-Time Object Detection +1

Dense Teacher: Dense Pseudo-Labels for Semi-supervised Object Detection

2 code implementations6 Jul 2022 HongYu Zhou, Zheng Ge, Songtao Liu, Weixin Mao, Zeming Li, Haiyan Yu, Jian Sun

To date, the most powerful semi-supervised object detectors (SS-OD) are based on pseudo-boxes, which need a sequence of post-processing with fine-tuned hyper-parameters.

object-detection Object Detection +2

Unified Perceptual Parsing for Scene Understanding

18 code implementations ECCV 2018 Tete Xiao, Yingcheng Liu, Bolei Zhou, Yuning Jiang, Jian Sun

In this paper, we study a new task called Unified Perceptual Parsing, which requires the machine vision systems to recognize as many visual concepts as possible from a given image.

Scene Understanding Semantic Segmentation

ShuffleNet: An Extremely Efficient Convolutional Neural Network for Mobile Devices

37 code implementations CVPR 2018 Xiangyu Zhang, Xinyu Zhou, Mengxiao Lin, Jian Sun

We introduce an extremely computation-efficient CNN architecture named ShuffleNet, which is designed specially for mobile devices with very limited computing power (e. g., 10-150 MFLOPs).

General Classification Image Classification +2

Learning Delicate Local Representations for Multi-Person Pose Estimation

4 code implementations ECCV 2020 Yuanhao Cai, Zhicheng Wang, Zhengxiong Luo, Binyi Yin, Angang Du, Haoqian Wang, Xiangyu Zhang, Xinyu Zhou, Erjin Zhou, Jian Sun

To tackle this problem, we propose an efficient attention mechanism - Pose Refine Machine (PRM) to make a trade-off between local and global representations in output features and further refine the keypoint locations.

Keypoint Detection Multi-Person Pose Estimation

MegDet: A Large Mini-Batch Object Detector

6 code implementations CVPR 2018 Chao Peng, Tete Xiao, Zeming Li, Yuning Jiang, Xiangyu Zhang, Kai Jia, Gang Yu, Jian Sun

The improvements in recent CNN-based object detection works, from R-CNN [11], Fast/Faster R-CNN [10, 31] to recent Mask R-CNN [14] and RetinaNet [24], mainly come from new network, new framework, or novel loss design.

Object object-detection +1

Detection in Crowded Scenes: One Proposal, Multiple Predictions

3 code implementations CVPR 2020 Xuangeng Chu, Anlin Zheng, Xiangyu Zhang, Jian Sun

We propose a simple yet effective proposal-based object detector, aiming at detecting highly-overlapped instances in crowded scenes.

Object Detection Pedestrian Detection

Simple Baselines for Image Restoration

9 code implementations10 Apr 2022 Liangyu Chen, Xiaojie Chu, Xiangyu Zhang, Jian Sun

Although there have been significant advances in the field of image restoration recently, the system complexity of the state-of-the-art (SOTA) methods is increasing as well, which may hinder the convenient analysis and comparison of methods.

Deblurring Image Deblurring +2

Large Kernel Matters -- Improve Semantic Segmentation by Global Convolutional Network

2 code implementations CVPR 2017 Chao Peng, Xiangyu Zhang, Gang Yu, Guiming Luo, Jian Sun

One of recent trends [30, 31, 14] in network architec- ture design is stacking small filters (e. g., 1x1 or 3x3) in the entire network because the stacked small filters is more ef- ficient than a large kernel, given the same computational complexity.

Semantic Segmentation

DetNAS: Backbone Search for Object Detection

2 code implementations NeurIPS 2019 Yukang Chen, Tong Yang, Xiangyu Zhang, Gaofeng Meng, Xinyu Xiao, Jian Sun

In this work, we present DetNAS to use Neural Architecture Search (NAS) for the design of better backbones for object detection.

General Classification Image Classification +4

Channel Pruning for Accelerating Very Deep Neural Networks

1 code implementation ICCV 2017 Yihui He, Xiangyu Zhang, Jian Sun

In this paper, we introduce a new channel pruning method to accelerate very deep convolutional neural networks. Given a trained CNN model, we propose an iterative two-step algorithm to effectively prune each layer, by a LASSO regression based channel selection and least square reconstruction.

regression

SPACE-3: Unified Dialog Model Pre-training for Task-Oriented Dialog Understanding and Generation

1 code implementation14 Sep 2022 Wanwei He, Yinpei Dai, Min Yang, Jian Sun, Fei Huang, Luo Si, Yongbin Li

To capture the structured dialog semantics, we pre-train the dialog understanding module via a novel tree-induced semi-supervised contrastive learning objective with the help of extra dialog annotations.

Contrastive Learning dialog state tracking +1

Semi-Supervised Lifelong Language Learning

1 code implementation23 Nov 2022 Yingxiu Zhao, Yinhe Zheng, Bowen Yu, Zhiliang Tian, Dongkyu Lee, Jian Sun, Haiyang Yu, Yongbin Li, Nevin L. Zhang

In this paper, we explore a novel setting, semi-supervised lifelong language learning (SSLL), where a model learns sequentially arriving language tasks with both labeled and unlabeled data.

Transfer Learning

Cascaded Pyramid Network for Multi-Person Pose Estimation

5 code implementations CVPR 2018 Yilun Chen, Zhicheng Wang, Yuxiang Peng, Zhiqiang Zhang, Gang Yu, Jian Sun

In this paper, we present a novel network structure called Cascaded Pyramid Network (CPN) which targets to relieve the problem from these "hard" keypoints.

Keypoint Detection Multi-Person Pose Estimation

AlignedReID: Surpassing Human-Level Performance in Person Re-Identification

15 code implementations22 Nov 2017 Xuan Zhang, Hao Luo, Xing Fan, Weilai Xiang, Yixiao Sun, Qiqi Xiao, Wei Jiang, Chi Zhang, Jian Sun

In this paper, we propose a novel method called AlignedReID that extracts a global feature which is jointly learned with local features.

Person Re-Identification

Meta-SR: A Magnification-Arbitrary Network for Super-Resolution

2 code implementations CVPR 2019 Xuecai Hu, Haoyuan Mu, Xiangyu Zhang, Zilei Wang, Tieniu Tan, Jian Sun

In this work, we propose a novel method called Meta-SR to firstly solve super-resolution of arbitrary scale factor (including non-integer scale factors) with a single model.

Image Super-Resolution

High-Order Information Matters: Learning Relation and Topology for Occluded Person Re-Identification

2 code implementations CVPR 2020 Guan'an Wang, Shuo Yang, Huanyu Liu, Zhicheng Wang, Yang Yang, Shuliang Wang, Gang Yu, Erjin Zhou, Jian Sun

When aligning two groups of local features from two images, we view it as a graph matching problem and propose a cross-graph embedded-alignment (CGEA) layer to jointly learn and embed topology information to local features, and straightly predict similarity score.

Graph Matching Person Re-Identification +1

Convolutional Feature Masking for Joint Object and Stuff Segmentation

1 code implementation CVPR 2015 Jifeng Dai, Kaiming He, Jian Sun

The current leading approaches for semantic segmentation exploit shape information by extracting CNN features from masked image regions.

Object Segmentation +1

FFB6D: A Full Flow Bidirectional Fusion Network for 6D Pose Estimation

3 code implementations CVPR 2021 Yisheng He, Haibin Huang, Haoqiang Fan, Qifeng Chen, Jian Sun

Moreover, at the output representation stage, we designed a simple but effective 3D keypoints selection algorithm considering the texture and geometry information of objects, which simplifies keypoint localization for precise pose estimation.

6D Pose Estimation Representation Learning

BorderDet: Border Feature for Dense Object Detection

2 code implementations ECCV 2020 Han Qiu, Yuchen Ma, Zeming Li, Songtao Liu, Jian Sun

In this paper, We propose a simple and efficient operator called Border-Align to extract "border features" from the extreme point of the border to enhance the point feature.

Dense Object Detection Object +1

Spatial Pyramid Pooling in Deep Convolutional Networks for Visual Recognition

14 code implementations18 Jun 2014 Kaiming He, Xiangyu Zhang, Shaoqing Ren, Jian Sun

This requirement is "artificial" and may reduce the recognition accuracy for the images or sub-images of an arbitrary size/scale.

General Classification Image Classification +3

Fully Convolutional Networks for Panoptic Segmentation

6 code implementations CVPR 2021 Yanwei Li, Hengshuang Zhao, Xiaojuan Qi, LiWei Wang, Zeming Li, Jian Sun, Jiaya Jia

In this paper, we present a conceptually simple, strong, and efficient framework for panoptic segmentation, called Panoptic FCN.

Panoptic Segmentation Segmentation

Fully Convolutional Networks for Panoptic Segmentation with Point-based Supervision

1 code implementation17 Aug 2021 Yanwei Li, Hengshuang Zhao, Xiaojuan Qi, Yukang Chen, Lu Qi, LiWei Wang, Zeming Li, Jian Sun, Jiaya Jia

In particular, Panoptic FCN encodes each object instance or stuff category with the proposed kernel generator and produces the prediction by convolving the high-resolution feature directly.

Panoptic Segmentation Segmentation +1

EdgeYOLO: An Edge-Real-Time Object Detector

1 code implementation15 Feb 2023 Shihan Liu, Junlin Zha, Jian Sun, Zhuo Li, Gang Wang

This paper proposes an efficient, low-complexity and anchor-free object detector based on the state-of-the-art YOLO framework, which can be implemented in real time on edge computing platforms.

Data Augmentation Edge-computing +1

Learning Dynamic Routing for Semantic Segmentation

1 code implementation CVPR 2020 Yanwei Li, Lin Song, Yukang Chen, Zeming Li, Xiangyu Zhang, Xingang Wang, Jian Sun

To demonstrate the superiority of the dynamic property, we compare with several static architectures, which can be modeled as special cases in the routing space.

Segmentation Semantic Segmentation

Focal Sparse Convolutional Networks for 3D Object Detection

2 code implementations CVPR 2022 Yukang Chen, Yanwei Li, Xiangyu Zhang, Jian Sun, Jiaya Jia

In this paper, we introduce two new modules to enhance the capability of Sparse CNNs, both are based on making feature sparsity learnable with position-wise importance prediction.

3D Object Detection Object +1

Anchor DETR: Query Design for Transformer-Based Object Detection

2 code implementations15 Sep 2021 Yingming Wang, Xiangyu Zhang, Tong Yang, Jian Sun

Thanks to the query design and the attention variant, the proposed detector that we called Anchor DETR, can achieve better performance and run faster than the DETR with 10$\times$ fewer training epochs.

Object object-detection +1

Real-time Object Detection for Streaming Perception

1 code implementation CVPR 2022 Jinrong Yang, Songtao Liu, Zeming Li, Xiaoping Li, Jian Sun

In this paper, instead of searching trade-offs between accuracy and speed like previous works, we point out that endowing real-time models with the ability to predict the future is the key to dealing with this problem.

 Ranked #1 on Real-Time Object Detection on Argoverse-HD (Full-Stack, Val) (sAP metric, using extra training data)

Autonomous Driving Object +2

ThunderNet: Towards Real-time Generic Object Detection

3 code implementations28 Mar 2019 Zheng Qin, Zeming Li, Zhaoning Zhang, Yiping Bao, Gang Yu, Yuxing Peng, Jian Sun

In this paper, we investigate the effectiveness of two-stage detectors in real-time generic detection and propose a lightweight two-stage detector named ThunderNet.

Object object-detection +1

OTA: Optimal Transport Assignment for Object Detection

2 code implementations CVPR 2021 Zheng Ge, Songtao Liu, Zeming Li, Osamu Yoshie, Jian Sun

Recent advances in label assignment in object detection mainly seek to independently define positive/negative training samples for each ground-truth (gt) object.

Object object-detection +1

UPFlow: Upsampling Pyramid for Unsupervised Optical Flow Learning

2 code implementations CVPR 2021 Kunming Luo, Chuan Wang, Shuaicheng Liu, Haoqiang Fan, Jue Wang, Jian Sun

By integrating these two components together, our method achieves the best performance for unsupervised optical flow learning on multiple leading benchmarks, including MPI-SIntel, KITTI 2012 and KITTI 2015.

Optical Flow Estimation

Repulsion Loss: Detecting Pedestrians in a Crowd

2 code implementations CVPR 2018 Xinlong Wang, Tete Xiao, Yuning Jiang, Shuai Shao, Jian Sun, Chunhua Shen

In this paper, we first explore how a state-of-the-art pedestrian detector is harmed by crowd occlusion via experimentation, providing insights into the crowd occlusion problem.

Ranked #9 on Pedestrian Detection on Caltech (using extra training data)

Pedestrian Detection regression

Unifying Voxel-based Representation with Transformer for 3D Object Detection

1 code implementation1 Jun 2022 Yanwei Li, Yilun Chen, Xiaojuan Qi, Zeming Li, Jian Sun, Jiaya Jia

To this end, the modality-specific space is first designed to represent different inputs in the voxel feature space.

3D Object Detection Object +3

Activate or Not: Learning Customized Activation

4 code implementations CVPR 2021 Ningning Ma, Xiangyu Zhang, Ming Liu, Jian Sun

We present a simple, effective, and general activation function we term ACON which learns to activate the neurons or not.

object-detection Object Detection +1

Light-Head R-CNN: In Defense of Two-Stage Object Detector

5 code implementations20 Nov 2017 Zeming Li, Chao Peng, Gang Yu, Xiangyu Zhang, Yangdong Deng, Jian Sun

More importantly, simply replacing the backbone with a tiny network (e. g, Xception), our Light-Head R-CNN gets 30. 7 mmAP at 102 FPS on COCO, significantly outperforming the single-stage, fast detectors like YOLO and SSD on both speed and accuracy.

Vocal Bursts Valence Prediction

Towards Stabilizing Batch Statistics in Backward Propagation of Batch Normalization

1 code implementation ICLR 2020 Junjie Yan, Ruosi Wan, Xiangyu Zhang, Wei zhang, Yichen Wei, Jian Sun

Therefore many modified normalization techniques have been proposed, which either fail to restore the performance of BN completely, or have to introduce additional nonlinear operations in inference procedure and increase huge consumption.

BSRT: Improving Burst Super-Resolution with Swin Transformer and Flow-Guided Deformable Alignment

1 code implementation18 Apr 2022 Ziwei Luo, Youwei Li, Shen Cheng, Lei Yu, Qi Wu, Zhihong Wen, Haoqiang Fan, Jian Sun, Shuaicheng Liu

To overcome the challenges in BurstSR, we propose a Burst Super-Resolution Transformer (BSRT), which can significantly improve the capability of extracting inter-frame information and reconstruction.

Burst Image Reconstruction Burst Image Super-Resolution +2

Funnel Activation for Visual Recognition

6 code implementations ECCV 2020 Ningning Ma, Xiangyu Zhang, Jian Sun

We present a conceptually simple but effective funnel activation for image recognition tasks, called Funnel activation (FReLU), that extends ReLU and PReLU to a 2D activation by adding a negligible overhead of spatial condition.

Scene Generation Semantic Segmentation

WeightNet: Revisiting the Design Space of Weight Networks

2 code implementations ECCV 2020 Ningning Ma, Xiangyu Zhang, Jiawei Huang, Jian Sun

WeightNet is easy and memory-conserving to train, on the kernel space instead of the feature space.

Momentum^2 Teacher: Momentum Teacher with Momentum Statistics for Self-Supervised Learning

1 code implementation19 Jan 2021 Zeming Li, Songtao Liu, Jian Sun

The teacher's weight is a momentum update of the student, and the teacher's BN statistics is a momentum update of those in history.

Self-Supervised Learning

NTIRE 2022 Challenge on Efficient Super-Resolution: Methods and Results

2 code implementations11 May 2022 Yawei Li, Kai Zhang, Radu Timofte, Luc van Gool, Fangyuan Kong, Mingxi Li, Songwei Liu, Zongcai Du, Ding Liu, Chenhui Zhou, Jingyi Chen, Qingrui Han, Zheyuan Li, Yingqi Liu, Xiangyu Chen, Haoming Cai, Yu Qiao, Chao Dong, Long Sun, Jinshan Pan, Yi Zhu, Zhikai Zong, Xiaoxiao Liu, Zheng Hui, Tao Yang, Peiran Ren, Xuansong Xie, Xian-Sheng Hua, Yanbo Wang, Xiaozhong Ji, Chuming Lin, Donghao Luo, Ying Tai, Chengjie Wang, Zhizhong Zhang, Yuan Xie, Shen Cheng, Ziwei Luo, Lei Yu, Zhihong Wen, Qi Wu1, Youwei Li, Haoqiang Fan, Jian Sun, Shuaicheng Liu, Yuanfei Huang, Meiguang Jin, Hua Huang, Jing Liu, Xinjian Zhang, Yan Wang, Lingshun Long, Gen Li, Yuanfan Zhang, Zuowei Cao, Lei Sun, Panaetov Alexander, Yucong Wang, Minjie Cai, Li Wang, Lu Tian, Zheyuan Wang, Hongbing Ma, Jie Liu, Chao Chen, Yidong Cai, Jie Tang, Gangshan Wu, Weiran Wang, Shirui Huang, Honglei Lu, Huan Liu, Keyan Wang, Jun Chen, Shi Chen, Yuchun Miao, Zimo Huang, Lefei Zhang, Mustafa Ayazoğlu, Wei Xiong, Chengyi Xiong, Fei Wang, Hao Li, Ruimian Wen, Zhijing Yang, Wenbin Zou, Weixin Zheng, Tian Ye, Yuncheng Zhang, Xiangzhen Kong, Aditya Arora, Syed Waqas Zamir, Salman Khan, Munawar Hayat, Fahad Shahbaz Khan, Dandan Gaoand Dengwen Zhouand Qian Ning, Jingzhu Tang, Han Huang, YuFei Wang, Zhangheng Peng, Haobo Li, Wenxue Guan, Shenghua Gong, Xin Li, Jun Liu, Wanjun Wang, Dengwen Zhou, Kun Zeng, Hanjiang Lin, Xinyu Chen, Jinsheng Fang

The aim was to design a network for single image super-resolution that achieved improvement of efficiency measured according to several metrics including runtime, parameters, FLOPs, activations, and memory consumption while at least maintaining the PSNR of 29. 00dB on DIV2K validation set.

Image Super-Resolution

Tree Energy Loss: Towards Sparsely Annotated Semantic Segmentation

1 code implementation CVPR 2022 Zhiyuan Liang, Tiancai Wang, Xiangyu Zhang, Jian Sun, Jianbing Shen

The tree energy loss is effective and easy to be incorporated into existing frameworks by combining it with a traditional segmentation loss.

Segmentation Semantic Segmentation

MMChat: Multi-Modal Chat Dataset on Social Media

1 code implementation LREC 2022 Yinhe Zheng, Guanyi Chen, Xin Liu, Jian Sun

To better investigate this issue, we manually annotate 100K dialogues from MMChat and further filter the corpus accordingly, which yields MMChat-hf.

Dialogue Generation

Voxel Field Fusion for 3D Object Detection

1 code implementation CVPR 2022 Yanwei Li, Xiaojuan Qi, Yukang Chen, LiWei Wang, Zeming Li, Jian Sun, Jiaya Jia

In this work, we present a conceptually simple yet effective framework for cross-modality 3D object detection, named voxel field fusion.

3D Object Detection Data Augmentation +2

Dynamic Scale Training for Object Detection

4 code implementations26 Apr 2020 Yukang Chen, Peizhen Zhang, Zeming Li, Yanwei Li, Xiangyu Zhang, Lu Qi, Jian Sun, Jiaya Jia

We propose a Dynamic Scale Training paradigm (abbreviated as DST) to mitigate scale variation challenge in object detection.

Instance Segmentation Model Optimization +4

Fine-Grained Dynamic Head for Object Detection

1 code implementation NeurIPS 2020 Lin Song, Yanwei Li, Zhengkai Jiang, Zeming Li, Hongbin Sun, Jian Sun, Nanning Zheng

To this end, we propose a fine-grained dynamic head to conditionally select a pixel-level combination of FPN features from different scales for each instance, which further releases the ability of multi-scale feature representation.

Object object-detection +1

Rebalanced Siamese Contrastive Mining for Long-Tailed Recognition

2 code implementations22 Mar 2022 Zhisheng Zhong, Jiequan Cui, Zeming Li, Eric Lo, Jian Sun, Jiaya Jia

Given the promising performance of contrastive learning, we propose Rebalanced Siamese Contrastive Mining (ResCom) to tackle imbalanced recognition.

Contrastive Learning Long-tail Learning +1

Attentive Normalization for Conditional Image Generation

1 code implementation CVPR 2020 Yi Wang, Ying-Cong Chen, Xiangyu Zhang, Jian Sun, Jiaya Jia

Traditional convolution-based generative adversarial networks synthesize images based on hierarchical local operations, where long-range dependency relation is implicitly modeled with a Markov chain.

Conditional Image Generation Semantic correspondence +2

ADNet: Attention-guided Deformable Convolutional Network for High Dynamic Range Imaging

8 code implementations22 May 2021 Zhen Liu, Wenjie Lin, Xinpeng Li, Qing Rao, Ting Jiang, Mingyan Han, Haoqiang Fan, Jian Sun, Shuaicheng Liu

In this paper, we present an attention-guided deformable convolutional network for hand-held multi-frame high dynamic range (HDR) imaging, namely ADNet.

Face Alignment Vocal Bursts Intensity Prediction

LabelEnc: A New Intermediate Supervision Method for Object Detection

1 code implementation ECCV 2020 Miao Hao, Yitao Liu, Xiangyu Zhang, Jian Sun

In this paper we propose a new intermediate supervision method, named LabelEnc, to boost the training of object detection systems.

Object object-detection +1

FS6D: Few-Shot 6D Pose Estimation of Novel Objects

1 code implementation CVPR 2022 Yisheng He, Yao Wang, Haoqiang Fan, Jian Sun, Qifeng Chen

6D object pose estimation networks are limited in their capability to scale to large numbers of object instances due to the close-set assumption and their reliance on high-fidelity object CAD models.

6D Pose Estimation 6D Pose Estimation using RGB +1

Learning Human-Object Interaction Detection using Interaction Points

1 code implementation CVPR 2020 Tiancai Wang, Tong Yang, Martin Danelljan, Fahad Shahbaz Khan, Xiangyu Zhang, Jian Sun

Human-object interaction (HOI) detection strives to localize both the human and an object as well as the identification of complex interactions between them.

Human-Object Interaction Detection Keypoint Detection +2

EqCo: Equivalent Rules for Self-supervised Contrastive Learning

1 code implementation5 Oct 2020 Benjin Zhu, Junqiang Huang, Zeming Li, Xiangyu Zhang, Jian Sun

In this paper, we propose EqCo (Equivalent Rules for Contrastive Learning) to make self-supervised learning irrelevant to the number of negative samples in the contrastive learning framework.

Contrastive Learning Self-Supervised Learning

CrowdHuman: A Benchmark for Detecting Human in a Crowd

1 code implementation30 Apr 2018 Shuai Shao, Zijian Zhao, Boxun Li, Tete Xiao, Gang Yu, Xiangyu Zhang, Jian Sun

There are a total of $470K$ human instances from the train and validation subsets, and $~22. 6$ persons per image, with various kinds of occlusions in the dataset.

Ranked #7 on Pedestrian Detection on Caltech (using extra training data)

Human Detection Object Detection +1

Learning Visually-Grounded Semantics from Contrastive Adversarial Samples

1 code implementation COLING 2018 Haoyue Shi, Jiayuan Mao, Tete Xiao, Yuning Jiang, Jian Sun

Begin with an insightful adversarial attack on VSE embeddings, we show the limitation of current frameworks and image-text datasets (e. g., MS-COCO) both quantitatively and qualitatively.

Adversarial Attack Image Captioning

Flexible Job Shop Scheduling via Dual Attention Network Based Reinforcement Learning

1 code implementation9 May 2023 Runqing Wang, Gang Wang, Jian Sun, Fang Deng, Jie Chen

The complex relationships between operations and machines are represented precisely and concisely, for which a dual-attention network (DAN) comprising several interconnected operation message attention blocks and machine message attention blocks is proposed.

Decision Making Job Shop Scheduling +2

Fast Guided Filter

6 code implementations5 May 2015 Kaiming He, Jian Sun

The guided filter is a technique for edge-aware image filtering.

Angle-based Search Space Shrinking for Neural Architecture Search

1 code implementation ECCV 2020 Yiming Hu, Yuding Liang, Zichao Guo, Ruosi Wan, Xiangyu Zhang, Yichen Wei, Qingyi Gu, Jian Sun

Comprehensive experiments show that ABS can dramatically enhance existing NAS approaches by providing a promising shrunk search space.

Neural Architecture Search

Relational Learning with Gated and Attentive Neighbor Aggregator for Few-Shot Knowledge Graph Completion

1 code implementation27 Apr 2021 Guanglin Niu, Yang Li, Chengguang Tang, Ruiying Geng, Jian Dai, Qiao Liu, Hao Wang, Jian Sun, Fei Huang, Luo Si

Moreover, modeling and inferring complex relations of one-to-many (1-N), many-to-one (N-1), and many-to-many (N-N) by previous knowledge graph completion approaches requires high model complexity and a large amount of training instances.

Few-Shot Learning Relational Reasoning

LGD: Label-guided Self-distillation for Object Detection

1 code implementation23 Sep 2021 Peizhen Zhang, Zijian Kang, Tong Yang, Xiangyu Zhang, Nanning Zheng, Jian Sun

Instead, we generate an instructive knowledge based only on student representations and regular labels.

Instance Segmentation Object +4

Variational Principles for Minkowski Type Problems, Discrete Optimal Transport, and Discrete Monge-Ampere Equations

1 code implementation22 Feb 2013 Xianfeng Gu, Feng Luo, Jian Sun, S. -T. Yau

In this paper, we develop several related finite dimensional variational principles for discrete optimal transport (DOT), Minkowski type problems for convex polytopes and discrete Monge-Ampere equation (DMAE).

Geometric Topology Differential Geometry Metric Geometry 52-XX I.3.5

Training Networks in Null Space of Feature Covariance for Continual Learning

1 code implementation CVPR 2021 Shipeng Wang, Xiaorong Li, Jian Sun, Zongben Xu

To balance plasticity and stability of network in continual learning, in this paper, we propose a novel network training algorithm called Adam-NSCL, which sequentially optimizes network parameters in the null space of previous tasks.

Continual Learning

Keypoint-Guided Optimal Transport

2 code implementations23 Mar 2023 Xiang Gu, Yucheng Yang, Wei Zeng, Jian Sun, Zongben Xu

In this paper, we propose a novel KeyPoint-Guided model by ReLation preservation (KPG-RL) that searches for the optimal matching (i. e., transport plan) guided by the keypoints in OT.

Domain Adaptation Image-to-Image Translation +1

Optimal Transport-Guided Conditional Score-Based Diffusion Models

1 code implementation2 Nov 2023 Xiang Gu, Liwei Yang, Jian Sun, Zongben Xu

Conditional score-based diffusion model (SBDM) is for conditional generation of target data with paired data as condition, and has achieved great success in image translation.

Image-to-Image Translation Super-Resolution +1

Relieving Long-tailed Instance Segmentation via Pairwise Class Balance

2 code implementations CVPR 2022 Yin-Yin He, Peizhen Zhang, Xiu-Shen Wei, Xiangyu Zhang, Jian Sun

In this paper, we explore to excavate the confusion matrix, which carries the fine-grained misclassification details, to relieve the pairwise biases, generalizing the coarse one.

Instance Segmentation Semantic Segmentation

VoGE: A Differentiable Volume Renderer using Gaussian Ellipsoids for Analysis-by-Synthesis

1 code implementation30 May 2022 Angtian Wang, Peng Wang, Jian Sun, Adam Kortylewski, Alan Yuille

The Gaussian reconstruction kernels have been proposed by Westover (1990) and studied by the computer graphics community back in the 90s, which gives an alternative representation of object 3D geometry from meshes and point clouds.

Pose Estimation

Dynamic Grained Encoder for Vision Transformers

1 code implementation NeurIPS 2021 Lin Song, Songyang Zhang, Songtao Liu, Zeming Li, Xuming He, Hongbin Sun, Jian Sun, Nanning Zheng

Specifically, we propose a Dynamic Grained Encoder for vision transformers, which can adaptively assign a suitable number of queries to each spatial region.

Image Classification Language Modelling +2

Adversarial Reweighting for Partial Domain Adaptation

1 code implementation NeurIPS 2021 Xiang Gu, Xi Yu, Yan Yang, Jian Sun, Zongben Xu

To tackle the challenge of negative domain transfer, we propose a novel Adversarial Reweighting (AR) approach that adversarially learns the weights of source domain data to align the source and target domain distributions, and the transferable deep recognition network is learned on the reweighted source domain data.

Partial Domain Adaptation

Perceive Where to Focus: Learning Visibility-aware Part-level Features for Partial Person Re-identification

1 code implementation CVPR 2019 Yifan Sun, Qin Xu, Ya-Li Li, Chi Zhang, Yikang Li, Shengjin Wang, Jian Sun

The visibility awareness allows VPM to extract region-level features and compare two images with focus on their shared regions (which are visible on both images).

Person Re-Identification

End-to-end Interpretable Learning of Non-blind Image Deblurring

1 code implementation ECCV 2020 Thomas Eboli, Jian Sun, Jean Ponce

Non-blind image deblurring is typically formulated as a linear least-squares problem regularized by natural priors on the corresponding sharp picture's gradients, which can be solved, for example, using a half-quadratic splitting method with Richardson fixed-point iterations for its least-squares updates and a proximal operator for the auxiliary variable updates.

Blind Image Deblurring Image Deblurring

DetNet: A Backbone network for Object Detection

2 code implementations17 Apr 2018 Zeming Li, Chao Peng, Gang Yu, Xiangyu Zhang, Yangdong Deng, Jian Sun

Due to the gap between the image classification and object detection, we propose DetNet in this paper, which is a novel backbone network specifically designed for object detection.

Classification General Classification +7

Neural Architecture Search with Random Labels

1 code implementation CVPR 2021 Xuanyang Zhang, Pengfei Hou, Xiangyu Zhang, Jian Sun

In this paper, we investigate a new variant of neural architecture search (NAS) paradigm -- searching with random labels (RLNAS).

Neural Architecture Search

DialogueCSE: Dialogue-based Contrastive Learning of Sentence Embeddings

1 code implementation EMNLP 2021 Che Liu, Rui Wang, Jinghua Liu, Jian Sun, Fei Huang, Luo Si

Learning sentence embeddings from dialogues has drawn increasing attention due to its low annotation cost and high domain adaptability.

Contrastive Learning Semantic Textual Similarity +2

DBQ-SSD: Dynamic Ball Query for Efficient 3D Object Detection

1 code implementation22 Jul 2022 Jinrong Yang, Lin Song, Songtao Liu, Weixin Mao, Zeming Li, Xiaoping Li, Hongbin Sun, Jian Sun, Nanning Zheng

Many point-based 3D detectors adopt point-feature sampling strategies to drop some points for efficient inference.

3D Object Detection object-detection

Learning Canonical View Representation for 3D Shape Recognition with Arbitrary Views

1 code implementation ICCV 2021 Xin Wei, Yifei Gong, Fudong Wang, Xing Sun, Jian Sun

In this way, each 3D shape with arbitrary views is represented by a fixed number of canonical view features, which are further aggregated to generate a rich and robust 3D shape representation for shape recognition.

3D Shape Recognition 3D Shape Representation

Points as Queries: Weakly Semi-supervised Object Detection by Points

1 code implementation CVPR 2021 Liangyu Chen, Tong Yang, Xiangyu Zhang, Wei zhang, Jian Sun

We propose a novel point annotated setting for the weakly semi-supervised object detection task, in which the dataset comprises small fully annotated images and large weakly annotated images by points.

object-detection Object Detection +1

Truncated tensor Schatten p-norm based approach for spatiotemporal traffic data imputation with complicated missing patterns

1 code implementation19 May 2022 Tong Nie, Guoyang Qin, Jian Sun

Rapid advances in sensor, wireless communication, cloud computing and data science have brought unprecedented amount of data to assist transportation engineers and researchers in making better decisions.

Cloud Computing Imputation +1

HyperAdam: A Learnable Task-Adaptive Adam for Network Training

2 code implementations22 Nov 2018 Shipeng Wang, Jian Sun, Zongben Xu

Deep neural networks are traditionally trained using human-designed stochastic optimization algorithms, such as SGD and Adam.

Stochastic Optimization

Correlating sparse sensing for large-scale traffic speed estimation: A Laplacian-enhanced low-rank tensor kriging approach

1 code implementation21 Oct 2022 Tong Nie, Guoyang Qin, Yunpeng Wang, Jian Sun

In addition, sensors are prone to error or missing data due to various kinds of reasons, speeds from these sensors can become highly noisy.

Management

A Unified Hyper-GAN Model for Unpaired Multi-contrast MR Image Translation

1 code implementation26 Jul 2021 Heran Yang, Jian Sun, Liwei Yang, Zongben Xu

Hyper-GAN consists of a pair of hyper-encoder and hyper-decoder to first map from the source contrast to a common feature space, and then further map to the target contrast image.

Translation

Generalized Semantic Segmentation by Self-Supervised Source Domain Projection and Multi-Level Contrastive Learning

1 code implementation3 Mar 2023 Liwei Yang, Xiang Gu, Jian Sun

SSDP aims to reduce domain gap by projecting data to the source domain, while MLCL is a learning scheme to learn discriminative and generalizable features on the projected data.

Contrastive Learning Domain Generalization +2

XnODR and XnIDR: Two Accurate and Fast Fully Connected Layers For Convolutional Neural Networks

1 code implementation21 Nov 2021 Jian Sun, Ali Pourramezan Fard, Mohammad H. Mahoor

To address the computational burdens of the Dynamic Routing mechanism, this paper proposes new Fully Connected (FC) layers by xnorizing the linear projection outside or inside the Dynamic Routing within the CapsFC layer.

Ranked #11 on Image Classification on MNIST (Accuracy metric)

Binarization Image Classification

A Slot Is Not Built in One Utterance: Spoken Language Dialogs with Sub-Slots

1 code implementation Findings (ACL) 2022 Sai Zhang, Yuwei Hu, Yuchuan Wu, Jiaman Wu, Yongbin Li, Jian Sun, Caixia Yuan, Xiaojie Wang

We find some new linguistic phenomena and interactive manners in SSTOD which raise critical challenges of building dialog agents for the task.

 Ranked #1 on SSTOD on SSD_NAME

SSTOD

ImputeFormer: Low Rankness-Induced Transformers for Generalizable Spatiotemporal Imputation

1 code implementation4 Dec 2023 Tong Nie, Guoyang Qin, Wei Ma, Yuewen Mei, Jian Sun

The exploitation of the inherent structures of spatiotemporal data enables our model to learn balanced signal-noise representations, making it versatile for a variety of imputation problems.

Inductive Bias Multivariate Time Series Imputation +1

ExFuse: Enhancing Feature Fusion for Semantic Segmentation

no code implementations ECCV 2018 Zhenli Zhang, Xiangyu Zhang, Chao Peng, Dazhi Cheng, Jian Sun

Modern semantic segmentation frameworks usually combine low-level and high-level features from pre-trained backbone convolutional models to boost performance.

Ranked #4 on Semantic Segmentation on PASCAL VOC 2012 val (using extra training data)

Segmentation Semantic Segmentation

ADMM-Net: A Deep Learning Approach for Compressive Sensing MRI

no code implementations19 May 2017 Yan Yang, Jian Sun, Huibin Li, Zongben Xu

Due to the combination of the advantages in model-based approach and deep learning approach, the ADMM-Nets achieve state-of-the-art reconstruction accuracies with fast computational speed.

Compressive Sensing Image Reconstruction

Object Detection Networks on Convolutional Feature Maps

no code implementations23 Apr 2015 Shaoqing Ren, Kaiming He, Ross Girshick, Xiangyu Zhang, Jian Sun

We discover that aside from deep feature maps, a deep and convolutional per-region classifier is of particular importance for object detection, whereas latest superior image classification models (such as ResNets and GoogLeNets) do not directly lead to good detection accuracy without using such a per-region classifier.

General Classification Image Classification +3

Supervised Transformer Network for Efficient Face Detection

no code implementations19 Jul 2016 Dong Chen, Gang Hua, Fang Wen, Jian Sun

For real-time performance, we run the cascaded network only on regions of interests produced from a boosting cascade face detector.

Face Detection Region Proposal +1

Total Variation Regularized Tensor RPCA for Background Subtraction from Compressive Measurements

no code implementations6 Mar 2015 Wenfei Cao, Yao Wang, Jian Sun, Deyu Meng, Can Yang, Andrzej Cichocki, Zongben Xu

In this paper, we propose a novel tensor-based robust PCA (TenRPCA) approach for BSCM by decomposing video frames into backgrounds with spatial-temporal correlations and foregrounds with spatio-temporal continuity in a tensor framework.

ScribbleSup: Scribble-Supervised Convolutional Networks for Semantic Segmentation

no code implementations CVPR 2016 Di Lin, Jifeng Dai, Jiaya Jia, Kaiming He, Jian Sun

Large-scale data is of crucial importance for learning semantic segmentation models, but annotating per-pixel masks is a tedious and inefficient procedure.

Image Segmentation Segmentation +1

Rich Image Captioning in the Wild

no code implementations30 Mar 2016 Kenneth Tran, Xiaodong He, Lei Zhang, Jian Sun, Cornelia Carapcea, Chris Thrasher, Chris Buehler, Chris Sienkiewicz

We present an image caption system that addresses new challenges of automatically describing images in the wild.

Image Captioning

Instance-sensitive Fully Convolutional Networks

no code implementations29 Mar 2016 Jifeng Dai, Kaiming He, Yi Li, Shaoqing Ren, Jian Sun

In contrast to the previous FCN that generates one score map, our FCN is designed to compute a small set of instance-sensitive score maps, each of which is the outcome of a pixel-wise classifier of a relative position to instances.

Position Semantic Segmentation

Accelerating Very Deep Convolutional Networks for Classification and Detection

no code implementations26 May 2015 Xiangyu Zhang, Jianhua Zou, Kaiming He, Jian Sun

This paper aims to accelerate the test-time computation of convolutional neural networks (CNNs), especially very deep CNNs that have substantially impacted the computer vision community.

Classification General Classification +3

Deep Representation of Facial Geometric and Photometric Attributes for Automatic 3D Facial Expression Recognition

no code implementations10 Nov 2015 Huibin Li, Jian Sun, Dong Wang, Zongben Xu, Liming Chen

In this paper, we present a novel approach to automatic 3D Facial Expression Recognition (FER) based on deep representation of facial 3D geometric and 2D photometric attributes.

3D Facial Expression Recognition Facial Expression Recognition

Harmonic Extension

no code implementations22 Sep 2015 Zuoqiang Shi, Jian Sun, Minghao Tian

To tackle this problem, we propose a new method called the point integral method (PIM).

BIG-bench Machine Learning

BoxSup: Exploiting Bounding Boxes to Supervise Convolutional Networks for Semantic Segmentation

no code implementations ICCV 2015 Jifeng Dai, Kaiming He, Jian Sun

Recent leading approaches to semantic segmentation rely on deep convolutional networks trained with human-annotated, pixel-level segmentation masks.

Segmentation Semantic Segmentation

Learning a Convolutional Neural Network for Non-uniform Motion Blur Removal

no code implementations CVPR 2015 Jian Sun, Wenfei Cao, Zongben Xu, Jean Ponce

In this paper, we address the problem of estimating and removing non-uniform motion blur from a single blurry image.

Deblurring

Convolutional Neural Networks at Constrained Time Cost

no code implementations CVPR 2015 Kaiming He, Jian Sun

Though recent advanced convolutional neural networks (CNNs) have been improving the image recognition accuracy, the models are getting more complex and time-consuming.

Efficient and Accurate Approximations of Nonlinear Convolutional Networks

no code implementations CVPR 2015 Xiangyu Zhang, Jianhua Zou, Xiang Ming, Kaiming He, Jian Sun

This paper aims to accelerate the test-time computation of deep convolutional neural networks (CNNs).

Gromov-Hausdorff Approximation of Metric Spaces with Linear Structure

no code implementations6 May 2013 Frédéric Chazal, Jian Sun

In many real-world applications data come as discrete metric spaces sampled around 1-dimensional filamentary structures that can be seen as metric graphs.

GridFace: Face Rectification via Learning Local Homography Transformations

no code implementations ECCV 2018 Erjin Zhou, Zhimin Cao, Jian Sun

In this paper, we propose a method, called GridFace, to reduce facial geometric variations and improve the recognition performance.

Face Recognition Image Generation

Rendering Portraitures from Monocular Camera and Beyond

no code implementations ECCV 2018 Xiangyu Xu, Deqing Sun, Sifei Liu, Wenqi Ren, Yu-Jin Zhang, Ming-Hsuan Yang, Jian Sun

Specifically, we first exploit Convolutional Neural Networks to estimate the relative depth and portrait segmentation maps from a single input image.

Image Matting Portrait Segmentation +1

Proximal Dehaze-Net: A Prior Learning-Based Deep Network for Single Image Dehazing

no code implementations ECCV 2018 Dong Yang, Jian Sun

In this paper, we propose a novel deep learning approach for single image dehazing by learning dark channel and transmission priors.

Image Dehazing Single Image Dehazing

Optimized Product Quantization for Approximate Nearest Neighbor Search

no code implementations CVPR 2013 Tiezheng Ge, Kaiming He, Qifa Ke, Jian Sun

Product quantization is an effective vector quantization approach to compactly encode high-dimensional vectors for fast approximate nearest neighbor (ANN) search.

Quantization

Area Preserving Brain Mapping

no code implementations CVPR 2013 Zhengyu Su, Wei Zeng, Rui Shi, Yalin Wang, Jian Sun, Xianfeng GU

Experimental results on caudate nucleus surface mapping and cortical surface mapping demonstrate the efficacy and efficiency of the proposed method.

Learning to Estimate and Remove Non-uniform Image Blur

no code implementations CVPR 2013 Florent Couzinie-Devy, Jian Sun, Karteek Alahari, Jean Ponce

This paper addresses the problem of restoring images subjected to unknown and spatially varying blur caused by defocus or linear (say, horizontal) motion.

Deblurring

K-Means Hashing: An Affinity-Preserving Quantization Method for Learning Binary Compact Codes

no code implementations CVPR 2013 Kaiming He, Fang Wen, Jian Sun

We propose a novel Affinity-Preserving K-means algorithm which simultaneously performs k-means clustering and learns the binary indices of the quantized cells.

Clustering Quantization

Blessing of Dimensionality: High-Dimensional Feature and Its Efficient Compression for Face Verification

no code implementations CVPR 2013 Dong Chen, Xudong Cao, Fang Wen, Jian Sun

Making a high-dimensional (e. g., 100K-dim) feature for face recognition seems not a good idea because it will bring difficulties on consequent training, computation, and storage.

Age-Invariant Face Recognition Face Verification +1

Product Sparse Coding

no code implementations CVPR 2014 Tiezheng Ge, Kaiming He, Jian Sun

In this paper, we study a special case of sparse coding in which the codebook is a Cartesian product of two subcodebooks.

General Classification Image Classification +2

Face Alignment at 3000 FPS via Regressing Local Binary Features

no code implementations CVPR 2014 Shaoqing Ren, Xudong Cao, Yichen Wei, Jian Sun

The locality principle guides us to learn a set of highly discriminative local binary features for each facial landmark independently.

Face Alignment regression

Finding Matches in a Haystack: A Max-Pooling Strategy for Graph Matching in the Presence of Outliers

no code implementations CVPR 2014 Minsu Cho, Jian Sun, Olivier Duchenne, Jean Ponce

A major challenge in real-world feature matching problems is to tolerate the numerous outliers arising in typical visual tasks.

Graph Matching

Saliency Optimization from Robust Background Detection

no code implementations CVPR 2014 Wangjiang Zhu, Shuang Liang, Yichen Wei, Jian Sun

However, their usage of boundary prior is very simple, fragile, and the integration with other cues is mostly heuristic.

object-detection RGB Salient Object Detection +1

SteadyFlow: Spatially Smooth Optical Flow for Video Stabilization

no code implementations CVPR 2014 Shuaicheng Liu, Lu Yuan, Ping Tan, Jian Sun

We propose a novel motion model, SteadyFlow, to represent the motion between neighboring video frames for stabilization.

Video Stabilization

A Geodesic-Preserving Method for Image Warping

no code implementations CVPR 2015 Dongping Li, Kaiming He, Jian Sun, Kun Zhou

The image projections will turn the straight lines into curved "geodesic lines", and it is fundamentally impossible to keep all these lines straight.

Image Manipulation

Global Refinement of Random Forest

no code implementations CVPR 2015 Shaoqing Ren, Xudong Cao, Yichen Wei, Jian Sun

The global pruning is developed to reduce the model size as well as the over-fitting risk.

Cascaded Hand Pose Regression

no code implementations CVPR 2015 Xiao Sun, Yichen Wei, Shuang Liang, Xiaoou Tang, Jian Sun

We extends the previous 2D cascaded object pose regression work [9] in two aspects so that it works better for 3D articulated objects.

3D Hand Pose Estimation Object +1

Learning Discriminative Reconstructions for Unsupervised Outlier Removal

no code implementations ICCV 2015 Yan Xia, Xudong Cao, Fang Wen, Gang Hua, Jian Sun

We study the problem of automatically removing outliers from noisy data, with application for removing outlier images from an image collection.

Dual-Feature Warping-Based Motion Model Estimation

no code implementations ICCV 2015 Shiwei Li, Lu Yuan, Jian Sun, Long Quan

Line segment is a prominent feature in artificial environments and it can supply sufficient geometrical and structural information of scenes, which not only helps guild to a correct warp in low-texture condition, but also prevents the undesired distortion induced by warping.

Image Stitching Video Stabilization

HRGE-Net: Hierarchical Relational Graph Embedding Network for Multi-view 3D Shape Recognition

no code implementations27 Aug 2019 Xin Wei, Ruixuan Yu, Jian Sun

We construct a relational graph with multi-view images as nodes, and design relational graph embedding by modeling pairwise and neighboring relations among views.

3D Shape Classification 3D Shape Recognition +2

Disentangled Image Matting

no code implementations ICCV 2019 Shaofan Cai, Xiaoshuai Zhang, Haoqiang Fan, Haibin Huang, Jiangyu Liu, Jiaming Liu, Jiaying Liu, Jue Wang, Jian Sun

Most previous image matting methods require a roughly-specificed trimap as input, and estimate fractional alpha values for all pixels that are in the unknown region of the trimap.

Image Matting

A Statistical Learning Approach to Reactive Power Control in Distribution Systems

no code implementations25 Oct 2019 Qiuling Yang, Alireza Sadeghi, Gang Wang, Georgios B. Giannakis, Jian Sun

Taking a statistical learning viewpoint, the input-output relationship between each grid state and the corresponding optimal reactive power control is parameterized in the present work by a deep neural network, whose unknown weights are learned offline by minimizing the power loss over a number of historical and simulated training pairs.

Computational Efficiency

Neural Diffusion Distance for Image Segmentation

no code implementations NeurIPS 2019 Jian Sun, Zongben Xu

To compute high-resolution diffusion distance or segmentation mask, we design an up-sampling strategy by feature-attentional interpolation which can be learned when training spec-diff-net.

Image Segmentation Segmentation +2

Conductor Galloping Prediction on Imbalanced Datasets: SVM with Smart Sampling

no code implementations9 Nov 2019 Kui Wang, Jian Sun, Chenye Wu, Yang Yu

Conductor galloping is the high-amplitude, low-frequency oscillation of overhead power lines due to wind.

Learning Neural Surrogate Model for Warm-Starting Bayesian Optimization

no code implementations ICLR 2020 Haotian Zhang, Jian Sun, Zongben Xu

Bayesian optimization is an effective tool to optimize black-box functions and popular for hyper-parameter tuning in machine learning.

Bayesian Optimization

A Big Data Enabled Channel Model for 5G Wireless Communication Systems

no code implementations28 Feb 2020 Jie Huang, Cheng-Xiang Wang, Lu Bai, Jian Sun, Yang Yang, Jie Li, Olav Tirkkonen, Ming-Tuo Zhou

This paper investigates various applications of big data analytics, especially machine learning algorithms in wireless communications and channel modeling.

BIG-bench Machine Learning

PointINS: Point-based Instance Segmentation

no code implementations13 Mar 2020 Lu Qi, Yi Wang, Yukang Chen, Yingcong Chen, Xiangyu Zhang, Jian Sun, Jiaya Jia

In this paper, we explore the mask representation in instance segmentation with Point-of-Interest (PoI) features.

Instance Segmentation Object Detection +3

Dynamic Region-Aware Convolution

no code implementations CVPR 2021 Jin Chen, Xijun Wang, Zichao Guo, Xiangyu Zhang, Jian Sun

More gracefully, our DRConv transfers the increasing channel-wise filters to spatial dimension with learnable instructor, which not only improve representation ability of convolution, but also maintains computational cost and the translation-invariance as standard convolution dose.

Face Recognition General Classification +2

Joint Multi-Dimension Pruning via Numerical Gradient Update

no code implementations18 May 2020 Zechun Liu, Xiangyu Zhang, Zhiqiang Shen, Zhe Li, Yichen Wei, Kwang-Ting Cheng, Jian Sun

To tackle these three naturally different dimensions, we proposed a general framework by defining pruning as seeking the best pruning vector (i. e., the numerical value of layer-wise channel number, spacial size, depth) and construct a unique mapping from the pruning vector to the pruned network structures.

Spherical Motion Dynamics: Learning Dynamics of Neural Network with Normalization, Weight Decay, and SGD

no code implementations15 Jun 2020 Ruosi Wan, Zhanxing Zhu, Xiangyu Zhang, Jian Sun

In this work, we comprehensively reveal the learning dynamics of neural network with normalization, weight decay (WD), and SGD (with momentum), named as Spherical Motion Dynamics (SMD).

Structured and Localized Image Restoration

no code implementations16 Jun 2020 Thomas Eboli, Alex Nowak-Vila, Jian Sun, Francis Bach, Jean Ponce, Alessandro Rudi

We present a novel approach to image restoration that leverages ideas from localized structured prediction and non-linear multi-task learning.

Image Restoration Multi-Task Learning +1

Online Reinforcement Learning Control by Direct Heuristic Dynamic Programming: from Time-Driven to Event-Driven

no code implementations16 Jun 2020 Qingtao Zhao, Jennie Si, Jian Sun

In this paper time-driven learning refers to the machine learning method that updates parameters in a prediction model continuously as new data arrives.

Reinforcement Learning (RL)

A Survey on Complex Question Answering over Knowledge Base: Recent Advances and Challenges

no code implementations26 Jul 2020 Bin Fu, Yunqi Qiu, Chengguang Tang, Yang Li, Haiyang Yu, Jian Sun

Question Answering (QA) over Knowledge Base (KB) aims to automatically answer natural language questions via well-structured relation information between entities stored in knowledge bases.

Information Retrieval Question Answering +2

Domain-Free Adversarial Splitting for Domain Generalization

no code implementations1 Jan 2021 Xiang Gu, Jiasun Feng, Jian Sun, Zongben Xu

In this framework, we model the domain generalization as a learning problem that enforces the learner to be able to generalize well for any train/val subsets splitting of the training dataset.

Domain Generalization Meta-Learning

Joint COCO and Mapillary Workshop at ICCV 2019: COCO Instance Segmentation Challenge Track

no code implementations6 Oct 2020 Zeming Li, Yuchen Ma, Yukang Chen, Xiangyu Zhang, Jian Sun

In this report, we present our object detection/instance segmentation system, MegDetV2, which works in a two-pass fashion, first to detect instances then to obtain segmentation.

Instance Segmentation object-detection +3

Isotropic All-electric Spin analyzer based on a quantum ring with spin-orbit coupling

no code implementations4 Feb 2020 Shenglin Peng, Wenchen Luo, Jian Sun, Ai-Min Guo, Fangping Ouyang, Tapash Chakraborty

Here we propose an isotropic all electrical spin analyzer in a quantum ring with spin-orbit coupling by analytically and numerically modeling how the charge transmission rates depend on the polarization of the incident spin.

Mesoscale and Nanoscale Physics

Decentralized TD Tracking with Linear Function Approximation and its Finite-Time Analysis

no code implementations NeurIPS 2020 Gang Wang, Songtao Lu, Georgios Giannakis, Gerald Tesauro, Jian Sun

The present contribution deals with decentralized policy evaluation in multi-agent Markov decision processes using temporal-difference (TD) methods with linear function approximation for scalability.

Deep Positional and Relational Feature Learning for Rotation-Invariant Point Cloud Analysis

no code implementations ECCV 2020 Ruixuan Yu, Xin Wei, Federico Tombari, Jian Sun

In this work, we propose a novel deep network for point clouds by incorporating positional information of points as inputs while yielding rotation-invariance.

Self-EMD: Self-Supervised Object Detection without ImageNet

no code implementations27 Nov 2020 Songtao Liu, Zeming Li, Jian Sun

Our Faster R-CNN (ResNet50-FPN) baseline achieves 39. 8% mAP on COCO, which is on par with the state of the art self-supervised methods pre-trained on ImageNet.

Object object-detection +2

Gauss-Newton Unrolled Neural Networks and Data-driven Priors for Regularized PSSE with Robustness

no code implementations3 Mar 2020 Qiuling Yang, Alireza Sadeghi, Gang Wang, Georgios B. Giannakis, Jian Sun

Numerical tests using real load data on the IEEE $118$-bus benchmark system showcase the improved estimation and robustness performance of the proposed scheme compared with several state-of-the-art alternatives.

Image Denoising Rolling Shutter Correction

Multi-Frequency Multi-Scenario Millimeter Wave MIMO Channel Measurements and Modeling for B5G Wireless Communication Systems

no code implementations28 Jul 2020 Jie Huang, Cheng-Xiang Wang, Hengtai Chang, Jian Sun, Xiqi Gao

Millimeter wave (mmWave) bands have been utilized for the fifth generation (5G) communication systems and will no doubt continue to be deployed for beyond 5G (B5G).

A Non-Stationary VVLC MIMO Channel Model for Street Corner Scenarios

no code implementations28 Jul 2020 Qingshan Chen, Cheng-Xiang Wang, Jian Sun, Wensheng Zhang, Qiuming Zhu

The study of the underlying VLC channel is the basis for designing the VLC communication system.

Efficient Human Pose Estimation by Learning Deeply Aggregated Representations

no code implementations13 Dec 2020 Zhengxiong Luo, Zhicheng Wang, Yuanhao Cai, GuanAn Wang, Yan Huang, Liang Wang, Erjin Zhou, Tieniu Tan, Jian Sun

Instead, we focus on exploiting multi-scale information from layers with different receptive-field sizes and then making full of use this information by improving the fusion method.

Pose Estimation

Implicit Feature Pyramid Network for Object Detection

no code implementations25 Dec 2020 Tiancai Wang, Xiangyu Zhang, Jian Sun

In this paper, we present an implicit feature pyramid network (i-FPN) for object detection.

Object object-detection +1

Using Long Short-Term Memory (LSTM) and Internet of Things (IoT) for localized surface temperature forecasting in an urban environment

no code implementations4 Feb 2021 Manzhu Yu, Fangcao Xu, Weiming Hu, Jian Sun, Guido Cervone

Meanwhile, by using IoT observations, the spatial resolution of air temperature predictions is significantly improved.

Improving Text-to-SQL with Schema Dependency Learning

no code implementations7 Mar 2021 Binyuan Hui, Xiang Shi, Ruiying Geng, Binhua Li, Yongbin Li, Jian Sun, Xiaodan Zhu

In this paper, we present the Schema Dependency guided multi-task Text-to-SQL model (SDSQL) to guide the network to effectively capture the interactions between questions and schemas.

Text-To-SQL

Resilient Control under Quantization and Denial-of-Service: Co-designing a Deadbeat Controller and Transmission Protocol

no code implementations22 Mar 2021 Wenjie Liu, Jian Sun, Gang Wang, Francesco Bullo, Jie Chen

When both input and output channels are subject to DoS attacks and quantization, the proposed structure is shown able to decouple the encoding schemes for input, output, and estimated output signals.

Quantization

Learning from Manipulable Signals

no code implementations17 Jul 2020 Mehmet Ekmekci, Leandro Gorno, Lucas Maestri, Jian Sun, Dong Wei

The principal learns about the agent's type from a noisy performance measure, which can be manipulated by the agent via a costly and hidden action.

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