no code implementations • 2 May 2023 • Weixuan Sun, Zheyuan Liu, Yanhao Zhang, Yiran Zhong, Nick Barnes
The Segment Anything Model (SAM) has demonstrated exceptional performance and versatility, making it a promising tool for various related tasks.
1 code implementation • CVPR 2023 • Weixuan Sun, Jiayi Zhang, Jianyuan Wang, Zheyuan Liu, Yiran Zhong, Tianpeng Feng, Yandong Guo, Yanhao Zhang, Nick Barnes
Based on this observation, we propose a new learning strategy named False Negative Aware Contrastive (FNAC) to mitigate the problem of misleading the training with such false negative samples.
1 code implementation • 2 Mar 2023 • Siyuan Yan, Jing Zhang, Nick Barnes
To effectively model the two types of uncertainty, we introduce a Bayesian generative model to simultaneously estimate the posterior distribution of model parameters and its predictions.
1 code implementation • 5 Dec 2022 • Jie Hong, Shi Qiu, Weihao Li, Saeed Anwar, Mehrtash Harandi, Nick Barnes, Lars Petersson
Specifically, we use the Unknown-Point Simulator to simulate unknown data in the training stage by manipulating the geometric context of partial known data.
1 code implementation • 13 Nov 2022 • Ruikai Cui, Shi Qiu, Saeed Anwar, Jing Zhang, Nick Barnes
Unsupervised point cloud completion aims to infer the whole geometry of a partial object observation without requiring partial-complete correspondence.
1 code implementation • 19 Oct 2022 • Zhen Qin, Xiaodong Han, Weixuan Sun, Dongxu Li, Lingpeng Kong, Nick Barnes, Yiran Zhong
In this paper, we examine existing kernel-based linear transformers and identify two key issues that lead to such performance gaps: 1) unbounded gradients in the attention computation adversely impact the convergence of linear transformer models; 2) attention dilution which trivially distributes attention scores over long sequences while neglecting neighbouring structures.
no code implementations • 11 Oct 2022 • Changkun Ye, Nick Barnes, Lars Petersson, Russell Tsuchida
Zero-Shot Learning (ZSL) models aim to classify object classes that are not seen during the training process.
no code implementations • 20 Aug 2022 • Jiawei Liu, Jing Zhang, Ruikai Cui, Kaihao Zhang, Nick Barnes
To evaluate the performance of CoSOD models under the GCoSOD setting, we propose two new testing datasets, namely CoCA-Common and CoCA-Zero, where a common salient object is partially present in the former and completely absent in the latter.
1 code implementation • 21 Jun 2022 • Weixuan Sun, Zhen Qin, Hui Deng, Jianyuan Wang, Yi Zhang, Kaihao Zhang, Nick Barnes, Stan Birchfield, Lingpeng Kong, Yiran Zhong
Based on this observation, we present a Vicinity Attention that introduces a locality bias to vision transformers with linear complexity.
1 code implementation • 23 May 2022 • Yunqiu Lv, Jing Zhang, Yuchao Dai, Aixuan Li, Nick Barnes, Deng-Ping Fan
With the above understanding about camouflaged objects, we present the first triple-task learning framework to simultaneously localize, segment, and rank camouflaged objects, indicating the conspicuousness level of camouflage.
1 code implementation • 19 Apr 2022 • Jing Zhang, Jianwen Xie, Nick Barnes, Ping Li
With the generative saliency model, we can obtain a pixel-wise uncertainty map from an image, indicating model confidence in the saliency prediction.
no code implementations • 12 Apr 2022 • Jiyang Zheng, Weihao Li, Jie Hong, Lars Petersson, Nick Barnes
This new task aims to extend the ability of open-set object detectors to further discover the categories of unknown objects based on their visual appearance without human effort.
no code implementations • 28 Dec 2021 • Jiawei Liu, Jing Zhang, Nick Barnes
The success of existing salient object detection models relies on a large pixel-wise labeled training dataset.
no code implementations • NeurIPS 2021 • Jing Zhang, Jianwen Xie, Nick Barnes, Ping Li
In this paper, we take a step further by proposing a novel generative vision transformer with latent variables following an informative energy-based prior for salient object detection.
1 code implementation • 6 Dec 2021 • Weixuan Sun, Jing Zhang, Zheyuan Liu, Yiran Zhong, Nick Barnes
To bridge their gap, a Class Activation Map (CAM) is usually generated to provide pixel level pseudo labels.
Weakly supervised Semantic Segmentation
Weakly-Supervised Semantic Segmentation
no code implementations • 28 Nov 2021 • Sahir Shrestha, Mohammad Ali Armin, Hongdong Li, Nick Barnes
Existing deep learning based unsupervised video object segmentation methods still rely on ground-truth segmentation masks to train.
2 code implementations • 24 Nov 2021 • Shi Qiu, Saeed Anwar, Nick Barnes
Given the rapid development of 3D scanners, point clouds are becoming popular in AI-driven machines.
no code implementations • 22 Nov 2021 • Jing Zhang, Yuchao Dai, Mehrtash Harandi, Yiran Zhong, Nick Barnes, Richard Hartley
Uncertainty estimation has been extensively studied in recent literature, which can usually be classified as aleatoric uncertainty and epistemic uncertainty.
1 code implementation • 27 Oct 2021 • Weixuan Sun, Jing Zhang, Nick Barnes
To solve this, most existing approaches follow a multi-training pipeline to refine CAMs for better pseudo-labels, which includes: 1) re-training the classification model to generate CAMs; 2) post-processing CAMs to obtain pseudo labels; and 3) training a semantic segmentation model with the obtained pseudo labels.
Ranked #12 on
Weakly-Supervised Semantic Segmentation
on PASCAL VOC 2012 test
(using extra training data)
Weakly supervised Semantic Segmentation
Weakly-Supervised Semantic Segmentation
1 code implementation • 13 Oct 2021 • Jing Zhang, Yuchao Dai, Mochu Xiang, Deng-Ping Fan, Peyman Moghadam, Mingyi He, Christian Walder, Kaihao Zhang, Mehrtash Harandi, Nick Barnes
Deep neural networks can be roughly divided into deterministic neural networks and stochastic neural networks. The former is usually trained to achieve a mapping from input space to output space via maximum likelihood estimation for the weights, which leads to deterministic predictions during testing.
1 code implementation • ICCV 2021 • Jing Zhang, Deng-Ping Fan, Yuchao Dai, Xin Yu, Yiran Zhong, Nick Barnes, Ling Shao
In this paper, we introduce a novel multi-stage cascaded learning framework via mutual information minimization to "explicitly" model the multi-modal information between RGB image and depth data.
1 code implementation • 16 Aug 2021 • Shi Qiu, Saeed Anwar, Nick Barnes
With the help of the deep learning paradigm, many point cloud networks have been invented for visual analysis.
1 code implementation • 25 Jun 2021 • Jing Zhang, Jianwen Xie, Zilong Zheng, Nick Barnes
In this paper, to model the uncertainty of visual saliency, we study the saliency prediction problem from the perspective of generative models by learning a conditional probability distribution over the saliency map given an input image, and treating the saliency prediction as a sampling process from the learned distribution.
1 code implementation • 22 Jun 2021 • Jiawei Liu, Jing Zhang, Nick Barnes
Then, we concatenate it with the input image and feed it to the confidence estimation network to produce an one channel confidence map. We generate dynamic supervision for the confidence estimation network, representing the agreement of camouflage prediction with the ground truth camouflage map.
2 code implementations • 20 Apr 2021 • Yuxin Mao, Jing Zhang, Zhexiong Wan, Yuchao Dai, Aixuan Li, Yunqiu Lv, Xinyu Tian, Deng-Ping Fan, Nick Barnes
For the former, we apply transformer to a deterministic model, and explain that the effective structure modeling and global context modeling abilities lead to its superior performance compared with the CNN based frameworks.
1 code implementation • 15 Apr 2021 • Jiawei Liu, Jing Zhang, Yicong Hong, Nick Barnes
Within this pipeline, the class activation map (CAM) is obtained and further processed to serve as a pseudo label to train the semantic segmentation model in a fully-supervised manner.
1 code implementation • CVPR 2021 • Wangbo Zhao, Jing Zhang, Long Li, Nick Barnes, Nian Liu, Junwei Han
Significant performance improvement has been achieved for fully-supervised video salient object detection with the pixel-wise labeled training datasets, which are time-consuming and expensive to obtain.
2 code implementations • CVPR 2021 • Shi Qiu, Saeed Anwar, Nick Barnes
Given the prominence of current 3D sensors, a fine-grained analysis on the basic point cloud data is worthy of further investigation.
Ranked #6 on
Semantic Segmentation
on Semantic3D
1 code implementation • CVPR 2021 • Yunqiu Lv, Jing Zhang, Yuchao Dai, Aixuan Li, Bowen Liu, Nick Barnes, Deng-Ping Fan
With the above understanding about camouflaged objects, we present the first ranking based COD network (Rank-Net) to simultaneously localize, segment and rank camouflaged objects.
no code implementations • 26 Feb 2021 • Ce Wang, Moshiur Farazi, Nick Barnes
We propose a recursive training scheme to supervise the retraining of a semantic segmentation model for a zero-shot setting using a pseudo-feature representation.
no code implementations • 6 Feb 2021 • Sameera Ramasinghe, Kasun Fernando, Salman Khan, Nick Barnes
Modeling real-world distributions can often be challenging due to sample data that are subjected to perturbations, e. g., instrumentation errors, or added random noise.
no code implementations • 10 Dec 2020 • Jing Zhang, Yuchao Dai, Xin Yu, Mehrtash Harandi, Nick Barnes, Richard Hartley
Existing deep neural network based salient object detection (SOD) methods mainly focus on pursuing high network accuracy.
no code implementations • 1 Dec 2020 • Weixuan Sun, Jing Zhang, Nick Barnes
In this paper, we propose a weakly supervised 2D semantic segmentation model by incorporating sparse bounding box labels with available 3D information, which is much easier to obtain with advanced sensors.
2D Semantic Segmentation
Weakly supervised Semantic Segmentation
+1
1 code implementation • NeurIPS 2021 • Sameera Ramasinghe, Moshiur Farazi, Salman Khan, Nick Barnes, Stephen Gould
Conditional GANs (cGAN), in their rudimentary form, suffer from critical drawbacks such as the lack of diversity in generated outputs and distortion between the latent and output manifolds.
no code implementations • ICLR 2021 • Sameera Ramasinghe, Kanchana Ranasinghe, Salman Khan, Nick Barnes, Stephen Gould
Although deep learning has achieved appealing results on several machine learning tasks, most of the models are deterministic at inference, limiting their application to single-modal settings.
no code implementations • 5 Oct 2020 • Moshiur Farazi, Salman Khan, Nick Barnes
Humans explain inter-object relationships with semantic labels that demonstrate a high-level understanding required to perform complex Vision-Language tasks such as Visual Question Answering (VQA).
4 code implementations • 7 Sep 2020 • Jing Zhang, Deng-Ping Fan, Yuchao Dai, Saeed Anwar, Fatemeh Saleh, Sadegh Aliakbarian, Nick Barnes
Our framework includes two main models: 1) a generator model, which maps the input image and latent variable to stochastic saliency prediction, and 2) an inference model, which gradually updates the latent variable by sampling it from the true or approximate posterior distribution.
Ranked #1 on
RGB Salient Object Detection
on DUTS-test
(MAE metric)
RGB-D Salient Object Detection
RGB Salient Object Detection
+1
no code implementations • ECCV 2020 • Jing Zhang, Jianwen Xie, Nick Barnes
The proposed model consists of two sub-models parameterized by neural networks: (1) a saliency predictor that maps input images to clean saliency maps, and (2) a noise generator, which is a latent variable model that produces noises from Gaussian latent vectors.
1 code implementation • 14 May 2020 • Shi Qiu, Saeed Anwar, Nick Barnes
Our DRNet is designed to learn local point features from the point cloud in different resolutions.
Ranked #18 on
3D Part Segmentation
on ShapeNet-Part
no code implementations • 26 Apr 2020 • Saeed Anwar, Nick Barnes, Lars Petersson
Furthermore, the evaluation in terms of quantitative metrics and visual quality for four restoration tasks i. e. Denoising, Super-resolution, Raindrop Removal, and JPEG Compression on 11 real degraded datasets against more than 30 state-of-the-art algorithms demonstrate the superiority of our R$^2$Net.
1 code implementation • CVPR 2020 • Jing Zhang, Deng-Ping Fan, Yuchao Dai, Saeed Anwar, Fatemeh Sadat Saleh, Tong Zhang, Nick Barnes
In this paper, we propose the first framework (UCNet) to employ uncertainty for RGB-D saliency detection by learning from the data labeling process.
Ranked #4 on
RGB-D Salient Object Detection
on LFSD
1 code implementation • 24 Mar 2020 • Saeed Anwar, Nick Barnes, Lars Petersson
In this work, we investigate the performance of the landmark general CNN classifiers, which presented top-notch results on large scale classification datasets, on the fine-grained datasets, and compare it against state-of-the-art fine-grained classifiers.
1 code implementation • ECCV 2020 • Timo Stoffregen, Cedric Scheerlinck, Davide Scaramuzza, Tom Drummond, Nick Barnes, Lindsay Kleeman, Robert Mahony
We present strategies for improving training data for event based CNNs that result in 20-40% boost in performance of existing state-of-the-art (SOTA) video reconstruction networks retrained with our method, and up to 15% for optic flow networks.
no code implementations • 16 Mar 2020 • Shafin Rahman, Salman Khan, Nick Barnes, Fahad Shahbaz Khan
Any-shot detection offers unique challenges compared to conventional novel object detection such as, a high imbalance between unseen, few-shot and seen object classes, susceptibility to forget base-training while learning novel classes and distinguishing novel classes from the background.
no code implementations • 20 Jan 2020 • Moshiur R. Farazi, Salman H. Khan, Nick Barnes
However, modelling the visual and semantic features in a high dimensional (joint embedding) space is computationally expensive, and more complex models often result in trivial improvements in the VQA accuracy.
1 code implementation • 4 Dec 2019 • Sameera Ramasinghe, Salman Khan, Nick Barnes, Stephen Gould
Point-clouds are a popular choice for vision and graphics tasks due to their accurate shape description and direct acquisition from range-scanners.
no code implementations • 30 Nov 2019 • Sameera Ramasinghe, Salman Khan, Nick Barnes, Stephen Gould
In this work, we propose a novel `\emph{volumetric convolution}' operation that can effectively model and convolve arbitrary functions in $\mathbb{B}^3$.
2 code implementations • 28 Nov 2019 • Shi Qiu, Saeed Anwar, Nick Barnes
As the basic task of point cloud analysis, classification is fundamental but always challenging.
Ranked #22 on
3D Point Cloud Classification
on ModelNet40
no code implementations • 24 Aug 2019 • Sameera Ramasinghe, Salman Khan, Nick Barnes, Stephen Gould
Existing networks directly learn feature representations on 3D point clouds for shape analysis.
no code implementations • 9 Aug 2019 • Moshiur R. Farazi, Salman H. Khan, Nick Barnes
Visual Question Answering (VQA) models employ attention mechanisms to discover image locations that are most relevant for answering a specific question.
1 code implementation • 28 Jun 2019 • Saeed Anwar, Nick Barnes
Super-Resolution convolutional neural networks have recently demonstrated high-quality restoration for single images.
Ranked #1 on
Image Super-Resolution
on BSD100 - 8x upscaling
no code implementations • CVPR 2019 • Salman H. Khan, Yulan Guo, Munawar Hayat, Nick Barnes
Using the primitive parts for shapes as attributes, a parameterized 3D representation is modeled in the first stage.
no code implementations • 24 Apr 2019 • Cedric Scheerlinck, Henri Rebecq, Timo Stoffregen, Nick Barnes, Robert Mahony, Davide Scaramuzza
Event cameras are novel, bio-inspired visual sensors, whose pixels output asynchronous and independent timestamped spikes at local intensity changes, called 'events'.
3 code implementations • ICCV 2019 • Saeed Anwar, Nick Barnes
Deep convolutional neural networks perform better on images containing spatially invariant noise (synthetic noise); however, their performance is limited on real-noisy photographs and requires multiple stage network modeling.
Ranked #1 on
Color Image Denoising
on BSD68 sigma15
2 code implementations • 16 Apr 2019 • Saeed Anwar, Salman Khan, Nick Barnes
Deep convolutional networks based super-resolution is a fast-growing field with numerous practical applications.
no code implementations • ICLR 2019 • Sameera Ramasinghe, Salman Khan, Nick Barnes
Convolution is an efficient technique to obtain abstract feature representations using hierarchical layers in deep networks.
no code implementations • 2 Dec 2018 • Cedric Scheerlinck, Nick Barnes, Robert Mahony
In this paper, we propose a method to compute the convolution of a linear spatial kernel with the output of an event camera.
no code implementations • 30 Nov 2018 • Moshiur R. Farazi, Salman H. Khan, Nick Barnes
To evaluate our model, we propose a new split for VQA, separating Unknown visual and semantic concepts from the training set.
3 code implementations • 22 Nov 2018 • Shafin Rahman, Salman Khan, Nick Barnes
This setting gives rise to the need for correct alignment between visual and semantic concepts, so that the unseen objects can be identified using only their semantic attributes.
Ranked #4 on
Zero-Shot Object Detection
on PASCAL VOC'07
no code implementations • 1 Nov 2018 • Cedric Scheerlinck, Nick Barnes, Robert Mahony
Event cameras provide asynchronous, data-driven measurements of local temporal contrast over a large dynamic range with extremely high temporal resolution.
1 code implementation • 27 Apr 2018 • Salman H. Khan, Munawar Hayat, Nick Barnes
Our model simultaneously learns to match the data, reconstruction loss and the latent distributions of real and fake images to improve the quality of generated samples.
no code implementations • ECCV 2018 • Kaiyue Lu, ShaoDi You, Nick Barnes
Image smoothing is a fundamental task in computer vision, that aims to retain salient structures and remove insignificant textures.
no code implementations • 10 May 2017 • Riku Shigematsu, David Feng, ShaoDi You, Nick Barnes
Here we propose a novel deep CNN architecture for RGB-D salient object detection that exploits high-level, mid-level, and low level features.
no code implementations • CVPR 2016 • David Feng, Nick Barnes, ShaoDi You, Chris McCarthy
Recent work in salient object detection has considered the incorporation of depth cues from RGB-D images.
Ranked #24 on
RGB-D Salient Object Detection
on NJU2K
no code implementations • 6 May 2016 • Shaodi You, Nick Barnes, Janine Walker
In this paper, we propose a color to grayscale image conversion algorithm (C2G) that aims to preserve the perceptual properties of the color image as much as possible.
no code implementations • CVPR 2013 • Tao Wang, Xuming He, Nick Barnes
We propose a structured Hough voting method for detecting objects with heavy occlusion in indoor environments.