Search Results for author: Lingqiao Liu

Found 98 papers, 29 papers with code

CoLeCLIP: Open-Domain Continual Learning via Joint Task Prompt and Vocabulary Learning

no code implementations15 Mar 2024 Yukun Li, Guansong Pang, Wei Suo, Chenchen Jing, Yuling Xi, Lingqiao Liu, Hao Chen, Guoqiang Liang, Peng Wang

Large pre-trained VLMs like CLIP have demonstrated superior zero-shot recognition ability, and a number of recent studies leverage this ability to mitigate catastrophic forgetting in CL, but they focus on closed-set CL in a single domain dataset.

Autonomous Driving Class Incremental Learning +2

A Causal Inspired Early-Branching Structure for Domain Generalization

1 code implementation13 Mar 2024 Liang Chen, Yong Zhang, Yibing Song, Zhen Zhang, Lingqiao Liu

By d-separation, we observe that the causal feature can be further characterized by being independent of the domain conditioned on the object, and we propose the following two strategies as complements for the basic framework.

Domain Generalization

Decomposing Disease Descriptions for Enhanced Pathology Detection: A Multi-Aspect Vision-Language Matching Framework

1 code implementation12 Mar 2024 Minh Hieu Phan, Yutong Xie, Yuankai Qi, Lingqiao Liu, Liyang Liu, BoWen Zhang, Zhibin Liao, Qi Wu, Minh-Son To, Johan W. Verjans

Medical vision language pre-training (VLP) has emerged as a frontier of research, enabling zero-shot pathological recognition by comparing the query image with the textual descriptions for each disease.

Language Modelling Large Language Model

A Simple-but-effective Baseline for Training-free Class-Agnostic Counting

no code implementations3 Mar 2024 YuHao Lin, HaiMing Xu, Lingqiao Liu, Javen Qinfeng Shi

Class-Agnostic Counting (CAC) seeks to accurately count objects in a given image with only a few reference examples.

I Learn Better If You Speak My Language: Enhancing Large Language Model Fine-Tuning with Style-Aligned Response Adjustments

no code implementations17 Feb 2024 Xuan Ren, Biao Wu, Lingqiao Liu

The potential for overfitting on a limited number of examples can negatively impact the model's ability to generalize and retain its original skills.

Language Modelling Large Language Model

Source-Free Unsupervised Domain Adaptation with Hypothesis Consolidation of Prediction Rationale

1 code implementation2 Feb 2024 Yangyang Shu, Xiaofeng Cao, Qi Chen, BoWen Zhang, Ziqin Zhou, Anton Van Den Hengel, Lingqiao Liu

Source-Free Unsupervised Domain Adaptation (SFUDA) is a challenging task where a model needs to be adapted to a new domain without access to target domain labels or source domain data.

Unsupervised Domain Adaptation

A Systematic Evaluation of GPT-4V's Multimodal Capability for Medical Image Analysis

no code implementations31 Oct 2023 Yingshu Li, Yunyi Liu, Zhanyu Wang, Xinyu Liang, Lei Wang, Lingqiao Liu, Leyang Cui, Zhaopeng Tu, Longyue Wang, Luping Zhou

This work conducts an evaluation of GPT-4V's multimodal capability for medical image analysis, with a focus on three representative tasks of radiology report generation, medical visual question answering, and medical visual grounding.

Descriptive Medical Visual Question Answering +3

R2GenGPT: Radiology Report Generation with Frozen LLMs

1 code implementation18 Sep 2023 Zhanyu Wang, Lingqiao Liu, Lei Wang, Luping Zhou

First, it attains state-of-the-art (SOTA) performance by training only the lightweight visual alignment module while freezing all the parameters of LLM.

Progressive Feature Adjustment for Semi-supervised Learning from Pretrained Models

no code implementations9 Sep 2023 Hai-Ming Xu, Lingqiao Liu, Hao Chen, Ehsan Abbasnejad, Rafael Felix

As an effective way to alleviate the burden of data annotation, semi-supervised learning (SSL) provides an attractive solution due to its ability to leverage both labeled and unlabeled data to build a predictive model.

