Search Results for author: Wei zhang

Found 523 papers, 160 papers with code

Model Rubik's Cube: Twisting Resolution, Depth and Width for TinyNets

10 code implementations28 Oct 2020 Kai Han, Yunhe Wang, Qiulin Zhang, Wei zhang, Chunjing Xu, Tong Zhang

To this end, we summarize a tiny formula for downsizing neural architectures through a series of smaller models derived from the EfficientNet-B0 with the FLOPs constraint.

Image Classification Rubik's Cube

Semi-DETR: Semi-Supervised Object Detection with Detection Transformers

3 code implementations CVPR 2023 Jiacheng Zhang, Xiangru Lin, Wei zhang, Kuo Wang, Xiao Tan, Junyu Han, Errui Ding, Jingdong Wang, Guanbin Li

Specifically, we propose a Stage-wise Hybrid Matching strategy that combines the one-to-many assignment and one-to-one assignment strategies to improve the training efficiency of the first stage and thus provide high-quality pseudo labels for the training of the second stage.

Object object-detection +3

Ambiguity-Resistant Semi-Supervised Learning for Dense Object Detection

1 code implementation CVPR 2023 Chang Liu, Weiming Zhang, Xiangru Lin, Wei zhang, Xiao Tan, Junyu Han, Xiaomao Li, Errui Ding, Jingdong Wang

It employs a "divide-and-conquer" strategy and separately exploits positives for the classification and localization task, which is more robust to the assignment ambiguity.

Dense Object Detection Object +3

LLaMA-Adapter V2: Parameter-Efficient Visual Instruction Model

3 code implementations28 Apr 2023 Peng Gao, Jiaming Han, Renrui Zhang, Ziyi Lin, Shijie Geng, Aojun Zhou, Wei zhang, Pan Lu, Conghui He, Xiangyu Yue, Hongsheng Li, Yu Qiao

This strategy effectively alleviates the interference between the two tasks of image-text alignment and instruction following and achieves strong multi-modal reasoning with only a small-scale image-text and instruction dataset.

Instruction Following Optical Character Recognition (OCR) +7

Model Rubik’s Cube: Twisting Resolution, Depth and Width for TinyNets

3 code implementations NeurIPS 2020 Kai Han, Yunhe Wang, Qiulin Zhang, Wei zhang, Chunjing Xu, Tong Zhang

To this end, we summarize a tiny formula for downsizing neural architectures through a series of smaller models derived from the EfficientNet-B0 with the FLOPs constraint.

Image Classification

TernaryBERT: Distillation-aware Ultra-low Bit BERT

5 code implementations EMNLP 2020 Wei Zhang, Lu Hou, Yichun Yin, Lifeng Shang, Xiao Chen, Xin Jiang, Qun Liu

Transformer-based pre-training models like BERT have achieved remarkable performance in many natural language processing tasks. However, these models are both computation and memory expensive, hindering their deployment to resource-constrained devices.

Knowledge Distillation Quantization

CodeNet: A Large-Scale AI for Code Dataset for Learning a Diversity of Coding Tasks

1 code implementation25 May 2021 Ruchir Puri, David S. Kung, Geert Janssen, Wei zhang, Giacomo Domeniconi, Vladimir Zolotov, Julian Dolby, Jie Chen, Mihir Choudhury, Lindsey Decker, Veronika Thost, Luca Buratti, Saurabh Pujar, Shyam Ramji, Ulrich Finkler, Susan Malaika, Frederick Reiss

In addition to its large scale, CodeNet has a rich set of high-quality annotations to benchmark and help accelerate research in AI techniques for a variety of critical coding tasks, including code similarity and classification, code translation between a large variety of programming languages, and code performance (runtime and memory) improvement techniques.

BIG-bench Machine Learning Code Classification +1

CurveLane-NAS: Unifying Lane-Sensitive Architecture Search and Adaptive Point Blending

1 code implementation ECCV 2020 Hang Xu, Shaoju Wang, Xinyue Cai, Wei zhang, Xiaodan Liang, Zhenguo Li

In this paper, we propose a novel lane-sensitive architecture search framework named CurveLane-NAS to automatically capture both long-ranged coherent and accurate short-range curve information while unifying both architecture search and post-processing on curve lane predictions via point blending.

Autonomous Driving Lane Detection

Look-into-Object: Self-supervised Structure Modeling for Object Recognition

2 code implementations CVPR 2020 Mohan Zhou, Yalong Bai, Wei zhang, Tiejun Zhao, Tao Mei

Specifically, we first propose an object-extent learning module for localizing the object according to the visual patterns shared among the instances in the same category.

Fine-Grained Image Classification Image Recognition +7

Tip-Adapter: Training-free CLIP-Adapter for Better Vision-Language Modeling

1 code implementation6 Nov 2021 Renrui Zhang, Rongyao Fang, Wei zhang, Peng Gao, Kunchang Li, Jifeng Dai, Yu Qiao, Hongsheng Li

To further enhance CLIP's few-shot capability, CLIP-Adapter proposed to fine-tune a lightweight residual feature adapter and significantly improves the performance for few-shot classification.

Language Modelling Transfer Learning

Fast Video Shot Transition Localization with Deep Structured Models

4 code implementations13 Aug 2018 Shitao Tang, Litong Feng, Zhangkui Kuang, Yimin Chen, Wei zhang

In order to train a high-performance shot transition detector, we contribute a new database ClipShots, which contains 128636 cut transitions and 38120 gradual transitions from 4039 online videos.

Ranked #3 on Camera shot boundary detection on ClipShots (using extra training data)

Camera shot boundary detection

HourNAS: Extremely Fast Neural Architecture Search Through an Hourglass Lens

6 code implementations CVPR 2021 Zhaohui Yang, Yunhe Wang, Xinghao Chen, Jianyuan Guo, Wei zhang, Chao Xu, Chunjing Xu, DaCheng Tao, Chang Xu

To achieve an extremely fast NAS while preserving the high accuracy, we propose to identify the vital blocks and make them the priority in the architecture search.

Neural Architecture Search

PointCLIP: Point Cloud Understanding by CLIP

2 code implementations CVPR 2022 Renrui Zhang, Ziyu Guo, Wei zhang, Kunchang Li, Xupeng Miao, Bin Cui, Yu Qiao, Peng Gao, Hongsheng Li

On top of that, we design an inter-view adapter to better extract the global feature and adaptively fuse the few-shot knowledge learned from 3D into CLIP pre-trained in 2D.

3D Open-Vocabulary Instance Segmentation Few-Shot Learning +6

Dynamic Graph Representation Learning via Self-Attention Networks

2 code implementations22 Dec 2018 Aravind Sankar, Yanhong Wu, Liang Gou, Wei zhang, Hao Yang

Learning latent representations of nodes in graphs is an important and ubiquitous task with widespread applications such as link prediction, node classification, and graph visualization.

General Classification Graph Embedding +3

Segment as Points for Efficient Online Multi-Object Tracking and Segmentation

1 code implementation ECCV 2020 Zhenbo Xu, Wei zhang, Xiao Tan, Wei Yang, Huan Huang, Shilei Wen, Errui Ding, Liusheng Huang

The resulting online MOTS framework, named PointTrack, surpasses all the state-of-the-art methods including 3D tracking methods by large margins (5. 4% higher MOTSA and 18 times faster over MOTSFusion) with the near real-time speed (22 FPS).

Multi-Object Tracking Multi-Object Tracking and Segmentation +1

PointTrack++ for Effective Online Multi-Object Tracking and Segmentation

1 code implementation3 Jul 2020 Zhenbo Xu, Wei zhang, Xiao Tan, Wei Yang, Xiangbo Su, Yuchen Yuan, Hongwu Zhang, Shilei Wen, Errui Ding, Liusheng Huang

In this work, we present PointTrack++, an effective on-line framework for MOTS, which remarkably extends our recently proposed PointTrack framework.

Data Augmentation Instance Segmentation +7

Box-Aware Feature Enhancement for Single Object Tracking on Point Clouds

2 code implementations ICCV 2021 Chaoda Zheng, Xu Yan, Jiantao Gao, Weibing Zhao, Wei zhang, Zhen Li, Shuguang Cui

Current 3D single object tracking approaches track the target based on a feature comparison between the target template and the search area.

3D Single Object Tracking Object +1

Down to the Last Detail: Virtual Try-on with Detail Carving

1 code implementation13 Dec 2019 Jiahang Wang, Wei zhang, Weizhong Liu, Tao Mei

However, existing methods can hardly preserve the details in clothing texture and facial identity (face, hair) while fitting novel clothes and poses onto a person.

Virtual Try-on