Domain Generalization via Rationale Invariance

1 code implementation ICCV 2023 Liang Chen, Yong Zhang, Yibing Song, Anton Van Den Hengel, Lingqiao Liu

Specifically, we propose treating the element-wise contributions to the final results as the rationale for making a decision and representing the rationale for each sample as a matrix.

Decision Making Domain Generalization

You Can Generate It Again: Data-to-text Generation with Verification and Correction Prompting

no code implementations28 Jun 2023 Xuan Ren, Lingqiao Liu

In this paper, we propose a novel approach that goes beyond traditional one-shot generation methods by introducing a multi-step process consisting of generation, verification, and correction stages.

Data-to-Text Generation

Learning Conditional Attributes for Compositional Zero-Shot Learning

1 code implementation CVPR 2023 Qingsheng Wang, Lingqiao Liu, Chenchen Jing, Hao Chen, Guoqiang Liang, Peng Wang, Chunhua Shen

Compositional Zero-Shot Learning (CZSL) aims to train models to recognize novel compositional concepts based on learned concepts such as attribute-object combinations.

Attribute Compositional Zero-Shot Learning

Out-of-Distribution Generalization in Text Classification: Past, Present, and Future

no code implementations23 May 2023 Linyi Yang, Yaoxiao Song, Xuan Ren, Chenyang Lyu, Yidong Wang, Lingqiao Liu, Jindong Wang, Jennifer Foster, Yue Zhang

Machine learning (ML) systems in natural language processing (NLP) face significant challenges in generalizing to out-of-distribution (OOD) data, where the test distribution differs from the training data distribution.

Out-of-Distribution Generalization text-classification +1

The CLIP Model is Secretly an Image-to-Prompt Converter

no code implementations NeurIPS 2023 Yuxuan Ding, Chunna Tian, Haoxuan Ding, Lingqiao Liu

The Stable Diffusion model is a prominent text-to-image generation model that relies on a text prompt as its input, which is encoded using the Contrastive Language-Image Pre-Training (CLIP).

Image-Variation Text-to-Image Generation

Improved Test-Time Adaptation for Domain Generalization

1 code implementation CVPR 2023 Liang Chen, Yong Zhang, Yibing Song, Ying Shan, Lingqiao Liu

Generally, a TTT strategy hinges its performance on two main factors: selecting an appropriate auxiliary TTT task for updating and identifying reliable parameters to update during the test phase.

Domain Generalization Test-time Adaptation

METransformer: Radiology Report Generation by Transformer with Multiple Learnable Expert Tokens

no code implementations CVPR 2023 Zhanyu Wang, Lingqiao Liu, Lei Wang, Luping Zhou

In the encoder, each expert token interacts with both vision tokens and other expert tokens to learn to attend different image regions for image representation.

Revisiting Image Reconstruction for Semi-supervised Semantic Segmentation

no code implementations17 Mar 2023 YuHao Lin, HaiMing Xu, Lingqiao Liu, Jinan Zou, Javen Qinfeng Shi

In this paper, we revisit the idea of using image reconstruction as the auxiliary task and incorporate it with a modern semi-supervised semantic segmentation framework.

Image Reconstruction Representation Learning +2

Learning Common Rationale to Improve Self-Supervised Representation for Fine-Grained Visual Recognition Problems

1 code implementation CVPR 2023 Yangyang Shu, Anton Van Den Hengel, Lingqiao Liu

Specifically, we fit the GradCAM with a branch with limited fitting capacity, which allows the branch to capture the common rationales and discard the less common discriminative patterns.

Fine-Grained Visual Recognition Self-Supervised Learning

Stock Market Prediction via Deep Learning Techniques: A Survey

no code implementations24 Dec 2022 Jinan Zou, Qingying Zhao, Yang Jiao, Haiyao Cao, Yanxi Liu, Qingsen Yan, Ehsan Abbasnejad, Lingqiao Liu, Javen Qinfeng Shi

Existing surveys on stock market prediction often focus on traditional machine learning methods instead of deep learning methods.

Stock Market Prediction

Generalizable Person Re-Identification via Viewpoint Alignment and Fusion

no code implementations5 Dec 2022 Bingliang Jiao, Lingqiao Liu, Liying Gao, Guosheng Lin, Ruiqi Wu, Shizhou Zhang, Peng Wang, Yanning Zhang

The key insight of this design is that the cross-attention mechanism in the transformer could be an ideal solution to align the discriminative texture clues from the original image with the canonical view image, which could compensate for the low-quality texture information of the canonical view image.

Domain Generalization Generalizable Person Re-identification +1

Semi-supervised Semantic Segmentation with Prototype-based Consistency Regularization

1 code implementation10 Oct 2022 Hai-Ming Xu, Lingqiao Liu, Qiuchen Bian, Zhen Yang

Semi-supervised semantic segmentation requires the model to effectively propagate the label information from limited annotated images to unlabeled ones.

Semi-Supervised Semantic Segmentation

Regularizing Neural Network Training via Identity-wise Discriminative Feature Suppression

1 code implementation29 Sep 2022 Avraham Chapman, Lingqiao Liu

It suppresses features that can be utilized to identify individual instances among samples within each class.

Pretrained Language Encoders are Natural Tagging Frameworks for Aspect Sentiment Triplet Extraction

no code implementations20 Aug 2022 Yanjie Gou, Yinjie Lei, Lingqiao Liu, Yong Dai, Chunxu Shen, Yongqi Tong

Existing works usually formulate the span detection as a 1D token tagging problem, and model the sentiment recognition with a 2D tagging matrix of token pairs.

Aspect Sentiment Triplet Extraction Inductive Bias

Single-Stage Open-world Instance Segmentation with Cross-task Consistency Regularization

1 code implementation18 Aug 2022 Xizhe Xue, Dongdong Yu, Lingqiao Liu, Yu Liu, Satoshi Tsutsui, Ying Li, Zehuan Yuan, Ping Song, Mike Zheng Shou

Based on the single-stage instance segmentation framework, we propose a regularization model to predict foreground pixels and use its relation to instance segmentation to construct a cross-task consistency loss.

Autonomous Driving Object +3

Improving Fine-Grained Visual Recognition in Low Data Regimes via Self-Boosting Attention Mechanism

1 code implementation1 Aug 2022 Yangyang Shu, Baosheng Yu, HaiMing Xu, Lingqiao Liu

In low data regimes, a network often struggles to choose the correct regions for recognition and tends to overfit spurious correlated patterns from the training data.

Fine-Grained Visual Recognition

Don't Stop Learning: Towards Continual Learning for the CLIP Model

no code implementations19 Jul 2022 Yuxuan Ding, Lingqiao Liu, Chunna Tian, Jingyuan Yang, Haoxuan Ding

The Contrastive Language-Image Pre-training (CLIP) Model is a recently proposed large-scale pre-train model which attracts increasing attention in the computer vision community.

Continual Learning Image-text matching +2

Learning Resolution-Adaptive Representations for Cross-Resolution Person Re-Identification

no code implementations9 Jul 2022 Lin Wu, Lingqiao Liu, Yang Wang, Zheng Zhang, Farid Boussaid, Mohammed Bennamoun

It is a challenging and practical problem since the query images often suffer from resolution degradation due to the different capturing conditions from real-world cameras.

Person Re-Identification Super-Resolution

Dual Decision Improves Open-Set Panoptic Segmentation

no code implementations6 Jul 2022 Hai-Ming Xu, Hao Chen, Lingqiao Liu, Yufei Yin

Then we distinguish the "unknown things" from the background by using the additional object prediction head.

Panoptic Segmentation

Astock: A New Dataset and Automated Stock Trading based on Stock-specific News Analyzing Model

1 code implementation14 Jun 2022 Jinan Zou, Haiyao Cao, Lingqiao Liu, YuHao Lin, Ehsan Abbasnejad, Javen Qinfeng Shi

In addition, we propose a self-supervised learning strategy based on SRLP to enhance the out-of-distribution generalization performance of our system.