Optical Flow Guided Feature: A Fast and Robust Motion Representation for Video Action Recognition

1 code implementation CVPR 2018 Shuyang Sun, Zhanghui Kuang, Wanli Ouyang, Lu Sheng, Wei zhang

In this study, we introduce a novel compact motion representation for video action recognition, named Optical Flow guided Feature (OFF), which enables the network to distill temporal information through a fast and robust approach.

Action Recognition In Videos Optical Flow Estimation +1

Freeform Body Motion Generation from Speech

1 code implementation4 Mar 2022 Jing Xu, Wei zhang, Yalong Bai, Qibin Sun, Tao Mei

Motivated by studies in linguistics, we decompose the co-speech motion into two complementary parts: pose modes and rhythmic dynamics.

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.

UAV-Human: A Large Benchmark for Human Behavior Understanding with Unmanned Aerial Vehicles

2 code implementations CVPR 2021 Tianjiao Li, Jun Liu, Wei zhang, Yun Ni, Wenqian Wang, Zhiheng Li

Human behavior understanding with unmanned aerial vehicles (UAVs) is of great significance for a wide range of applications, which simultaneously brings an urgent demand of large, challenging, and comprehensive benchmarks for the development and evaluation of UAV-based models.

Action Recognition Attribute +3

One Million Scenes for Autonomous Driving: ONCE Dataset

1 code implementation21 Jun 2021 Jiageng Mao, Minzhe Niu, Chenhan Jiang, Hanxue Liang, Jingheng Chen, Xiaodan Liang, Yamin Li, Chaoqiang Ye, Wei zhang, Zhenguo Li, Jie Yu, Hang Xu, Chunjing Xu

To facilitate future research on exploiting unlabeled data for 3D detection, we additionally provide a benchmark in which we reproduce and evaluate a variety of self-supervised and semi-supervised methods on the ONCE dataset.

3D Object Detection Autonomous Driving +1

Asynchronous Decentralized Parallel Stochastic Gradient Descent

3 code implementations ICML 2018 Xiangru Lian, Wei zhang, Ce Zhang, Ji Liu

Can we design an algorithm that is robust in a heterogeneous environment, while being communication efficient and maintaining the best-possible convergence rate?

Can Decentralized Algorithms Outperform Centralized Algorithms? A Case Study for Decentralized Parallel Stochastic Gradient Descent

3 code implementations NeurIPS 2017 Xiangru Lian, Ce Zhang, huan zhang, Cho-Jui Hsieh, Wei zhang, Ji Liu

On network configurations with low bandwidth or high latency, D-PSGD can be up to one order of magnitude faster than its well-optimized centralized counterparts.

Classes Matter: A Fine-grained Adversarial Approach to Cross-domain Semantic Segmentation

1 code implementation ECCV 2020 Haoran Wang, Tong Shen, Wei zhang, Ling-Yu Duan, Tao Mei

To fully exploit the supervision in the source domain, we propose a fine-grained adversarial learning strategy for class-level feature alignment while preserving the internal structure of semantics across domains.

Domain Adaptation Semantic Segmentation +1

AutoBlock: A Hands-off Blocking Framework for Entity Matching

1 code implementation7 Dec 2019 Wei Zhang, Hao Wei, Bunyamin Sisman, Xin Luna Dong, Christos Faloutsos, David Page

Entity matching seeks to identify data records over one or multiple data sources that refer to the same real-world entity.

Blocking Representation Learning

TCL: Transformer-based Dynamic Graph Modelling via Contrastive Learning

2 code implementations17 May 2021 Lu Wang, xiaofu Chang, Shuang Li, Yunfei Chu, Hui Li, Wei zhang, Xiaofeng He, Le Song, Jingren Zhou, Hongxia Yang

Secondly, on top of the proposed graph transformer, we introduce a two-stream encoder that separately extracts representations from temporal neighborhoods associated with the two interaction nodes and then utilizes a co-attentional transformer to model inter-dependencies at a semantic level.

Contrastive Learning Graph Learning +2

Model-based Deep Hand Pose Estimation

1 code implementation22 Jun 2016 Xingyi Zhou, Qingfu Wan, Wei zhang, xiangyang xue, Yichen Wei

For the first time, we show that embedding such a non-linear generative process in deep learning is feasible for hand pose estimation.

Hand Pose Estimation valid

Unsupervised Person Image Generation with Semantic Parsing Transformation

1 code implementation CVPR 2019 Sijie Song, Wei zhang, Jiaying Liu, Tao Mei

Firstly, a semantic generative network is proposed to transform between semantic parsing maps, in order to simplify the non-rigid deformation learning.

Image Generation Image Manipulation +1

Meta Relational Learning for Few-Shot Link Prediction in Knowledge Graphs

1 code implementation IJCNLP 2019 Mingyang Chen, Wen Zhang, Wei zhang, Qiang Chen, Huajun Chen

Link prediction is an important way to complete knowledge graphs (KGs), while embedding-based methods, effective for link prediction in KGs, perform poorly on relations that only have a few associative triples.

Knowledge Graphs Link Prediction +2

Knowledge Graph Alignment Network with Gated Multi-hop Neighborhood Aggregation

1 code implementation20 Nov 2019 Zequn Sun, Chengming Wang, Wei Hu, Muhao Chen, Jian Dai, Wei zhang, Yuzhong Qu

As the direct neighbors of counterpart entities are usually dissimilar due to the schema heterogeneity, AliNet introduces distant neighbors to expand the overlap between their neighborhood structures.

Entity Alignment Knowledge Graphs

Scalable Rule-Based Representation Learning for Interpretable Classification

2 code implementations NeurIPS 2021 Zhuo Wang, Wei zhang, Ning Liu, Jianyong Wang

Rule-based models, e. g., decision trees, are widely used in scenarios demanding high model interpretability for their transparent inner structures and good model expressivity.

Classification Representation Learning

Learning Interpretable Rules for Scalable Data Representation and Classification

1 code implementation22 Oct 2023 Zhuo Wang, Wei zhang, Ning Liu, Jianyong Wang

Rule-based models, e. g., decision trees, are widely used in scenarios demanding high model interpretability for their transparent inner structures and good model expressivity.

Classification

Everything of Thoughts: Defying the Law of Penrose Triangle for Thought Generation

1 code implementation7 Nov 2023 Ruomeng Ding, Chaoyun Zhang, Lu Wang, Yong Xu, Minghua Ma, Wei zhang, Si Qin, Saravan Rajmohan, QIngwei Lin, Dongmei Zhang

To address these limitations, we introduce a novel thought prompting approach called "Everything of Thoughts" (XoT) to defy the law of "Penrose triangle of existing thought paradigms.

Decision Making

SoccerNet 2023 Challenges Results

2 code implementations12 Sep 2023 Anthony Cioppa, Silvio Giancola, Vladimir Somers, Floriane Magera, Xin Zhou, Hassan Mkhallati, Adrien Deliège, Jan Held, Carlos Hinojosa, Amir M. Mansourian, Pierre Miralles, Olivier Barnich, Christophe De Vleeschouwer, Alexandre Alahi, Bernard Ghanem, Marc Van Droogenbroeck, Abdullah Kamal, Adrien Maglo, Albert Clapés, Amr Abdelaziz, Artur Xarles, Astrid Orcesi, Atom Scott, Bin Liu, Byoungkwon Lim, Chen Chen, Fabian Deuser, Feng Yan, Fufu Yu, Gal Shitrit, Guanshuo Wang, Gyusik Choi, Hankyul Kim, Hao Guo, Hasby Fahrudin, Hidenari Koguchi, Håkan Ardö, Ibrahim Salah, Ido Yerushalmy, Iftikar Muhammad, Ikuma Uchida, Ishay Be'ery, Jaonary Rabarisoa, Jeongae Lee, Jiajun Fu, Jianqin Yin, Jinghang Xu, Jongho Nang, Julien Denize, Junjie Li, Junpei Zhang, Juntae Kim, Kamil Synowiec, Kenji Kobayashi, Kexin Zhang, Konrad Habel, Kota Nakajima, Licheng Jiao, Lin Ma, Lizhi Wang, Luping Wang, Menglong Li, Mengying Zhou, Mohamed Nasr, Mohamed Abdelwahed, Mykola Liashuha, Nikolay Falaleev, Norbert Oswald, Qiong Jia, Quoc-Cuong Pham, Ran Song, Romain Hérault, Rui Peng, Ruilong Chen, Ruixuan Liu, Ruslan Baikulov, Ryuto Fukushima, Sergio Escalera, Seungcheon Lee, Shimin Chen, Shouhong Ding, Taiga Someya, Thomas B. Moeslund, Tianjiao Li, Wei Shen, Wei zhang, Wei Li, Wei Dai, Weixin Luo, Wending Zhao, Wenjie Zhang, Xinquan Yang, Yanbiao Ma, Yeeun Joo, Yingsen Zeng, Yiyang Gan, Yongqiang Zhu, Yujie Zhong, Zheng Ruan, Zhiheng Li, Zhijian Huang, Ziyu Meng