Decision Making News Classification +5

Self-supervised Learning of Adversarial Example: Towards Good Generalizations for Deepfake Detection

1 code implementation CVPR 2022 Liang Chen, Yong Zhang, Yibing Song, Lingqiao Liu, Jue Wang

Following this principle, we propose to enrich the "diversity" of forgeries by synthesizing augmented forgeries with a pool of forgery configurations and strengthen the "sensitivity" to the forgeries by enforcing the model to predict the forgery configurations.

DeepFake Detection Face Swapping +1

Multi-Domain Joint Training for Person Re-Identification

no code implementations6 Jan 2022 Lu Yang, Lingqiao Liu, Yunlong Wang, Peng Wang, Yanning Zhang

Our discovery is that training with such an adaptive model can better benefit from more training samples.

Person Re-Identification

Global and Local Texture Randomization for Synthetic-to-Real Semantic Segmentation

no code implementations5 Aug 2021 Duo Peng, Yinjie Lei, Lingqiao Liu, Pingping Zhang, Jun Liu

In this work, we propose two simple yet effective texture randomization mechanisms, Global Texture Randomization (GTR) and Local Texture Randomization (LTR), for Domain Generalization based SRSS.

Domain Generalization Segmentation +1

Feature Encoding with AutoEncoders for Weakly-supervised Anomaly Detection

2 code implementations22 May 2021 Yingjie Zhou, Xucheng Song, Yanru Zhang, Fanxing Liu, Ce Zhu, Lingqiao Liu

Weakly-supervised anomaly detection aims at learning an anomaly detector from a limited amount of labeled data and abundant unlabeled data.

Supervised Anomaly Detection Weakly-supervised Anomaly Detection

CAT: Cross-Attention Transformer for One-Shot Object Detection

no code implementations30 Apr 2021 Weidong Lin, Yuyan Deng, Yang Gao, Ning Wang, Jinghao Zhou, Lingqiao Liu, Lei Zhang, Peng Wang

Given a query patch from a novel class, one-shot object detection aims to detect all instances of that class in a target image through the semantic similarity comparison.

Object object-detection +3

Center Prediction Loss for Re-identification

no code implementations30 Apr 2021 Lu Yang, Yunlong Wang, Lingqiao Liu, Peng Wang, Lu Chi, Zehuan Yuan, Changhu Wang, Yanning Zhang

In this paper, we propose a new loss based on center predictivity, that is, a sample must be positioned in a location of the feature space such that from it we can roughly predict the location of the center of same-class samples.

Pluggable Weakly-Supervised Cross-View Learning for Accurate Vehicle Re-Identification

no code implementations9 Mar 2021 Lu Yang, Hongbang Liu, Jinghao Zhou, Lingqiao Liu, Lei Zhang, Peng Wang, Yanning Zhang

Learning cross-view consistent feature representation is the key for accurate vehicle Re-identification (ReID), since the visual appearance of vehicles changes significantly under different viewpoints.

Vehicle Re-Identification

Contextualize Knowledge Bases with Transformer for End-to-end Task-Oriented Dialogue Systems

no code implementations EMNLP 2021 Yanjie Gou, Yinjie Lei, Lingqiao Liu, Yong Dai, Chunxu Shen

Incorporating knowledge bases (KB) into end-to-end task-oriented dialogue systems is challenging, since it requires to properly represent the entity of KB, which is associated with its KB context and dialogue context.

Response Generation Task-Oriented Dialogue Systems

Semi-Supervised Crowd Counting via Self-Training on Surrogate Tasks

no code implementations ECCV 2020 Yan Liu, Lingqiao Liu, Peng Wang, Pingping Zhang, Yinjie Lei

Most existing crowd counting systems rely on the availability of the object location annotation which can be expensive to obtain.

Crowd Counting

Towards Using Count-level Weak Supervision for Crowd Counting

no code implementations29 Feb 2020 Yinjie Lei, Yan Liu, Pingping Zhang, Lingqiao Liu

Most existing crowd counting methods require object location-level annotation, i. e., placing a dot at the center of an object.

Crowd Counting

Semi-supervised Learning via Conditional Rotation Angle Estimation

no code implementations9 Jan 2020 Hai-Ming Xu, Lingqiao Liu, Dong Gong

Our insight is that the prediction target in SemSL can be modeled as the latent factor in the predictor for the SlfSL target.

Self-Supervised Learning

To Balance or Not to Balance: A Simple-yet-Effective Approach for Learning with Long-Tailed Distributions

no code implementations10 Dec 2019 Jun-Jie Zhang, Lingqiao Liu, Peng Wang, Chunhua Shen

Such imbalanced distribution causes a great challenge for learning a deep neural network, which can be boiled down into a dilemma: on the one hand, we prefer to increase the exposure of tail class samples to avoid the excessive dominance of head classes in the classifier training.

Auxiliary Learning Self-Supervised Learning

Improving Distant Supervised Relation Extraction by Dynamic Neural Network

no code implementations15 Nov 2019 Yanjie Gou, Yinjie Lei, Lingqiao Liu, Pingping Zhang, Xi Peng

To account for this style shift, the model should adjust its parameters in accordance with entity types.

Relation Relation Extraction

Creating Auxiliary Representations from Charge Definitions for Criminal Charge Prediction

no code implementations12 Nov 2019 Liangyi Kang, Jie Liu, Lingqiao Liu, Qinfeng Shi, Dan Ye

Thus, we propose to create auxiliary fact representations from charge definitions to augment fact descriptions representation.

Sentence

Structured Binary Neural Networks for Image Recognition

no code implementations22 Sep 2019 Bohan Zhuang, Chunhua Shen, Mingkui Tan, Peng Chen, Lingqiao Liu, Ian Reid

Experiments on both classification, semantic segmentation and object detection tasks demonstrate the superior performance of the proposed methods over various quantized networks in the literature.

object-detection Object Detection +2

In defense of OSVOS

no code implementations19 Aug 2019 Yu Liu, Yutong Dai, Anh-Dzung Doan, Lingqiao Liu, Ian Reid

Through adding a common module, video loss, which we formulate with various forms of constraints (including weighted BCE loss, high-dimensional triplet loss, as well as a novel mixed instance-aware video loss), to train the parent network in the step (2), the network is then better prepared for the step (3), i. e. online fine-tuning on the target instance.

Depth Estimation Object +6

Effective Training of Convolutional Neural Networks with Low-bitwidth Weights and Activations

no code implementations10 Aug 2019 Bohan Zhuang, Jing Liu, Mingkui Tan, Lingqiao Liu, Ian Reid, Chunhua Shen

Furthermore, we propose a second progressive quantization scheme which gradually decreases the bit-width from high-precision to low-precision during training.

Knowledge Distillation Quantization

V-PROM: A Benchmark for Visual Reasoning Using Visual Progressive Matrices

no code implementations29 Jul 2019 Damien Teney, Peng Wang, Jiewei Cao, Lingqiao Liu, Chunhua Shen, Anton Van Den Hengel

One of the primary challenges faced by deep learning is the degree to which current methods exploit superficial statistics and dataset bias, rather than learning to generalise over the specific representations they have experienced.

Visual Reasoning

Training Quantized Neural Networks with a Full-precision Auxiliary Module

no code implementations CVPR 2020 Bohan Zhuang, Lingqiao Liu, Mingkui Tan, Chunhua Shen, Ian Reid

In this paper, we seek to tackle a challenge in training low-precision networks: the notorious difficulty in propagating gradient through a low-precision network due to the non-differentiable quantization function.

Image Classification object-detection +2

RPC: A Large-Scale Retail Product Checkout Dataset

no code implementations22 Jan 2019 Xiu-Shen Wei, Quan Cui, Lei Yang, Peng Wang, Lingqiao Liu

The main challenge of this problem comes from the large scale and the fine-grained nature of the product categories as well as the difficulty for collecting training images that reflect the realistic checkout scenarios due to continuous update of the products.