More information on the tasks, challenges, and leaderboards are available on https://www. soccer-net. org.

Action Spotting Camera Calibration +3

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

Reconstruction Network for Video Captioning

3 code implementations CVPR 2018 Bairui Wang, Lin Ma, Wei zhang, Wei Liu

Unlike previous video captioning work mainly exploiting the cues of video contents to make a language description, we propose a reconstruction network (RecNet) with a novel encoder-decoder-reconstructor architecture, which leverages both the forward (video to sentence) and backward (sentence to video) flows for video captioning.

Sentence Video Captioning

ZoomNet: Part-Aware Adaptive Zooming Neural Network for 3D Object Detection

1 code implementation1 Mar 2020 Zhenbo Xu, Wei zhang, Xiaoqing Ye, Xiao Tan, Wei Yang, Shilei Wen, Errui Ding, Ajin Meng, Liusheng Huang

The pipeline of ZoomNet begins with an ordinary 2D object detection model which is used to obtain pairs of left-right bounding boxes.

3D Object Detection Autonomous Driving +2

Examining User-Friendly and Open-Sourced Large GPT Models: A Survey on Language, Multimodal, and Scientific GPT Models

1 code implementation27 Aug 2023 Kaiyuan Gao, Sunan He, Zhenyu He, Jiacheng Lin, Qizhi Pei, Jie Shao, Wei zhang

Generative pre-trained transformer (GPT) models have revolutionized the field of natural language processing (NLP) with remarkable performance in various tasks and also extend their power to multimodal domains.

Controllable Video Captioning with POS Sequence Guidance Based on Gated Fusion Network

1 code implementation ICCV 2019 Bairui Wang, Lin Ma, Wei zhang, Wenhao Jiang, Jingwen Wang, Wei Liu

In this paper, we propose to guide the video caption generation with Part-of-Speech (POS) information, based on a gated fusion of multiple representations of input videos.

Caption Generation POS +2

Multi-Scale Adaptive Graph Neural Network for Multivariate Time Series Forecasting

2 code implementations13 Jan 2022 Ling Chen, Donghui Chen, Zongjiang Shang, Binqing Wu, Cen Zheng, Bo Wen, Wei zhang

Given the multi-scale feature representations and scale-specific inter-variable dependencies, a multi-scale temporal graph neural network is introduced to jointly model intra-variable dependencies and inter-variable dependencies.

Graph Learning Multivariate Time Series Forecasting +1

Point2Seq: Detecting 3D Objects as Sequences

1 code implementation CVPR 2022 Yujing Xue, Jiageng Mao, Minzhe Niu, Hang Xu, Michael Bi Mi, Wei zhang, Xiaogang Wang, Xinchao Wang

We further propose a lightweight scene-to-sequence decoder that can auto-regressively generate words conditioned on features from a 3D scene as well as cues from the preceding words.

3D Object Detection Object +1

Learning Efficient Detector with Semi-supervised Adaptive Distillation

1 code implementation2 Jan 2019 Shitao Tang, Litong Feng, Wenqi Shao, Zhanghui Kuang, Wei zhang, Yimin Chen

ADL enlarges the distillation loss for hard-to-learn and hard-to-mimic samples and reduces distillation loss for the dominant easy samples, enabling distillation to work on the single-stage detector first time, even if the student and the teacher are identical.

Image Classification Knowledge Distillation +1

Translating Images to Road Network:A Non-Autoregressive Sequence-to-Sequence Approach

2 code implementations13 Feb 2024 Jiachen Lu, Renyuan Peng, Xinyue Cai, Hang Xu, Hongyang Li, Feng Wen, Wei zhang, Li Zhang

Instead, our work establishes a unified representation of both types of data domain by projecting both Euclidean and non-Euclidean data into an integer series called RoadNet Sequence.

Intelligent Reflecting Surface Configurations for Smart Radio Using Deep Reinforcement Learning

1 code implementation11 May 2022 Wei Wang, Wei zhang

Intelligent reflecting surface (IRS) is envisioned to change the paradigm of wireless communications from "adapting to wireless channels" to "changing wireless channels".

reinforcement-learning Reinforcement Learning (RL)

MRN: Multiplexed Routing Network for Incremental Multilingual Text Recognition

1 code implementation ICCV 2023 Tianlun Zheng, Zhineng Chen, Bingchen Huang, Wei zhang, Yu-Gang Jiang

In this paper, we propose the Incremental MLTR (IMLTR) task in the context of incremental learning (IL), where different languages are introduced in batches.

Continual Learning Incremental Learning +2

GroupIM: A Mutual Information Maximization Framework for Neural Group Recommendation

1 code implementation5 Jun 2020 Aravind Sankar, Yanhong Wu, Yuhang Wu, Wei zhang, Hao Yang, Hari Sundaram

We study the problem of making item recommendations to ephemeral groups, which comprise users with limited or no historical activities together.

Dynamic Anticipation and Completion for Multi-Hop Reasoning over Sparse Knowledge Graph

1 code implementation EMNLP 2020 Xin Lv, Xu Han, Lei Hou, Juanzi Li, Zhiyuan Liu, Wei zhang, Yichi Zhang, Hao Kong, Suhui Wu

On the one hand, sparse KGs contain less information, which makes it difficult for the model to choose correct paths.

Adaptive Multi-Teacher Multi-level Knowledge Distillation

1 code implementation6 Mar 2021 Yuang Liu, Wei zhang, Jun Wang

Knowledge distillation~(KD) is an effective learning paradigm for improving the performance of lightweight student networks by utilizing additional supervision knowledge distilled from teacher networks.

Knowledge Distillation

Heated-Up Softmax Embedding

1 code implementation ICLR 2019 Xu Zhang, Felix Xinnan Yu, Svebor Karaman, Wei zhang, Shih-Fu Chang

Metric learning aims at learning a distance which is consistent with the semantic meaning of the samples.

Metric Learning

IconQA: A New Benchmark for Abstract Diagram Understanding and Visual Language Reasoning

1 code implementation25 Oct 2021 Pan Lu, Liang Qiu, Jiaqi Chen, Tony Xia, Yizhou Zhao, Wei zhang, Zhou Yu, Xiaodan Liang, Song-Chun Zhu

Also, we develop a strong IconQA baseline Patch-TRM that applies a pyramid cross-modal Transformer with input diagram embeddings pre-trained on the icon dataset.

Arithmetic Reasoning Math Word Problem Solving +2

HS-Pose: Hybrid Scope Feature Extraction for Category-level Object Pose Estimation

1 code implementation CVPR 2023 Linfang Zheng, Chen Wang, Yinghan Sun, Esha Dasgupta, Hua Chen, Ales Leonardis, Wei zhang, Hyung Jin Chang

In this paper, we focus on the problem of category-level object pose estimation, which is challenging due to the large intra-category shape variation.

Pose Estimation Translation

Meta-Learning with Dynamic-Memory-Based Prototypical Network for Few-Shot Event Detection

1 code implementation25 Oct 2019 Shumin Deng, Ningyu Zhang, Jiaojian Kang, Yichi Zhang, Wei zhang, Huajun Chen

Differing from vanilla prototypical networks simply computing event prototypes by averaging, which only consume event mentions once, our model is more robust and is capable of distilling contextual information from event mentions for multiple times due to the multi-hop mechanism of DMNs.

Event Detection Event Extraction +2

Knowledge Association with Hyperbolic Knowledge Graph Embeddings

1 code implementation EMNLP 2020 Zequn Sun, Muhao Chen, Wei Hu, Chengming Wang, Jian Dai, Wei zhang

Capturing associations for knowledge graphs (KGs) through entity alignment, entity type inference and other related tasks benefits NLP applications with comprehensive knowledge representations.

Entity Alignment Knowledge Graph Embeddings +1

WaterMask: Instance Segmentation for Underwater Imagery

1 code implementation ICCV 2023 Shijie Lian, Hua Li, Runmin Cong, Suqi Li, Wei zhang, Sam Kwong

Underwater image instance segmentation is a fundamental and critical step in underwater image analysis and understanding.

2D Object Detection Graph Attention +3

Towards Accurate and Consistent Evaluation: A Dataset for Distantly-Supervised Relation Extraction