Learning Pairwise Relationship for Multi-object Detection in Crowded Scenes

no code implementations12 Jan 2019 Yu Liu, Lingqiao Liu, Hamid Rezatofighi, Thanh-Toan Do, Qinfeng Shi, Ian Reid

As the post-processing step for object detection, non-maximum suppression (GreedyNMS) is widely used in most of the detectors for many years.

object-detection Object Detection

Mask-aware networks for crowd counting

no code implementations18 Dec 2018 Shengqin Jiang, Xiaobo Lu, Yinjie Lei, Lingqiao Liu

Our rationale is that the mask prediction could be better modeled as a binary segmentation problem and the difficulty of estimating the density could be reduced if the mask is known.

Crowd Counting Object

Coarse-to-fine: A RNN-based hierarchical attention model for vehicle re-identification

no code implementations11 Dec 2018 Xiu-Shen Wei, Chen-Lin Zhang, Lingqiao Liu, Chunhua Shen, Jianxin Wu

Inspired by the coarse-to-fine hierarchical process, we propose an end-to-end RNN-based Hierarchical Attention (RNN-HA) classification model for vehicle re-identification.

Vehicle Re-Identification

Structured Binary Neural Networks for Accurate Image Classification and Semantic Segmentation

no code implementations CVPR 2019 Bohan Zhuang, Chunhua Shen, Mingkui Tan, Lingqiao Liu, Ian Reid

In this paper, we propose to train convolutional neural networks (CNNs) with both binarized weights and activations, leading to quantized models specifically} for mobile devices with limited power capacity and computation resources.

General Classification Image Classification +2

Towards Effective Deep Embedding for Zero-Shot Learning

no code implementations30 Aug 2018 Lei Zhang, Peng Wang, Lingqiao Liu, Chunhua Shen, Wei Wei, Yannning Zhang, Anton Van Den Hengel

Towards this goal, we present a simple but effective two-branch network to simultaneously map semantic descriptions and visual samples into a joint space, on which visual embeddings are forced to regress to their class-level semantic embeddings and the embeddings crossing classes are required to be distinguishable by a trainable classifier.

Zero-Shot Learning

Adaptive Importance Learning for Improving Lightweight Image Super-resolution Network

no code implementations5 Jun 2018 Lei Zhang, Peng Wang, Chunhua Shen, Lingqiao Liu, Wei Wei, Yanning Zhang, Anton Van Den Hengel

In this study, we revisit this problem from an orthog- onal view, and propose a novel learning strategy to maxi- mize the pixel-wise fitting capacity of a given lightweight network architecture.

Image Super-Resolution

Piecewise classifier mappings: Learning fine-grained learners for novel categories with few examples

1 code implementation11 May 2018 Xiu-Shen Wei, Peng Wang, Lingqiao Liu, Chunhua Shen, Jianxin Wu

To solve this problem, we propose an end-to-end trainable deep network which is inspired by the state-of-the-art fine-grained recognition model and is tailored for the FSFG task.

Few-Shot Learning Fine-Grained Image Recognition

Adversarial Learning of Structure-Aware Fully Convolutional Networks for Landmark Localization

no code implementations1 Nov 2017 Yu Chen, Chunhua Shen, Hao Chen, Xiu-Shen Wei, Lingqiao Liu, Jian Yang

In contrast, human vision is able to predict poses by exploiting geometric constraints of landmark point inter-connectivity.

Pose Estimation

Towards Effective Low-bitwidth Convolutional Neural Networks

2 code implementations CVPR 2018 Bohan Zhuang, Chunhua Shen, Mingkui Tan, Lingqiao Liu, Ian Reid

This paper tackles the problem of training a deep convolutional neural network with both low-precision weights and low-bitwidth activations.

Quantization

Towards Context-Aware Interaction Recognition for Visual Relationship Detection

1 code implementation ICCV 2017 Bohan Zhuang, Lingqiao Liu, Chunhua Shen, Ian Reid

The proposed method still builds one classifier for one interaction (as per type (ii) above), but the classifier built is adaptive to context via weights which are context dependent.