1 code implementation COLING 2020 Tong Zhu, Haitao Wang, Junjie Yu, Xiabing Zhou, Wenliang Chen, Wei zhang, Min Zhang

The experimental results show that the ranking lists of the comparison systems on the DS-labelled test data and human-annotated test data are different.

Relation Relation Extraction

Holistic Autonomous Driving Understanding by Bird's-Eye-View Injected Multi-Modal Large Models

1 code implementation2 Jan 2024 Xinpeng Ding, Jinahua Han, Hang Xu, Xiaodan Liang, Wei zhang, Xiaomeng Li

BEV-InMLLM integrates multi-view, spatial awareness, and temporal semantics to enhance MLLMs' capabilities on NuInstruct tasks.

Autonomous Driving

CAUSE: Learning Granger Causality from Event Sequences using Attribution Methods

1 code implementation ICML 2020 Wei Zhang, Thomas Kobber Panum, Somesh Jha, Prasad Chalasani, David Page

We study the problem of learning Granger causality between event types from asynchronous, interdependent, multi-type event sequences.

Graph Degree Linkage: Agglomerative Clustering on a Directed Graph

2 code implementations25 Aug 2012 Wei Zhang, Xiaogang Wang, Deli Zhao, Xiaoou Tang

We explore the different roles of two fundamental concepts in graph theory, indegree and outdegree, in the context of clustering.

 Ranked #1 on Image Clustering on Coil-20 (Accuracy metric)

Clustering Computational Efficiency +1

Weakly-Supervised Salient Object Detection Using Point Supervision

1 code implementation22 Mar 2022 Shuyong Gao, Wei zhang, Yan Wang, Qianyu Guo, Chenglong Zhang, Yangji He, Wenqiang Zhang

Then we develop a transformer-based point-supervised saliency detection model to produce the first round of saliency maps.

Object object-detection +3

OMPQ: Orthogonal Mixed Precision Quantization

1 code implementation16 Sep 2021 Yuexiao Ma, Taisong Jin, Xiawu Zheng, Yan Wang, Huixia Li, Yongjian Wu, Guannan Jiang, Wei zhang, Rongrong Ji

Instead of solving a problem of the original integer programming, we propose to optimize a proxy metric, the concept of network orthogonality, which is highly correlated with the loss of the integer programming but also easy to optimize with linear programming.

AutoML Quantization

Entity-Level Text-Guided Image Manipulation

1 code implementation22 Feb 2023 Yikai Wang, Jianan Wang, Guansong Lu, Hang Xu, Zhenguo Li, Wei zhang, Yanwei Fu

In the image manipulation phase, SeMani adopts a generative model to synthesize new images conditioned on the entity-irrelevant regions and target text descriptions.

Denoising Image Manipulation

Beyond Clicks: Modeling Multi-Relational Item Graph for Session-Based Target Behavior Prediction

1 code implementation19 Feb 2020 Wen Wang, Wei zhang, Shukai Liu, Qi Liu, Bo Zhang, Leyu Lin, Hongyuan Zha

Specifically, we build a Multi-Relational Item Graph (MRIG) based on all behavior sequences from all sessions, involving target and auxiliary behavior types.

Representation Learning

LoG-CAN: local-global Class-aware Network for semantic segmentation of remote sensing images

1 code implementation14 Mar 2023 Xiaowen Ma, Mengting Ma, Chenlu Hu, Zhiyuan Song, Ziyan Zhao, Tian Feng, Wei zhang

We present LoG-CAN, a multi-scale semantic segmentation network with a global class-aware (GCA) module and local class-aware (LCA) modules to remote sensing images.

Segmentation Semantic Segmentation

SACANet: scene-aware class attention network for semantic segmentation of remote sensing images

1 code implementation22 Apr 2023 Xiaowen Ma, Rui Che, Tingfeng Hong, Mengting Ma, Ziyan Zhao, Tian Feng, Wei zhang

In this paper, we integrate both scene-aware and class attentions to propose a scene-aware class attention network (SACANet) for semantic segmentation of remote sensing images.

Semantic Segmentation

Transparent Classification with Multilayer Logical Perceptrons and Random Binarization

1 code implementation10 Dec 2019 Zhuo Wang, Wei zhang, Ning Liu, Jianyong Wang

In this paper, we propose a new hierarchical rule-based model for classification tasks, named Concept Rule Sets (CRS), which has both a strong expressive ability and a transparent inner structure.

Binarization Classification +1

Object Detection in Hyperspectral Image via Unified Spectral-Spatial Feature Aggregation

1 code implementation14 Jun 2023 Xiao He, Chang Tang, Xinwang Liu, Wei zhang, Kun Sun, Jiangfeng Xu

S2ADet comprises a hyperspectral information decoupling (HID) module, a two-stream feature extraction network, and a one-stage detection head.

Object object-detection +1

Improving Domain-Adapted Sentiment Classification by Deep Adversarial Mutual Learning

1 code implementation1 Feb 2020 Qianming Xue, Wei zhang, Hongyuan Zha

To improve domain-adapted sentiment classification by learning sentiment from the target domain as well, we devise a novel deep adversarial mutual learning approach involving two groups of feature extractors, domain discriminators, sentiment classifiers, and label probers.

Classification General Classification +2

Data-Efficient Backdoor Attacks

1 code implementation22 Apr 2022 Pengfei Xia, Ziqiang Li, Wei zhang, Bin Li

Recent studies have proven that deep neural networks are vulnerable to backdoor attacks.

Accel-GCN: High-Performance GPU Accelerator Design for Graph Convolution Networks

1 code implementation22 Aug 2023 Xi Xie, Hongwu Peng, Amit Hasan, Shaoyi Huang, Jiahui Zhao, Haowen Fang, Wei zhang, Tong Geng, Omer Khan, Caiwen Ding

Utilizing these principles, we formulated a kernel for sparse matrix multiplication (SpMM) in GCNs that employs block-level partitioning and combined warp strategy.

Computational Efficiency

BIVDiff: A Training-Free Framework for General-Purpose Video Synthesis via Bridging Image and Video Diffusion Models

1 code implementation5 Dec 2023 Fengyuan Shi, Jiaxi Gu, Hang Xu, Songcen Xu, Wei zhang, LiMin Wang

Now text-to-image foundation models are widely applied to various downstream image synthesis tasks, such as controllable image generation and image editing, while downstream video synthesis tasks are less explored for several reasons.

Image Generation Model Selection +3

EarthGPT: A Universal Multi-modal Large Language Model for Multi-sensor Image Comprehension in Remote Sensing Domain

1 code implementation30 Jan 2024 Wei zhang, Miaoxin Cai, Tong Zhang, Yin Zhuang, Xuerui Mao

Multi-modal large language models (MLLMs) have demonstrated remarkable success in vision and visual-language tasks within the natural image domain.

Image Comprehension Instruction Following +2

VERB: Visualizing and Interpreting Bias Mitigation Techniques for Word Representations

1 code implementation6 Apr 2021 Archit Rathore, Sunipa Dev, Jeff M. Phillips, Vivek Srikumar, Yan Zheng, Chin-Chia Michael Yeh, Junpeng Wang, Wei zhang, Bei Wang

To aid this, we present Visualization of Embedding Representations for deBiasing system ("VERB"), an open-source web-based visualization tool that helps the users gain a technical understanding and visual intuition of the inner workings of debiasing techniques, with a focus on their geometric properties.

Decision Making Dimensionality Reduction +3

Cluster-level Feature Alignment for Person Re-identification

1 code implementation15 Aug 2020 Qiuyu Chen, Wei zhang, Jianping Fan

Instance-level alignment is widely exploited for person re-identification, e. g. spatial alignment, latent semantic alignment and triplet alignment.

Person Re-Identification

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

High-order Correlation Preserved Incomplete Multi-view Subspace Clustering

3 code implementations IEEE Transactions on Image Processing 2022 Zhenglai Li, Chang Tang, Xiao Zheng, Xinwang Liu, Senior Member, Wei zhang, Member, IEEE, and En Zhu

Specifically, multiple affinity matrices constructed from the incomplete multi-view data are treated as a thirdorder low rank tensor with a tensor factorization regularization which preserves the high-order view correlation and sample correlation.

Clustering Incomplete multi-view clustering +2

Learning Point-Language Hierarchical Alignment for 3D Visual Grounding

1 code implementation22 Oct 2022 Jiaming Chen, Weixin Luo, Ran Song, Xiaolin Wei, Lin Ma, Wei zhang

This paper presents a novel hierarchical alignment model (HAM) that learns multi-granularity visual and linguistic representations in an end-to-end manner.

Sentence Visual Grounding +1