Relationship Detection Visual Relationship Detection

Visually Aligned Word Embeddings for Improving Zero-shot Learning

no code implementations18 Jul 2017 Ruizhi Qiao, Lingqiao Liu, Chunhua Shen, Anton Van Den Hengel

To overcome this visual-semantic discrepancy, this work proposes an objective function to re-align the distributed word embeddings with visual information by learning a neural network to map it into a new representation called visually aligned word embedding (VAWE).

Semantic Similarity Semantic Textual Similarity +2

Multi-Attention Network for One Shot Learning

no code implementations CVPR 2017 Peng Wang, Lingqiao Liu, Chunhua Shen, Zi Huang, Anton Van Den Hengel, Heng Tao Shen

One-shot learning is a challenging problem where the aim is to recognize a class identified by a single training image.

One-Shot Learning TAG +1

Weakly Supervised Semantic Segmentation Based on Web Image Co-segmentation

no code implementations25 May 2017 Tong Shen, Guosheng Lin, Lingqiao Liu, Chunhua Shen, Ian Reid

Training a Fully Convolutional Network (FCN) for semantic segmentation requires a large number of masks with pixel level labelling, which involves a large amount of human labour and time for annotation.

Segmentation Weakly supervised Semantic Segmentation +1

Towards Context-aware Interaction Recognition

no code implementations18 Mar 2017 Bohan Zhuang, Lingqiao Liu, Chunhua Shen, Ian Reid

Recognizing how objects interact with each other is a crucial task in visual recognition.

Deep Learning Features at Scale for Visual Place Recognition

no code implementations18 Jan 2017 Zetao Chen, Adam Jacobson, Niko Sunderhauf, Ben Upcroft, Lingqiao Liu, Chunhua Shen, Ian Reid, Michael Milford

The success of deep learning techniques in the computer vision domain has triggered a range of initial investigations into their utility for visual place recognition, all using generic features from networks that were trained for other types of recognition tasks.

Visual Place Recognition

From Motion Blur to Motion Flow: a Deep Learning Solution for Removing Heterogeneous Motion Blur

no code implementations CVPR 2017 Dong Gong, Jie Yang, Lingqiao Liu, Yanning Zhang, Ian Reid, Chunhua Shen, Anton Van Den Hengel, Qinfeng Shi

The critical observation underpinning our approach is thus that learning the motion flow instead allows the model to focus on the cause of the blur, irrespective of the image content.

Exploiting Temporal Information for DCNN-based Fine-Grained Object Classification

no code implementations1 Aug 2016 ZongYuan Ge, Chris McCool, Conrad Sanderson, Peng Wang, Lingqiao Liu, Ian Reid, Peter Corke

Fine-grained classification is a relatively new field that has concentrated on using information from a single image, while ignoring the enormous potential of using video data to improve classification.

Classification General Classification

Where to Focus: Query Adaptive Matching for Instance Retrieval Using Convolutional Feature Maps

no code implementations22 Jun 2016 Jiewei Cao, Lingqiao Liu, Peng Wang, Zi Huang, Chunhua Shen, Heng Tao Shen

Instance retrieval requires one to search for images that contain a particular object within a large corpus.

Retrieval

What's Wrong With That Object? Identifying Images of Unusual Objects by Modelling the Detection Score Distribution

no code implementations CVPR 2016 Peng Wang, Lingqiao Liu, Chunhua Shen, Zi Huang, Anton Van Den Hengel, Heng Tao Shen

The key observation motivating our approach is that "regular object" images, "unusual object" images and "other objects" images exhibit different region-level scores in terms of both the score values and the spatial distributions.

Gaussian Processes Object +2

Less is more: zero-shot learning from online textual documents with noise suppression

no code implementations CVPR 2016 Ruizhi Qiao, Lingqiao Liu, Chunhua Shen, Anton Van Den Hengel

Classifying a visual concept merely from its associated online textual source, such as a Wikipedia article, is an attractive research topic in zero-shot learning because it alleviates the burden of manually collecting semantic attributes.

Zero-Shot Learning