PowerGear: Early-Stage Power Estimation in FPGA HLS via Heterogeneous Edge-Centric GNNs

1 code implementation25 Jan 2022 Zhe Lin, Zike Yuan, Jieru Zhao, Wei zhang, Hui Wang, Yonghong Tian

Specifically, in the graph construction flow, we introduce buffer insertion, datapath merging, graph trimming and feature annotation techniques to transform HLS designs into graph-structured data, which encode both intra-operation micro-architectures and inter-operation interconnects annotated with switching activities.

graph construction Graph Learning

PanoVOS: Bridging Non-panoramic and Panoramic Views with Transformer for Video Segmentation

1 code implementation21 Sep 2023 Shilin Yan, Xiaohao Xu, Renrui Zhang, Lingyi Hong, Wenchao Chen, Wenqiang Zhang, Wei zhang

Our dataset poses new challenges in panoramic VOS and we hope that our PanoVOS can advance the development of panoramic segmentation/tracking.

Autonomous Driving Segmentation +4

Consecutive Pretraining: A Knowledge Transfer Learning Strategy with Relevant Unlabeled Data for Remote Sensing Domain

1 code implementation8 Jul 2022 Tong Zhang, Peng Gao, Hao Dong, Yin Zhuang, Guanqun Wang, Wei zhang, He Chen

Currently, under supervised learning, a model pretrained by a large-scale nature scene dataset and then fine-tuned on a few specific task labeling data is the paradigm that has dominated the knowledge transfer learning.

Land Cover Classification object-detection +3

Frequency Perception Network for Camouflaged Object Detection

2 code implementations17 Aug 2023 Runmin Cong, Mengyao Sun, Sanyi Zhang, Xiaofei Zhou, Wei zhang, Yao Zhao

Camouflaged object detection (COD) aims to accurately detect objects hidden in the surrounding environment.

Object object-detection +1

SFOD: Spiking Fusion Object Detector

1 code implementation22 Mar 2024 Yimeng Fan, Wei zhang, Changsong Liu, Mingyang Li, Wenrui Lu

Thereby, we establish state-of-the-art classification results based on SNNs, achieving 93. 7\% accuracy on the NCAR dataset.

Object object-detection +1

G-MAP: General Memory-Augmented Pre-trained Language Model for Domain Tasks

1 code implementation7 Dec 2022 Zhongwei Wan, Yichun Yin, Wei zhang, Jiaxin Shi, Lifeng Shang, Guangyong Chen, Xin Jiang, Qun Liu

Recently, domain-specific PLMs have been proposed to boost the task performance of specific domains (e. g., biomedical and computer science) by continuing to pre-train general PLMs with domain-specific corpora.

General Knowledge Language Modelling +3

E2E-LOAD: End-to-End Long-form Online Action Detection

1 code implementation ICCV 2023 Shuqiang Cao, Weixin Luo, Bairui Wang, Wei zhang, Lin Ma

Furthermore, we propose a novel and efficient inference mechanism that accelerates heavy spatial-temporal exploration.

Online Action Detection

Learning Dual Dynamic Representations on Time-Sliced User-Item Interaction Graphs for Sequential Recommendation

1 code implementation24 Sep 2021 Zeyuan Chen, Wei zhang, Junchi Yan, Gang Wang, Jianyong Wang

Sequential Recommendation aims to recommend items that a target user will interact with in the near future based on the historically interacted items.

Representation Learning Sequential Recommendation

From Dark Matter to Galaxies with Convolutional Networks

1 code implementation15 Feb 2019 Xinyue Zhang, Yanfang Wang, Wei zhang, Yueqiu Sun, Siyu He, Gabriella Contardo, Francisco Villaescusa-Navarro, Shirley Ho

In combination with current and upcoming data from cosmological observations, our method has the potential to answer fundamental questions about our Universe with the highest accuracy.

CAD-Net: A Context-Aware Detection Network for Objects in Remote Sensing Imagery

1 code implementation3 Mar 2019 Gongjie Zhang, Shijian Lu, Wei zhang

This paper presents a novel object detection network (CAD-Net) that exploits attention-modulated features as well as global and local contexts to address the new challenges in detecting objects from remote sensing images.

Novel Object Detection Object +2

Mesh Saliency: An Independent Perceptual Measure or a Derivative of Image Saliency?

1 code implementation CVPR 2021 Ran Song, Wei zhang, Yitian Zhao, Yonghuai Liu, Paul L. Rosin

While mesh saliency aims to predict regional importance of 3D surfaces in agreement with human visual perception and is well researched in computer vision and graphics, latest work with eye-tracking experiments shows that state-of-the-art mesh saliency methods remain poor at predicting human fixations.

STNet: Spatial and Temporal feature fusion network for change detection in remote sensing images

1 code implementation22 Apr 2023 Xiaowen Ma, Jiawei Yang, Tingfeng Hong, Mengting Ma, Ziyan Zhao, Tian Feng, Wei zhang

As an important task in remote sensing image analysis, remote sensing change detection (RSCD) aims to identify changes of interest in a region from spatially co-registered multi-temporal remote sensing images, so as to monitor the local development.

Binary Classification Change Detection

BM2CP: Efficient Collaborative Perception with LiDAR-Camera Modalities

1 code implementation23 Oct 2023 Binyu Zhao, Wei zhang, Zhaonian Zou

Collaborative perception enables agents to share complementary perceptual information with nearby agents.

Autonomous Driving

Lightweight super resolution network for point cloud geometry compression

1 code implementation2 Nov 2023 Wei zhang, Dingquan Li, Ge Li, Wen Gao

This paper presents an approach for compressing point cloud geometry by leveraging a lightweight super-resolution network.

Point cloud reconstruction Point Cloud Super Resolution +1

Tensor-Based Multi-View Block-Diagonal Structure Diffusion for Clustering Incomplete Multi-View Data

1 code implementation IEEE International Conference on Multimedia and Expo 2021 Zhenglai Li, Chang Tang, Xinwang Liu, Xiao Zheng, Wei zhang, En Zhu

In this paper, we propose a novel incomplete multi-view clustering method, in which a tensor nuclear norm regularizer elegantly diffuses the information of multi-view block-diagonal structure across different views.

Clustering Incomplete multi-view clustering

Normalization of Language Embeddings for Cross-Lingual Alignment

1 code implementation NeurIPS 2021 Prince Osei Aboagye, Jeff Phillips, Yan Zheng, Chin-Chia Michael Yeh, Junpeng Wang, Wei zhang, Liang Wang, Hao Yang

Learning a good transfer function to map the word vectors from two languages into a shared cross-lingual word vector space plays a crucial role in cross-lingual NLP.

Translation

Symbolic Cognitive Diagnosis via Hybrid Optimization for Intelligent Education Systems

1 code implementation30 Dec 2023 Junhao Shen, Hong Qian, Wei zhang, Aimin Zhou

The SCD framework incorporates the symbolic tree to explicably represent the complicated student-exercise interaction function, and utilizes gradient-based optimization methods to effectively learn the student and exercise parameters.

Attribute cognitive diagnosis

Augmentation Pathways Network for Visual Recognition

1 code implementation26 Jul 2021 Yalong Bai, Mohan Zhou, Wei zhang, BoWen Zhou, Tao Mei

Experimental results on ImageNet demonstrate the compatibility and effectiveness on a much wider range of augmentations, while consuming fewer parameters and lower computational costs at inference time.

Data Augmentation

Improving Relation Extraction with Relational Paraphrase Sentences

1 code implementation COLING 2020 Junjie Yu, Tong Zhu, Wenliang Chen, Wei zhang, Min Zhang

In this paper, we propose an alternative approach to improve RE systems via enriching diverse expressions by relational paraphrase sentences.

Relation Relation Extraction

SpatialFormer: Semantic and Target Aware Attentions for Few-Shot Learning

1 code implementation15 Mar 2023 Jinxiang Lai, Siqian Yang, Wenlong Wu, Tao Wu, Guannan Jiang, Xi Wang, Jun Liu, Bin-Bin Gao, Wei zhang, Yuan Xie, Chengjie Wang

Then we derive two specific attention modules, named SpatialFormer Semantic Attention (SFSA) and SpatialFormer Target Attention (SFTA), to enhance the target object regions while reduce the background distraction.

Few-Shot Learning

SDDNet: Style-guided Dual-layer Disentanglement Network for Shadow Detection

1 code implementation17 Aug 2023 Runmin Cong, Yuchen Guan, Jinpeng Chen, Wei zhang, Yao Zhao, Sam Kwong

Despite significant progress in shadow detection, current methods still struggle with the adverse impact of background color, which may lead to errors when shadows are present on complex backgrounds.

Disentanglement Shadow Detection

Regularizing Proxies with Multi-Adversarial Training for Unsupervised Domain-Adaptive Semantic Segmentation

1 code implementation29 Jul 2019 Tong Shen, Dong Gong, Wei zhang, Chunhua Shen, Tao Mei

To tackle the unsupervised domain adaptation problem, we explore the possibilities to generate high-quality labels as proxy labels to supervise the training on target data.

Semantic Segmentation Unsupervised Domain Adaptation

Point-aware Interaction and CNN-induced Refinement Network for RGB-D Salient Object Detection

2 code implementations17 Aug 2023 Runmin Cong, Hongyu Liu, Chen Zhang, Wei zhang, Feng Zheng, Ran Song, Sam Kwong

By integrating complementary information from RGB image and depth map, the ability of salient object detection (SOD) for complex and challenging scenes can be improved.

object-detection RGB-D Salient Object Detection +1

MS-Former: Memory-Supported Transformer for Weakly Supervised Change Detection with Patch-Level Annotations

1 code implementation16 Nov 2023 Zhenglai Li, Chang Tang, Xinwang Liu, Changdong Li, Xianju Li, Wei zhang

How to capture the semantic variations associated with the changed and unchanged regions from the patch-level annotations to obtain promising change results is the critical challenge for the weakly supervised change detection task.

Change Detection

From Dark Matter to Galaxies with Convolutional Neural Networks

1 code implementation17 Oct 2019 Jacky H. T. Yip, Xinyue Zhang, Yanfang Wang, Wei zhang, Yueqiu Sun, Gabriella Contardo, Francisco Villaescusa-Navarro, Siyu He, Shy Genel, Shirley Ho

Cosmological simulations play an important role in the interpretation of astronomical data, in particular in comparing observed data to our theoretical expectations.

Effective Few-Shot Named Entity Linking by Meta-Learning

1 code implementation12 Jul 2022 Xiuxing Li, Zhenyu Li, Zhengyan Zhang, Ning Liu, Haitao Yuan, Wei zhang, Zhiyuan Liu, Jianyong Wang

In this paper, we endeavor to solve the problem of few-shot entity linking, which only requires a minimal amount of in-domain labeled data and is more practical in real situations.

Entity Linking Knowledge Base Completion +2

Bayesian Optimization with Clustering and Rollback for CNN Auto Pruning

1 code implementation22 Sep 2021 Hanwei Fan, Jiandong Mu, Wei zhang

Subsequently, a rollback algorithm is proposed to recover the high-dimensional design space so that higher pruning accuracy can be obtained.

Bayesian Optimization Clustering +1

Contrastive Graph Pooling for Explainable Classification of Brain Networks

1 code implementation7 Jul 2023 Jiaxing Xu, Qingtian Bian, Xinhang Li, Aihu Zhang, Yiping Ke, Miao Qiao, Wei zhang, Wei Khang Jeremy Sim, Balázs Gulyás

Our contributions underscore the potential of ContrastPool for advancing the understanding of brain networks and neurodegenerative conditions.

Classification

Robust Positive-Unlabeled Learning via Noise Negative Sample Self-correction

1 code implementation1 Aug 2023 Zhangchi Zhu, Lu Wang, Pu Zhao, Chao Du, Wei zhang, Hang Dong, Bo Qiao, QIngwei Lin, Saravan Rajmohan, Dongmei Zhang

To mitigate the impact of label uncertainty and improve the robustness of learning with positive and unlabeled data, we propose a new robust PU learning method with a training strategy motivated by the nature of human learning: easy cases should be learned first.

Lemur: Log Parsing with Entropy Sampling and Chain-of-Thought Merging

1 code implementation28 Feb 2024 Wei zhang, Hongcheng Guo, Anjie Le, Jian Yang, Jiaheng Liu, Zhoujun Li, Tieqiao Zheng, Shi Xu, Runqiang Zang, Liangfan Zheng, Bo Zhang

Log parsing, which entails transforming raw log messages into structured templates, constitutes a critical phase in the automation of log analytics.

Log Parsing

Distributed Bayesian Matrix Decomposition for Big Data Mining and Clustering

2 code implementations10 Feb 2020 Chihao Zhang, Yang Yang, Wei zhang, Shihua Zhang

Such a method should scale up well, model the heterogeneous noise, and address the communication issue in a distributed system.

Clustering Distributed Computing

Learning chemical reaction networks from trajectory data

1 code implementation13 Feb 2019 Wei zhang, Stefan Klus, Tim Conrad, Christof Schütte

We develop a data-driven method to learn chemical reaction networks from trajectory data.

Optimization and Control 92C42, 62M86

Residual Distillation: Towards Portable Deep Neural Networks without Shortcuts

1 code implementation NeurIPS 2020 Guilin Li, Junlei Zhang, Yunhe Wang, Chuanjian Liu, Matthias Tan, Yunfeng Lin, Wei zhang, Jiashi Feng, Tong Zhang

In particular, we propose a novel joint-training framework to train plain CNN by leveraging the gradients of the ResNet counterpart.

Language-Driven Anchors for Zero-Shot Adversarial Robustness

1 code implementation30 Jan 2023 Xiao Li, Wei zhang, Yining Liu, Zhanhao Hu, Bo Zhang, Xiaolin Hu

Previous researches mainly focus on improving adversarial robustness in the fully supervised setting, leaving the challenging domain of zero-shot adversarial robustness an open question.

Adversarial Defense Adversarial Robustness +3

Gradient-based Sampling for Class Imbalanced Semi-supervised Object Detection

1 code implementation ICCV 2023 Jiaming Li, Xiangru Lin, Wei zhang, Xiao Tan, YingYing Li, Junyu Han, Errui Ding, Jingdong Wang, Guanbin Li

To tackle the confirmation bias from incorrect pseudo labels of minority classes, the class-rebalancing sampling module resamples unlabeled data following the guidance of the gradient-based reweighting module.

object-detection Object Detection +1

Model Accuracy and Runtime Tradeoff in Distributed Deep Learning:A Systematic Study

1 code implementation14 Sep 2015 Suyog Gupta, Wei zhang, Fei Wang

This paper presents Rudra, a parameter server based distributed computing framework tuned for training large-scale deep neural networks.

Distributed Computing Image Classification

Staleness-aware Async-SGD for Distributed Deep Learning

1 code implementation18 Nov 2015 Wei Zhang, Suyog Gupta, Xiangru Lian, Ji Liu

Deep neural networks have been shown to achieve state-of-the-art performance in several machine learning tasks.

Distributed Computing Image Classification

Unsupervised Multi-View CNN for Salient View Selection of 3D Objects and Scenes

1 code implementation ECCV 2020 Ran Song, Wei zhang, Yitian Zhao, Yonghuai Liu

We present an unsupervised 3D deep learning framework based on a ubiquitously true proposition named by us view-object consistency as it states that a 3D object and its projected 2D views always belong to the same object class.

Object

Ergodic SDEs on submanifolds and related numerical sampling schemes

1 code implementation26 Feb 2017 Wei zhang

By Birkhoff's ergodic theorem, one approach to estimate the mean value is to compute the time average along an infinitely long trajectory of an ergodic diffusion process on the level set whose invariant measure is {\mu}.

Probability 60J60, 53C17

NUT-RC: Noisy User-generated Text-oriented Reading Comprehension

1 code implementation COLING 2020 Rongtao Huang, Bowei Zou, Yu Hong, Wei zhang, AiTi Aw, Guodong Zhou

Most existing RC models are developed on formal datasets such as news articles and Wikipedia documents, which severely limit their performances when directly applied to the noisy and informal texts in social media.

Answer Selection Multi-Task Learning +1

Understanding Adversarial Robustness from Feature Maps of Convolutional Layers

1 code implementation25 Feb 2022 Cong Xu, Wei zhang, Jun Wang, Min Yang

Our theoretical analysis discovers that larger convolutional feature maps before average pooling can contribute to better resistance to perturbations, but the conclusion is not true for max pooling.

Adversarial Robustness

Dual Representation Learning for One-Step Clustering of Multi-View Data

1 code implementation30 Aug 2022 Wei zhang, Zhaohong Deng, Kup-Sze Choi, Jun Wang, Shitong Wang

Meanwhile, to make the representation learning more specific to the clustering task, a one-step learning framework is proposed to integrate representation learning and clustering partition as a whole.

Clustering Representation Learning

Knowledge-aware Collaborative Filtering with Pre-trained Language Model for Personalized Review-based Rating Prediction

1 code implementation2 Aug 2023 Quanxiu Wang, Xinlei Cao, Jianyong Wang, Wei zhang