Hi Detector, What's Wrong with that Object? Identifying Irregular Object From Images by Modelling the Detection Score Distribution

no code implementations14 Feb 2016 Peng Wang, Lingqiao Liu, Chunhua Shen, Anton Van Den Hengel, Heng Tao Shen

To address this problem, we propose a novel approach by inspecting the distribution of the detection scores at multiple image regions based on the detector trained from the "regular object" and "other objects".

Gaussian Processes Object

Order-aware Convolutional Pooling for Video Based Action Recognition

no code implementations31 Jan 2016 Peng Wang, Lingqiao Liu, Chunhua Shen, Heng Tao Shen

Most video based action recognition approaches create the video-level representation by temporally pooling the features extracted at each frame.

Action Recognition Temporal Action Localization

Compositional Model based Fisher Vector Coding for Image Classification

1 code implementation16 Jan 2016 Lingqiao Liu, Peng Wang, Chunhua Shen, Lei Wang, Anton Van Den Hengel, Chao Wang, Heng Tao Shen

To handle this limitation, in this paper we break the convention which assumes that a local feature is drawn from one of few Gaussian distributions.

Classification General Classification +1

Cross-convolutional-layer Pooling for Image Recognition

no code implementations4 Oct 2015 Lingqiao Liu, Chunhua Shen, Anton Van Den Hengel

Most of these studies adopt activations from a single DCNN layer, usually the fully-connected layer, as the image representation.

General Classification Image Classification

Mining Mid-level Visual Patterns with Deep CNN Activations

1 code implementation21 Jun 2015 Yao Li, Lingqiao Liu, Chunhua Shen, Anton Van Den Hengel

The purpose of mid-level visual element discovery is to find clusters of image patches that are both representative and discriminative.

What value do explicit high level concepts have in vision to language problems?

1 code implementation CVPR 2016 Qi Wu, Chunhua Shen, Lingqiao Liu, Anthony Dick, Anton Van Den Hengel

Much of the recent progress in Vision-to-Language (V2L) problems has been achieved through a combination of Convolutional Neural Networks (CNNs) and Recurrent Neural Networks (RNNs).

Image Captioning Question Answering +1

The Treasure beneath Convolutional Layers: Cross-convolutional-layer Pooling for Image Classification

1 code implementation CVPR 2015 Lingqiao Liu, Chunhua Shen, Anton Van Den Hengel

This paper, however, advocates that if used appropriately convolutional layer activations can be turned into a powerful image representation which enjoys many advantages over fully-connected layer activations.

General Classification Image Classification

Encoding High Dimensional Local Features by Sparse Coding Based Fisher Vectors

no code implementations NeurIPS 2014 Lingqiao Liu, Chunhua Shen, Lei Wang, Anton Van Den Hengel, Chao Wang

By calculating the gradient vector of the proposed model, we derive a new fisher vector encoding strategy, termed Sparse Coding based Fisher Vector Coding (SCFVC).

Fine-Grained Image Classification General Classification +2

Mid-level Deep Pattern Mining

no code implementations CVPR 2015 Yao Li, Lingqiao Liu, Chunhua Shen, Anton Van Den Hengel

We apply our approach to scene and object classification tasks, and demonstrate that our approach outperforms all previous works on mid-level visual element discovery by a sizeable margin with far fewer elements being used.

A Generalized Probabilistic Framework for Compact Codebook Creation

no code implementations30 Jan 2014 Lingqiao Liu, Lei Wang, Chunhua Shen

In the third criterion, which shows the best merging performance, we propose a max-margin-based parameter estimation method and apply it with multinomial distribution.

Discriminative Brain Effective Connectivity Analysis for Alzheimer's Disease: A Kernel Learning Approach upon Sparse Gaussian Bayesian Network

no code implementations CVPR 2013 Luping Zhou, Lei Wang, Lingqiao Liu, Philip Ogunbona, Dinggang Shen

Analyzing brain networks from neuroimages is becoming a promising approach in identifying novel connectivitybased biomarkers for the Alzheimer's disease (AD).

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