For the first issue, to utilize rich knowledge, KCF-PLM develops a transformer network to model the interactions of the extracted aspects w. r. t.

Collaborative Filtering Language Modelling

Beyond Semantics: Learning a Behavior Augmented Relevance Model with Self-supervised Learning

1 code implementation10 Aug 2023 Zeyuan Chen, Wei Chen, Jia Xu, Zhongyi Liu, Wei zhang

Drawing inspiration from this, we devise a novel Behavior Augmented Relevance Learning model for Alipay Search (BARL-ASe) that leverages neighbor queries of target item and neighbor items of target query to complement target query-item semantic matching.

Self-Supervised Learning Semantic Similarity +1

Interpretable Knowledge Tracing via Response Influence-based Counterfactual Reasoning

1 code implementation1 Dec 2023 Jiajun Cui, Minghe Yu, Bo Jiang, Aimin Zhou, Jianyong Wang, Wei zhang

Knowledge tracing (KT) plays a crucial role in computer-aided education and intelligent tutoring systems, aiming to assess students' knowledge proficiency by predicting their future performance on new questions based on their past response records.

counterfactual Counterfactual Reasoning +1

Don't Forget Your Reward Values: Language Model Alignment via Value-based Calibration

1 code implementation25 Feb 2024 Xin Mao, Feng-Lin Li, Huimin Xu, Wei zhang, Anh Tuan Luu

While Reinforcement Learning from Human Feedback (RLHF) significantly enhances the generation quality of Large Language Models (LLMs), recent studies have raised concerns regarding the complexity and instability associated with the Proximal Policy Optimization (PPO) algorithm, proposing a series of order-based calibration methods as viable alternatives.

Language Modelling

Modeling 4D fMRI Data via Spatio-Temporal Convolutional Neural Networks (ST-CNN)

no code implementations31 May 2018 Yu Zhao, Xiang Li, Wei zhang, Shijie Zhao, Milad Makkie, Mo Zhang, Quanzheng Li, Tianming Liu

Simultaneous modeling of the spatio-temporal variation patterns of brain functional network from 4D fMRI data has been an important yet challenging problem for the field of cognitive neuroscience and medical image analysis.

Brain Decoding

SEE: Syntax-aware Entity Embedding for Neural Relation Extraction

no code implementations11 Jan 2018 Zhengqiu He, Wenliang Chen, Zhenghua Li, Meishan Zhang, Wei zhang, Min Zhang

First, we encode the context of entities on a dependency tree as sentence-level entity embedding based on tree-GRU.

Relation Relation Classification +3

AdaComp : Adaptive Residual Gradient Compression for Data-Parallel Distributed Training

no code implementations7 Dec 2017 Chia-Yu Chen, Jungwook Choi, Daniel Brand, Ankur Agrawal, Wei zhang, Kailash Gopalakrishnan

Highly distributed training of Deep Neural Networks (DNNs) on future compute platforms (offering 100 of TeraOps/s of computational capacity) is expected to be severely communication constrained.

Quantization

DeepSkeleton: Skeleton Map for 3D Human Pose Regression

no code implementations29 Nov 2017 Qingfu Wan, Wei zhang, xiangyang xue

For the first time, we show that training regression network from skeleton map alone is capable of meeting the performance of state-of-theart 3D human pose estimation works.

2D Human Pose Estimation 3D Human Pose Estimation +1

GaDei: On Scale-up Training As A Service For Deep Learning

no code implementations18 Nov 2016 Wei Zhang, Minwei Feng, Yunhui Zheng, Yufei Ren, Yandong Wang, Ji Liu, Peng Liu, Bing Xiang, Li Zhang, Bo-Wen Zhou, Fei Wang

By evaluating the NLC workloads, we show that only the conservative hyper-parameter setup (e. g., small mini-batch size and small learning rate) can guarantee acceptable model accuracy for a wide range of customers.

Embedding Visual Hierarchy with Deep Networks for Large-Scale Visual Recognition

no code implementations8 Jul 2017 Tianyi Zhao, Baopeng Zhang, Wei zhang, Ning Zhou, Jun Yu, Jianping Fan

Our LMM model can provide an end-to-end approach for jointly learning: (a) the deep networks to extract more discriminative deep features for image and object class representation; (b) the tree classifier for recognizing large numbers of object classes hierarchically; and (c) the visual hierarchy adaptation for achieving more accurate indexing of large numbers of object classes hierarchically.

Object Object Recognition

Deep Mixture of Diverse Experts for Large-Scale Visual Recognition

no code implementations24 Jun 2017 Tianyi Zhao, Jun Yu, Zhenzhong Kuang, Wei zhang, Jianping Fan

In this paper, a deep mixture of diverse experts algorithm is developed for seamlessly combining a set of base deep CNNs (convolutional neural networks) with diverse outputs (task spaces), e. g., such base deep CNNs are trained to recognize different subsets of tens of thousands of atomic object classes.

Multi-Task Learning Object +1

Application of Multi-channel 3D-cube Successive Convolution Network for Convective Storm Nowcasting

no code implementations15 Feb 2017 Wei Zhang, Lei Han, Juanzhen Sun, Hanyang Guo, Jie Dai

This paper describes the first attempt to nowcast storm initiation, growth, and advection simultaneously under a deep learning framework using multi-source meteorological data.

Feature Engineering

Low-rank Label Propagation for Semi-supervised Learning with 100 Millions Samples

no code implementations28 Feb 2017 Raphael Petegrosso, Wei zhang, Zhuliu Li, Yousef Saad, Rui Kuang

The success of semi-supervised learning crucially relies on the scalability to a huge amount of unlabelled data that are needed to capture the underlying manifold structure for better classification.

Learning Compact Appearance Representation for Video-based Person Re-Identification

no code implementations21 Feb 2017 Wei Zhang, Shengnan Hu, Kan Liu, Zheng-Jun Zha

This paper presents a novel approach for video-based person re-identification using multiple Convolutional Neural Networks (CNNs).

Video-Based Person Re-Identification

PIGMIL: Positive Instance Detection via Graph Updating for Multiple Instance Learning

no code implementations12 Dec 2016 Dongkuan Xu, Jia Wu, Wei zhang, Yingjie Tian

To the end, we propose a positive instance detection via graph updating for multiple instance learning, called PIGMIL, to detect TPI accurately.

Multiple Instance Learning

Integrating Topic Models and Latent Factors for Recommendation

no code implementations28 Oct 2016 Danis J. Wilson, Wei zhang

In this work, we consider the problem of hotel recommendation for travel planning services by integrating the location information and the user's preference for recommendation.

Collaborative Filtering Recommendation Systems +1

End-to-End Answer Chunk Extraction and Ranking for Reading Comprehension

no code implementations31 Oct 2016 Yang Yu, Wei zhang, Kazi Hasan, Mo Yu, Bing Xiang, Bo-Wen Zhou

This paper proposes dynamic chunk reader (DCR), an end-to-end neural reading comprehension (RC) model that is able to extract and rank a set of answer candidates from a given document to answer questions.

Question Answering Reading Comprehension

Deep Kinematic Pose Regression

no code implementations17 Sep 2016 Xingyi Zhou, Xiao Sun, Wei zhang, Shuang Liang, Yichen Wei

In this work, we propose to directly embed a kinematic object model into the deep neutral network learning for general articulated object pose estimation.

3D Human Pose Estimation Object +2

Empirical Study on Deep Learning Models for Question Answering

no code implementations26 Oct 2015 Yang Yu, Wei zhang, Chung-Wei Hang, Bing Xiang, Bo-Wen Zhou

In this paper we explore deep learning models with memory component or attention mechanism for question answering task.

Machine Translation Question Answering +1

Structured Memory for Neural Turing Machines

no code implementations14 Oct 2015 Wei Zhang, Yang Yu, Bo-Wen Zhou

Neural Turing Machines (NTM) contain memory component that simulates "working memory" in the brain to store and retrieve information to ease simple algorithms learning.

Network-based Isoform Quantification with RNA-Seq Data for Cancer Transcriptome Analysis

no code implementations20 Mar 2014 Wei Zhang, Jae-Woong Chang, Lilong Lin, Kay Minn, Baolin Wu, Jeremy Chien, Jeongsik Yong, Hui Zheng, Rui Kuang

Based on our observation that the abundances of the neighboring isoforms by domain-domain interactions in the network are positively correlated, Net-RSTQ models the expression of the neighboring transcripts as Dirichlet priors on the likelihood of the observed read alignments against the transcripts in one gene.

Recognizing Extended Spatiotemporal Expressions by Actively Trained Average Perceptron Ensembles

no code implementations19 Aug 2015 Wei Zhang, Yang Yu, Osho Gupta, Judith Gelernter

We collected and annotated data set by querying commercial web searches API with such spatiotemporal expressions as were missed by state-of-the- art parsers.

Active Learning Ensemble Learning +1

Exploring Metaphorical Senses and Word Representations for Identifying Metonyms

no code implementations19 Aug 2015 Wei Zhang, Judith Gelernter

A metonym is a word with a figurative meaning, similar to a metaphor.

Supervised Reinforcement Learning with Recurrent Neural Network for Dynamic Treatment Recommendation

no code implementations4 Jul 2018 Lu Wang, Wei zhang, Xiaofeng He, Hongyuan Zha

Prior relevant studies recommend treatments either use supervised learning (e. g. matching the indicator signal which denotes doctor prescriptions), or reinforcement learning (e. g. maximizing evaluation signal which indicates cumulative reward from survival rates).

Recommendation Systems reinforcement-learning +1

Non-locally Enhanced Encoder-Decoder Network for Single Image De-raining

no code implementations4 Aug 2018 Guanbin Li, Xiang He, Wei zhang, Huiyou Chang, Le Dong, Liang Lin

Single image rain streaks removal has recently witnessed substantial progress due to the development of deep convolutional neural networks.

Temporal Sequence Distillation: Towards Few-Frame Action Recognition in Videos

no code implementations15 Aug 2018 Zhaoyang Zhang, Zhanghui Kuang, Ping Luo, Litong Feng, Wei zhang

Secondly, TSD significantly reduces the computations to run video action recognition with compressed frames on the cloud, while maintaining high recognition accuracies.

Action Recognition In Videos Temporal Action Localization

Solving Pictorial Jigsaw Puzzle by Stigmergy-inspired Internet-based Human Collective Intelligence

no code implementations28 Nov 2018 Bo Shen, Wei zhang, Haiyan Zhao, Zhi Jin, Yanhong Wu

And through feedback, each player is provided with personalized feedback information based on the current COG and the player's exploration result, in order to accelerate his/her puzzle-solving process.

Label-Free Distant Supervision for Relation Extraction via Knowledge Graph Embedding

no code implementations EMNLP 2018 Guanying Wang, Wen Zhang, Ruoxu Wang, Yalin Zhou, Xi Chen, Wei zhang, Hai Zhu, Huajun Chen

This paper proposes a label-free distant supervision method, which makes no use of the relation labels under this inadequate assumption, but only uses the prior knowledge derived from the KG to supervise the learning of the classifier directly and softly.

Knowledge Graph Embedding Relation +3

Learning to Decompose Compound Questions with Reinforcement Learning

no code implementations ICLR 2019 Haihong Yang, Han Wang, Shuang Guo, Wei zhang, Huajun Chen

Our model consists of two parts: (i) a novel learning-to-decompose agent that learns a policy to decompose a compound question into simple questions and (ii) three independent simple-question answerers that classify the corresponding relations for each simple question.

Question Answering reinforcement-learning +1

Deep Boosting of Diverse Experts

no code implementations ICLR 2018 Wei Zhang, Qiuyu Chen, Jun Yu, Jianping Fan

In this paper, a deep boosting algorithm is developed to learn more discriminative ensemble classifier by seamlessly combining a set of base deep CNNs (base experts) with diverse capabilities, e. g., these base deep CNNs are sequentially trained to recognize a set of object classes in an easy-to-hard way according to their learning complexities.

Object Recognition

Edge-Semantic Learning Strategy for Layout Estimation in Indoor Environment

no code implementations3 Jan 2019 Weidong Zhang, Wei zhang, Jason Gu

More specifically, we present an encoder-decoder network with shared encoder and two separate decoders, which are composed of multiple deconvolution (transposed convolution) layers, to jointly learn the edge maps and semantic labels of a room image.

MSR: Multi-Scale Shape Regression for Scene Text Detection

no code implementations9 Jan 2019 Chuhui Xue, Shijian Lu, Wei zhang

State-of-the-art scene text detection techniques predict quadrilateral boxes that are prone to localization errors while dealing with straight or curved text lines of different orientations and lengths in scenes.

regression Scene Text Detection +1

Binarized Mode Seeking for Scalable Visual Pattern Discovery

no code implementations CVPR 2017 Wei Zhang, Xiaochun Cao, Rui Wang, Yuanfang Guo, Zhineng Chen

Second, we further extend bMS to a more general form, namely contrastive binary mean shift (cbMS), which maximizes the contrastive density in binary space, for finding informative patterns that are both frequent and discriminative for the dataset.

Multiple Granularity Descriptors for Fine-Grained Categorization

no code implementations ICCV 2015 Dequan Wang, Zhiqiang Shen, Jie Shao, Wei zhang, xiangyang xue, Zheng Zhang

Fine-grained categorization, which aims to distinguish subordinate-level categories such as bird species or dog breeds, is an extremely challenging task.

A Spatio-Temporal Appearance Representation for Viceo-Based Pedestrian Re-Identification

no code implementations ICCV 2015 Kan Liu, Bingpeng Ma, Wei zhang, Rui Huang

Pedestrian re-identification is a difficult problem due to the large variations in a person's appearance caused by different poses and viewpoints, illumination changes, and occlusions.

VrR-VG: Refocusing Visually-Relevant Relationships

no code implementations ICCV 2019 Yuanzhi Liang, Yalong Bai, Wei zhang, Xueming Qian, Li Zhu, Tao Mei

Relationships encode the interactions among individual instances, and play a critical role in deep visual scene understanding.

Image Captioning Question Answering +3

Hierarchical Photo-Scene Encoder for Album Storytelling

no code implementations2 Feb 2019 Bairui Wang, Lin Ma, Wei zhang, Wenhao Jiang, Feng Zhang

In this paper, we propose a novel model with a hierarchical photo-scene encoder and a reconstructor for the task of album storytelling.

Image-guided Story Ending Generation

Long-tail Relation Extraction via Knowledge Graph Embeddings and Graph Convolution Networks

no code implementations NAACL 2019 Ningyu Zhang, Shumin Deng, Zhanlin Sun, Guanying Wang, Xi Chen, Wei zhang, Huajun Chen

Here, the challenge is to learn accurate "few-shot" models for classes existing at the tail of the class distribution, for which little data is available.

Knowledge Graph Embeddings Relation +1

Interaction Embeddings for Prediction and Explanation in Knowledge Graphs

no code implementations12 Mar 2019 Wen Zhang, Bibek Paudel, Wei zhang, Abraham Bernstein, Huajun Chen

Knowledge graph embedding aims to learn distributed representations for entities and relations, and is proven to be effective in many applications.

Knowledge Graph Embedding Knowledge Graphs +1

Iteratively Learning Embeddings and Rules for Knowledge Graph Reasoning

no code implementations21 Mar 2019 Wen Zhang, Bibek Paudel, Liang Wang, Jiaoyan Chen, Hai Zhu, Wei zhang, Abraham Bernstein, Huajun Chen

We also evaluate the efficiency of rule learning and quality of rules from IterE compared with AMIE+, showing that IterE is capable of generating high quality rules more efficiently.

Entity Embeddings Knowledge Graphs +1

Distributed Deep Learning Strategies For Automatic Speech Recognition

no code implementations10 Apr 2019 Wei Zhang, Xiaodong Cui, Ulrich Finkler, Brian Kingsbury, George Saon, David Kung, Michael Picheny

We show that we can train the LSTM model using ADPSGD in 14 hours with 16 NVIDIA P100 GPUs to reach a 7. 6% WER on the Hub5- 2000 Switchboard (SWB) test set and a 13. 1% WER on the CallHome (CH) test set.

Automatic Speech Recognition Automatic Speech Recognition (ASR) +1

Anti-Confusing: Region-Aware Network for Human Pose Estimation

no code implementations3 May 2019 Xuan Cao, Yanhao Ge, Ying Tai, Wei zhang, Jian Li, Chengjie Wang, Jilin Li, Feiyue Huang

In this work, we propose a novel framework named Region-Aware Network (RANet), which learns the ability of anti-confusing in case of heavy occlusion, nearby person and symmetric appearance, for human pose estimation.

Data Augmentation Pose Estimation

Machine Learning Based Routing Congestion Prediction in FPGA High-Level Synthesis

no code implementations6 May 2019 Jieru Zhao, Tingyuan Liang, Sharad Sinha, Wei zhang

Early and accurate congestion estimation is of great benefit to guide the optimization in HLS and improve the efficiency of implementation.

BIG-bench Machine Learning Face Detection +1

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