1 Introduction

Image restoration algorithms aim to recover a high-quality image from the contaminated counterpart, and is viewed as an ill-posed problem due to the irreversible degradation processes. They have many applications depending on the type of corruptions, for example, image denoising Zhang et al. (2017a, 2019); Liu et al. (2018), demosaicing Zhang et al. (2017b, 2019), compression artifacts reduction Dong et al. (2015); Chen and Pock (2017); Zhang et al. (2017a), super-resolution Kim et al. (2016); Lai et al. (2017); Tai et al. (2017) and many others Li et al. (2017); He et al. (2010); Chen et al. (xxx). To restore missing information in a contaminated image, a variety of approaches based on leveraging image priors have been proposed Buades et al. (2005); Zontak et al. (xxx); Roth and Black (2005); Zoran and Weiss (2011).

Among these approaches, the prior of self-similarity in an image is widely explored and proved to be important. For example, non-local mean filtering Buades et al. (2005) uses self-similarity prior to reduce corruptions, which averages similar patches within the image. This notion of non-local pattern repetition was then extended to across multiple scales and demonstrated to be a strong property for natural images Zontak and Irani (2011); Glasner et al. (2009). Several self-similarity based approaches Glasner et al. (2009); Freedman and Fattal (2011); Singh and Ahuja (2014) were first proposed for image super-resolution, where they restore image details by borrowing high-frequency details from self-recurrences at larger scales. The idea was then explored in other restoration tasks. For example, in image denoising, its power is further strengthened by observing that noise reduces drastically at coarser scales Zontak et al. (xxx). This motivates many advanced approaches Zontak et al. (xxx); Michaeli and Irani (2014) to restore clean signals by finding “noise-free” recurrences in a built image-space pyramid, yielding high-quality reconstructions. The idea of utilizing multi-scale non-local prior has achieved great successes in various restoration tasks Bahat and Irani (2016); Zontak et al. (xxx); Michaeli and Irani (2014); Lotan and Irani (2016).

Fig. 1
figure 1

Visualization of most correlated patches captured by our pyramid attention. Pyramid attention exploits multi-scale self-exemplars to improve reconstruction

Recently deep neural networks trained for image restoration have made unprecedented progress. Following the importance of self-similarity prior, most recent approaches based on neural networks Zhang et al. (2019); Liu et al. (2018) adapt non-local operations into their networks, following the non-local neural networks Wang et al. (2018). In a non-local block, a response is calculated as a weighted sum over all pixel-wise features on the feature map, thus it can obtain long-range information. Such a module was initially designed for high-level recognition tasks and proven to be also effective in low-level vision problems Zhang et al. (2019); Liu et al. (2018).

However, these approaches which adapt the naive self-attention module to low-level tasks have certain limitations. First, to our best knowledge, multi-scale non-local prior is never explored. It has been demonstrated in the literature that cross-scale self-similarity can bring impressive benefits for image restoration Zontak et al. (xxx); Bahat and Irani (2016); Michaeli and Irani (2014); Glasner et al. (2009). Unlike high-level semantic features for recognition which makes not too much difference across scales, low-level features represent richer details, patterns, and textures at different scales. Nevertheless, the leading non-local self-attention fails to capture the useful correspondences that occur at different scales. Second, pixel-wise matching used in the self-attention module is usually noisy for low-level vision tasks, thus reducing performance. Intuitively, enlarging the searching space raises possibility for finding better matches, but it is not true for the existing self-attention modules Liu et al. (2018). Unlike high-level feature maps where numerous dimension reduction operations are employed, image restoration networks often maintain the input spatial size. Therefore, feature is only highly relevant to a localized region, making them easily affected by noisy signals. This is in line with conventional non-local filtering, where pixel-wise matching performs much worse than block matching Buades et al. (2011).

In this paper, we present a novel non-local pyramid attention as a simple and generic building block for exhaustively capturing long-range dependencies, as shown in Fig. 1. The proposed attention takes full advantages of traditional non-local operations but is designed to better accord with the nature of image restoration. Specifically, the original search space is largely extended from a single feature map to a multi-scale feature pyramid. The proposed operation exhaustively evaluates correlation among features across multiple specified scales by searching over the entire pyramid. This brings several advantages: (1) It generalizes existing non-local operation, where the original searching space is inherently covered in the lowest pyramid level. (2) The long-range dependency between relevant features of different sizes is explicitly modeled. Since the operation is fully differentiable, it can be jointly optimized with networks through back propagation. (3) Similar to traditional approaches Zontak et al. (xxx); Bahat and Irani (2016); Michaeli and Irani (2014), one may expect noisy signals in features can be drastically reduced via rescaling to coarser pyramid level via operations like bi-cubic interpolation. This allows the network to find “clean signal” from multi-scale correspondences. Next, we enhance the robustness of correlation measurement by involving neighboring features into computation, inspired by traditional block matching strategy. Region-to-region matching imposes additional similarity constraints on the neighborhood. As such, the module can effectively single out highly relevant correspondences while suppressing noisy ones.

We demonstrate the power of non-local pyramid attention on various image restoration tasks: image denoising, image demosaicing, compression artifacts reduction and image super-resolution. In all tasks, a single pyramid attention, which is our basic unit, can model long-range dependency without scale restriction, in a feed forward manner. With one attention block inserted into a very simple backbone network, the model achieves significantly better results than the latest state-of-the-art approach with well-engineered architecture and multiple non-local attention units. In addition, we also conduct extensive ablation studies to analyze our design choices. All these evidences demonstrate our module is a better alternative of current non-local operation and can be used as a fundamental unit in neural networks for generic image restoration.

In our previous conference version Mei et al. (2020), the original cross-scale non-local attention (CSNLA), although it makes some successful attempts, has limited ability to leverage cross-scale similarity. This is because the searching space is restricted to a scale specified by the SR task, and thus fails to fully utilize self-recurrences across multiple scales. On the other hand, it is designed as an upsampling operation, where it replaces a small patch (e.g. 3\(\times \) 3) with larger patches (e.g. \(6\times 6\)) from the same feature map. This makes it inapplicable for general image restoration tasks, where the output image keeps the original resolution.

As discussed, our pyramid attention tackles these shortcomings by drawing inspirations from traditional self-similarity-based methods Zontak et al. (xxx); Michaeli and Irani (2014), where it has been demonstrated that corruptions can be effectively reduced by downscaling. Thus a cleaner image can be recovered by finding “noise-free” self-recurrences in a built image-space pyramid Zontak et al. (xxx). Inspired by these classical approaches, the proposed pyramid attention improves the searching range of CSNLA to a downscaled feature pyramid. This leaves the resolution unchanged while allowing the network to effectively leverage abundant multi-scale information, making it suitable for various image restoration tasks. As such, this work methodologically extends and significantly generalizes the previous conference version.

2 Related Works

2.1 Self-similarity Prior for Image Restoration

Self-similarity property that small patterns tend to recur within a image powers natural images with strong self-predictive ability Bahat and Irani (2016); Glasner et al. (2009); Zontak and Irani (2011), which forms a basis for many classical image restoration methods Zontak and Irani (2011); Zontak et al. (xxx); Bahat and Irani (2016); Michaeli and Irani (2014); Huang et al. (2015). The initial work, non-local mean filtering Buades et al. (2005), globally averages similar patches for image denoising. Later on, Dabov et al Dabov et al. (2007b) introduced BM3D, where repetitive patterns are grouped into 3D arrays to be jointly processed by collaborative filters. In LSSC Mairal et al. (2009), self-similarity property is combined with sparse dictionary learning for both denoising and demosaicing. This “fractal like" characteristic was further strengthened to across different scales and shown to be a very strong property for natural images Glasner et al. (2009); Zontak and Irani (2011). To enjoy cross-scale redundancy, self-similarity based approaches were proposed for image super-resolution Glasner et al. (2009); Freedman and Fattal (2011); Huang et al. (2015), where high frequency information is retrieved uniquely from internal multi-scale recurrences. Observing that corruptions drop drastically at coarser scales, Zontak Zontak et al. (xxx) demonstrated that a clean version of noisy patches (99%) exists at coarser level of the original image. This idea was developed into their denoising algorithm, which achieved promising results. The cross-scale self similarity is also of central importance for many image deblurring Michaeli and Irani (2014); Bahat et al. (2017) and image dehazing approaches Bahat and Irani (2016).

2.2 Non-local Operation in Deep CNNs

Non-local operation in deep CNNs was initially proposed by Wang et al Wang et al. (2018) for video classification. In their networks, non-local units are placed on high-level, sub-sampled feature maps to compute long-range semantic correlations. By assigning weights to features at all locations, it allows the network to focus on more informative areas. Adapting non-local operation also showed considerable improvements in other high-level tasks, such as object detection Cao et al. (2019), semantic segmentation Fu et al. (2019) and person Re-id Xia et al. (2019). For image restoration, recent approaches, such as NLRN Liu et al. (2018), RNAN Zhang et al. (2019) and SAN Dai et al. (2019), incorporate non-local operations in their networks. However, without careful modification, their performances are limited by simple single-scale correlations and further reduced by involving many ill-matches during the pixel-wise feature matching in attention units.

Recently, CSNLN Mei et al. (2020) (the conference version) first extends non-local attention to model cross-scale correlation for image SR. The concurrent work IGNN Zhou et al. (2020) explores a similar idea but extracts cross-scale information in the LR image with a graph-based formulation. While being effective for image SR, existing cross-scale methods still suffer from certain limitations. First, they cannot benefit general image restoration tasks such as image denoising, compression artifacts reduction and demosaicing. This is because, by design, they are essentially upsample operations, where they replace a small patch (e.g. 3\(\times \) 3) with larger ones (e.g. \(6\times 6\)). Moreover, the low-quality input image itself contains severe degradation and thus may not provide high-quality information to best facilitate image restoration, if directly utilize recurrences from the original feature map. In contrast, the proposed pyramid attention adopts a pyramid structure, where the downsampling operation can naturally reduce noise and corruption, a fact validated in many classical methods Zontak et al. (xxx); Michaeli and Irani (2014); Bahat and Irani (2016). By searching for clean patches of same size in a pyramid, our method effectively improves image restoration quality without changing the resolution. Further, they have limited ability in exploring cross-scale self-similarity by restricting the search space to the single scale defined by the super-resolution task. On the other hand, it has been well-demonstrated that natural images are“fractal like" and small patches tend to repeatedly occur at multi-scales. The pyramid attention is designed to tackle these shortcomings by making full use of multi-scale image prior.

2.3 Deep CNNs for Image Restoration

Adopting deep-CNNs for image restoration has shown evident improvements by embracing their representative power. In the early work, Vincent et al Vincent et al. (2008) proposed to use stacked auto-encoder for image denoising. Later, ARCNN was introduced by Dong et al Dong et al. (2015) for compression artifacts reduction. Zhang et al Zhang et al. (2017a) proposed DnCNN for image denosing, which uses advanced techniques like residual learning and batch normalization to boost performance. In IRCNN Zhang et al. (2017b), a learned set of CNNs are used as denoising prior for other image restoration tasks. Recent extensive efforts have been spent into designing advanced architectures and learning methods, such as progressive structureLai et al. (2017); Zamir et al. (2021), residual Lim et al. (2017) and dense connection Zhang et al. (2018c); Liu et al. (2020), back-projection Haris et al. (2018), scale-invariant convolution Fan et al. (2019), channel Zhang et al. (2018b); Magid et al. (2021); Anwar and Barnes (2019); Zamir et al. (2020) and holistic attention Niu et al. (2020), look-up table Li et al. (2022); Jo and Kim (2021) context guided convolution Zhang et al. (2021b), structured pruning Zhang et al. (2021a), dropout mechanism Kong et al. (2022) and transformer models Liang et al. (2021); Zamir et al. (2022); Wang et al. (2022); Chen et al. (2021). We refer readers to recent literature survey for a more comprehensive review Anwar et al. (2020); Li et al. (2019); Tian et al. (2020). Most state-of-the-art approaches Liu et al. (2018); Zhang et al. (2019); Dai et al. (2019); Liang et al. (2021); Zamir et al. (2022); Wang et al. (2022) incorporate non-local attention into networks to boost representation ability. Although extensive efforts have been made in architectural engineering, existing methods relying on convolution and standard non-local operation can only exploit information at a same scale.

3 Pyramid Attention

Both convolution operation and non-local attention are restricted to same-scale information. In this section, we introduce the novel pyramid attention, which can deal with non-local dependency across multiple scales, as a generalization of non-local operations.

3.1 Formal Definition

Non-local attention calculates a response by averaging features over an entire image, as shown in Fig. 2a. Formally, given an input feature map x, this operation is defined as:

$$\begin{aligned} y^{i} = \frac{1}{\mathcal {\sigma }(x)}\sum _{j}\phi (x^{i},x^{j})\theta (x^{j}), \end{aligned}$$
(1)

where i, j are index on the input x and output y respectively. The function \(\phi \) computes pair-wise affinity between two input features. \(\theta \) is a feature transformation function that generates a new representation of \(x^{j}\). The output response \(y^{i}\) obtains information from all features by explicitly summing over all positions and is normalized by a scalar function \(\mathcal {\sigma }(x)\). While the above operation manages to capture long-range correlation, information is extracted at a single scale. As a result, it fails to exploit relationships to many more informative areas of distinctive spatial sizes.

To break this scale constraint, we propose pyramid attention (Fig. 2c), which captures correlations across scales. In pyramid attention, affinities are computed between a target feature and regions. Therefore, a response feature is a weighted sum over multi-scale correspondences within the input map. Formally, given a series of scale factor \(S = \{1, s_{1}, s_{2},..., s_{n}\}\), pyramid attention can be expressed as

$$\begin{aligned} y^{i} = \frac{1}{\sigma (x)}\sum _{s\in {S}}\sum _{j}\phi (x^{i},x^{j}_{\delta (s)}) \theta (x^{j}_{\delta (s)}). \end{aligned}$$
(2)

Here \(\delta (s)\) represents a \(s^{2}\) neighborhood centred at index j on input x.

In other words, pyramid attention behaves in a non-local multi-scale way by explicitly processing larger regions with sizes specified by scale pyramid s at all position j. Note that when only a single scale factor \(s = 1\) is specified, the proposed attention degrades to current non-local operation. Hence, our approach is a more generic operation that allows the network to fully enjoy the predictive power of natural images.

Finding a generic solution, which models cross-scale relationships, is a non-trivial problem and requires carefully engineering. In the following section, we first address the non-local operation between two scales and then extend it to pyramid scales.

Fig. 2
figure 2

Comparison of attentions. a Classic self-attention computes pair-wise feature correlation at scale. b Scale agnostic attention augments (a) to capture correspondences at one additional scale. c Pyramid attention generalizes (a) and (b) by modeling multi-scale non-local dependency

3.2 Scale Agnostic Attention

Given an extra scale factor s, how to evaluate the correlation between \(x^{j}\) and \(x^{j}_{\delta (s)}\) and aggregate information from \(x^{j}_{\delta (s)}\) to form \(y^{i}\) are two key steps. Here, the major difficulty comes from misalignment in their spatial dimensions. Common similarity measurements, such as dot product and embedded Gaussian, only accept features with identical dimensions, thus are infeasible in this case.

To mitigate the above problem, we propose to squeeze the spatial information of \(x^{j}_{\delta (s)}\) into a single region descriptor. This step is conducted by down-scaling the region \(x^{j}_{\delta (s)}\) in a pixel feature \(z^{j}\). As we need search over the entire feature map, we can therefore directly down-scale the original input x (H\(\times \)W) to obtain a descriptor map z (\(\frac{H}{s}\times \frac{W}{s}\)). The correlation between \(x^{i}\) and \(x^{j}_{\delta (s)}\) is then represented by \(x^{i}\) and the region descriptor \(z^{j}\). Formally, scale agnostic attention (Fig. 2b) is formulated as

$$\begin{aligned} y^{i} = \frac{1}{\sigma (x,z)}\sum _{j}\phi (x^{i},z^{j})\theta (z^{j}), \end{aligned}$$
(3)

where \(z = x\downarrow s\).

This operation brings additional advantages. As discussed in Sect. 1, downscaling regions into coarser descriptors reduces noisy levels. On the other hand, since the cross-scale recurrence represents a similar content, the structure information will be still well-preserved after down-scaling. Combing these two facts, region descriptors can serve as a “cleaner version" of the target feature and a better alternative of noisy patch matches at the original scale.

3.3 Pyramid Attention

To make full use of self-predictive power, the scale agnostic attention can be extended to pyramid attention, which computes correlations across multiple scales. In such units, pixel-region correspondences are captured over an entire feature pyramid. Specifically, given a series of scales \(S=\{1, s_{1}, s_{2},.., s_{n}\}\), it forms a feature pyramid \(\mathcal {F} = \{F_{1}, F_{2},..., F_{n}\}\), where \(F_{i}\) (\(\frac{H}{s_{i}}\times \frac{W}{s_{i}}\)) is a region descriptor map of the input x, obtained by down-scaling operation. In such case, the correlations between any pyramid levels and the original input x can be seen as a scale agnostic attention. Therefore, the pyramid attention is defined as:

$$\begin{aligned} y^{i} = \frac{1}{\sigma (x,\mathcal {F})} \sum _{z\in \mathcal {F}} \sum _{j\in z}\phi (x^{i},z^{j})\theta (z^{j}). \end{aligned}$$
(4)

The cross-scale modeling ability is due to the fact that region descriptor \(z_{i}\) at different levels summarizes information over regions of various sizes. When they are copied back to original position i, non-local multi-scale information is fused together to form a new response, which intuitively contains richer and more faithful information than the matches from a single scale.

3.4 Instantiation

Choices of \(\phi \), \(\theta \) and \(\sigma \). There are many well-explored choices for pair-wise function \(\phi \)Wang et al. (2018); Liu et al. (2018), such as Gaussian, embedded Gaussian, dot pot and feature concatenation. In this paper, we use embedded Gaussian to follow previous best practices Liu et al. (2018): \(\phi (x^{i},z^{j}) = e^{f(x^{i})^{T}g(z^{j})}\), where \(f(x^{i})=W_{f}x^{i}\) and \(g(z^{j})=W_{g}z^{j}\).

For feature transformation function \(\theta \), we use a simple linear embedding: \(\theta = W_{\theta }z^{j}\). Finally, we set \(\sigma (x,\mathcal {F})= \sum _{z\in \mathcal {F}}\sum _{j\in z}\phi (x^{i},z^{j})\). By specifying above instantiations, the term \(\frac{1}{\sigma (x,F)}\sum _{x\in \mathcal {F}}\Phi (x^{i},z^{j})\) is equivalent to softmax over all possible positions in the pyramid.

Fig. 3
figure 3

PANet with the proposed pyramid attention (PA). Pyramid attention captures multi-scale correlation by computing Scale Agnostic (S-A) attention at each scale with the original feature map x (which corresponds to the inner summation \(\sum _{j\in z}\phi (x^{i}_{\delta {(r)}},z^{j}_{\delta {(r)}})\theta (z^{j})\) in eq. 5), and fusing the results over \(z\in \mathcal {F}\)

Patch based region-to-region attention. As discussed in Sect. 1, information contained in features (for image restoration tasks) is very localized. Consequently, the matching process is usually affected by noisy signals. Previous approach relieves this problem by restriction search space to local region Liu et al. (2018). However, this also prevents them from finding better correspondences that are far away from current position.

To improve the robustness during matching, we impose extra neighborhood similarity, which is in line with classical non-local filtering Buades et al. (2005). As such, the pyramid attention (Eq. 3) is expressed as:

$$\begin{aligned} y^{i} = \frac{1}{\sigma (x,\mathcal {F})} \sum _{z\in \mathcal {F}} \sum _{j\in z}\phi (x^{i}_{\delta {(r)}},z^{j}_{\delta {(r)}})\theta (z^{j}), \end{aligned}$$
(5)

where the neighborhood is specified by \(\delta (r)\). This adds a stronger constraint on matching content that two features are highly correlated if and only if their neighborhood are highly similar as well. The block-wise matching allows the network to pay more attention on relevant areas while suppressing unrelated ones.

Implementation. The proposed pyramid attention is implemented using basic convolution and deconvolution operations, as shown in Fig. 3. According to Eq. 5, the pyramid attention is equivalent to first compute the S-A attention at each scale with the original feature map and then fuse the results later. The inner summation \(\sum _{j\in z}\phi (x^{i}_{\delta {(r)}},z^{j}_{\delta {(r)}})\theta (z^{j})\) corresponds to the scale agnostic attention between a down-scaled feature map \(z\in \mathcal {F}\) and the original feature map x. The results are then aggregated over z and normalized by \(\sigma \). Matching scores can be expressed as convolution over the input x using \(r\times r\) patches extracted from the feature pyramid, followed by a softmax. To obtain a final response, we extract patches from the transformed feature map (by \(\theta \)) to conduct a deconvolution over the matching score. Note that the proposed operation is fully convolutional, differentiable and accepts any input resolutions, which can be flexibly embedded into many standard architectures.

3.5 PANet: Pyramid Attention Networks

To show the effectiveness of our pyramid attention, we choose a simple ResNet as our backbone without any architectural engineering. The proposed image restoration network is illustrated in Fig. 3. We remove batch normalization in each residual block, following the practice in Lim et al. (2017). Similar to many restoration networks, we add a global pathway from the first feature to the last one, which encourages the network bypass low frequency information. We insert a single pyramid attention in the middle of the network.

Given a set of N paired images \(I^{k}_{LQ}\)-\(I^{k}_{HQ}\), we optimize the L1 loss between \(I^{k}_{HQ}\) and recovered image \(I^{k}_{RQ}\),

$$\begin{aligned} \mathcal {L}_{1} = \frac{1}{N}\sum _{i=1}^{N}\Vert I^{K}_{RQ}-I^{K}_{HQ}\Vert , \end{aligned}$$
(6)

4 Experiments

4.1 Datasets and Evaluation Metrics

The proposed pyramid attention and PANet are evaluated on major image restoration tasks: image denoising, demosaicing and compression artifacts reduction and super-resolution. For fair comparison, we follow the setting specified by RNAN Zhang et al. (2019) for image denoising, demosaicing, and compression artifacts reduction. We use DIV2K Timofte et al. (2017) as our training set, which contains 800 high quality images. We report results on standard benchmarks using PSNR and/or SSIM Wang et al. (2004).

Table 1 Quantitative evaluation of state-of-the-art approaches on color image denoising
Fig. 4
figure 4

Visual comparison for color image denoising with noise level \(\sigma \) = 50

Table 2 Quantitative evaluation of state-of-the-art approaches on color image demosaicing
Table 3 Quantitative evaluation of state-of-the-art approaches on compression artifacts reduction
Fig. 5
figure 5

Visual comparison for image CAR with JPEG quality q = 10

4.2 Implementation Details

For pyramid attention, we set the scale factors \(S = \{1.0, 0.9, 0.8, 0.7, 0.6\}\), so that we construct a 5 level feature pyramid within the attention block. To build the pyramid, we use simple bi-cubic interpolation to rescale feature maps. While computing correlations, we use \(3\times 3\) small patches centered at target features. For fair comparison with representative non-local approach RNAN, we adopt a backbone similar to theirs, but remove all engineered designs such as multi-scale and multi-branch, resulting in a plain ResNet. The proposed PANet contains 80 residual blocks with one pyramid attention module inserted after the 40-th block. All features have 64 channels, except for those used in embedded Gaussian, where the channel number is reduced to 32.

During training, each mini-batch consists of 16 patches with size \(48\times 48\). We augment training images using vertical/horizontal flipping and random rotation of \({90}^{\circ }\), \({180}^{\circ }\), and \({270}^{\circ }\). The model is optimized by Adam optimizer with \(\beta _1=0.9\), \(\beta _2=0.999\), and \(\epsilon =10^{-8}\). The learning rate is initialized to \(10^{-4}\) and reduced to a half after every 200 epochs. Our model is implemented using PyTorch Paszke et al. (2017) and trained on Nvidia TITANX GPUs.

4.3 Image Denoising

Following RNAN Zhang et al. (2019), PANet is evaluated on standard benchmarks for image denoising: Kodak24 (http://r0k.us/graphics/kodak/), BSD68 Martin et al. (2001), and Urban100 Huang et al. (2015). We create noisy images by adding AWGN noises with \(\sigma = 10, 30, 50, 70\). We compare our approach with 8 state-of-the-art methods: CBM3D Dabov et al. (2007a), TNRD Chen and Pock (2017), RED Mao et al. (2016), DnCNN Zhang et al. (2017a), MemNet Tai et al. (2017), IRCNN Zhang et al. (2017b), FFDNet Zhang et al. (2017c), and RNAN Zhang et al. (2019).

As shown in Table 1, PANet achieved best performance on all datasets and noise levels. Our method surpassed FFDNet by around 0.6dB, 0.4dB and 1.3dB on three benchmarks respectively. PANet also yielded better results than prior state-of-the-art RNAN, which has well-engineered network and multiple non-local attention blocks. These results demonstrate that pyramid attention is indeed useful for image restoration. A single pyramid attention can drive the fair simple backbone to the state-of-the-art. One may further notice that PANet performs significantly well on Urban100 dataset, with more than 0.3 dB improvements over RNAN on all noise levels. This is because pyramid attention allows the network to explicitly capture abundant cross-scale self-exemplars in urban scenes. In contrast, traditional non-local attention, even with a multi-scale network structure, fails to explore those multi-scale relationships.

We further present qualitative evaluations on BSD68 and Urban100. The results are shown in Fig. 4. TNRD, RED, DnCNN and IRCNN cannot remove the noise pattern and create blur artifacts over high-frequency patterns. FFDNet and RNAN are able to reconstruct a clearer image but fail to recover the underlying textures. In contrast, by relying on a single learned pyramid attention, PANet managed to produce the most accurate and faithful restoration results.

Table 4 Model size comparison
Table 5 Quantitative results on SR benchmark datasets
Table 6 Benchmark results with BD and DN degradation models. Average PSNR/SSIM values for scaling factor \(\times 3\)
Fig. 6
figure 6

Visual comparison for \(4\times \) SR on Urban100 dataset

4.4 Image Demosaicing

For image demosaicing, we conduct evaluations on Kodak24, McMaster Zhang et al. (2017b), BSD68, and Urban100, following settings in RNAN Zhang et al. (2019). We compare our approach with recent state-of-the-arts IRCNN Zhang et al. (2017b) and RNAN Zhang et al. (2019). As shown in Table 2, mosaic corruption significantly reduced image quality in terms of PSNR and SSIM. RNAN and IRCNN can remove these corruptions to some degree and lead to relatively high-quality restoration. Our approach yields the best reconstruction, outperforming RNAN by 0.3dB, 0.2dB, 0.3dB and 0.7dB on four datasets respectively. These demonstrate advantages of exploiting multi-scale correlations.

4.5 Image Compression Artifacts Reduction

For image compression artifacts reduction (CAR), we compare our method with 5 most recent approaches: SA-DCT Foi et al. (2007), ARCNN Dong et al. (2015), TNRD Chen and Pock (2017), DnCNN Zhang et al. (2017a), and RNAN Zhang et al. (2019). We present results on LIVE1 Sheikh et al. (2005) and Classic5 Foi et al. (2007), following the same settings in RNAN. To obtain the low-quality compressed images, we follow the standard JPEG compression process and use Matlab JPEG encoder with quality \(q = 10, 20, 30, 40\). For fair comparison, the results are only evaluated on Y channel in YCbCr Space.

The quantitative evaluation are reported in Table 3. By incorporating pyramid attention, PANet obtains best results on both LIVE1 and Classic5 with all quality levels. For example, on Classic5 and with \(q=20\), our approach achieves around 0.25dB and 0.73dB gains over RNAN and DnCNN respectively. Similar improvements can also be observed when comparing with other methods. These results shows the effectiveness of the proposed pyramid attention.

We further present visual comparisons on the most challenging quality level \(q=10\) in Fig. 5. One can see that the proposed approach successfully reduced compression artifacts and recovered the most image details. This is mainly because our PANet captures non-local relationships in a multi-scale way, helping to reconstruct more faithful details.

4.6 Model Size Analyses

We report our model size and compare it with other advanced image denoising approaches in Table 4. To compare with light weight models, we also bulid a small PANet-S with only 8 residual blocks. One can see that PANet achieves the best performance with a lighter and much simpler architecture, as compared to the prior state-of-the-art approach RNAN. Similarly, PANet-S significantly outperforms other light weight models using only less than 50% parameters of RNAN (1LB+1NLB). Such observations indicate the great advantages brought by our pyramid attention module. In practice, our proposed pyramid attention module can be inserted in related networks.

4.7 Image Super Resolution

To further demonstrate the generality of pyramid attention, we present image super-resolution experiments. Here we follow Zhang et al. (2018c) and consider three different degradation models to simulate LR images. For BI model, we use bi-cubic downsampling to create LR images with scale factor \(\times 2\), \(\times 3\) and \(\times 4\), by leveraging matlab imresize function. For BD setting, LR images are created by filtering HR images with a Gaussian blur kernel of size \(7 \times 7\) before downsampling. For DN model, images are first downsampled and then Gaussian noise with \(\sigma =30\) is added to the LR images. We evaluate methods with scale factor \(\times 3\) for BD and DN settings.

To better show the effectiveness of the proposed pyramid attention, we choose EDSR Lim et al. (2017), the simplest network structure consisting of residual blocks and convolutions only, as our backbone. A single pyramid attention block is inserted after 16th residual block (denote as PA-EDSR). Network-level designs, such as back-projection (DBPN), dense connection (RDN) and channel attention (RCAN and SAN), which are perpendicular to our method, can also be easily combined with pyramid attention for superior performance.

4.7.1 Comparison with BI Degradation Model

We compare it with 11 state-of-the-art approches: LapSRN Lai et al. (2017), MemNet Tai et al. (2017), SRMDNF Zhang et al. (2017b), EDSR Lim et al. (2017), DBPN Haris et al. (2018), RDN Zhang et al. (2018c), RCAN Zhang et al. (2018b), NLRN Liu et al. (2018), SRFBN Li et al. (2019), OISR He et al. (2019), SAN Dai et al. (2019), IGNN  Zhou et al. (2020) and NSR Fan et al. (2020).

We report experiment results in Table 5. Without any architectural engineering, our simple PA-EDSR achieves best performance on almost all benchmarks and scales. In particular, our method outperforms a concurrent work IGNN on almost all entries, which is also built upon EDSR and replying on one cross-scale module to improve performances, indicating our design can make better use of self-similarity information. With a single pyramid attention, PA-EDSR also shows huge advantages over NLRN, which is the first non-local based approach for image SR and contains 12 standard non-local operations. It is worth noting that SAN is a very competitive approach, which contains multiple standard non-local attentions and more than 200 residual blocks, i.e., \(\times 7\) deeper then ours. Even in this case, PA-EDSR still shows superior results on almost all entries. These results demonstrate the effectiveness of the proposed pyramid attention. When comparing with EDSR backbone, one can see that the additional pyramid attention brings constant improvements on all datasets, especially on Urban100 (0.4dB) and Manga109 (0.3dB). This is because images in these datasets contain abundant structural recurrences, such as edges and corners, which can more benefits from exploring cross-scale internal hints. We also observed considerable performance gains on natural image datasets: Set5 (0.2dB), Set14 (0.2dB) and B100 (0.1dB). This is accorded with previous observation that cross-scale self-recurrence is a common property for natural images Glasner et al. (2009). We claim that cross-scale intrinsic priors are indeed effective for a more faithful reconstruction.

Visual results are shown in Fig. 6. Our method perceptually outperforms other state-of-the-arts by a large margin. For these repeated high-frequency structures, PA-EDSR yields the most accurate reconstruction. In contrast, SAN with standard NL attention fails to handle these cases. This demonstrates that exploring internal HR hints from multi-scale self-recurrences indeed leads to a better local recovery.

4.7.2 Comparison with BD and DN Degradation Models

Following Zhang et al. (2018c), we report our results with BD and DN degradation models and compare it with SRCNN Dong et al. (2014), FSRCNN Dong et al. (2016), VDSR Kim et al. (2016), IRCNN Zhang et al. (2018a), RDN Zhang et al. (2018c) and RCAN Zhang et al. (2018b). Average PSNR and SSIM results on 5 benchmarks with scale factor \(\times 3\) are shown in Table 6. Our method achieves the best performances for all entries. The constant performance gains over other methods indicate the proposed pyramid attention is indeed robust and powerful for BD and DN degradation models.

Table 7 Quantitative comparison on lightweight backbone

4.7.3 Performance on Lightweight Backbone

To better study the effectiveness of the proposed pyramid attention, we built a smaller model PANet-S with a model size comparable to DnCNN Zhang et al. (2017a). Specifically, PANet-S contains 8 ResBlocks with a channel number of 64. We insert one pyramid attention module after the 4-th blocks. As shown in Table 7, PANet-S achieves the best performances on all datasets with the smallest model size, demonstrating the performance of pyramid attention can be well-preserved on the lightweight backbone. Moreover, when comparing with RNAN(1NL), it can be seen that PANet-S with less than half of the parameters can still maintain 0.4dB performance gain. This shows that exploring of multi-scale similarity with pyramid attention is indeed more beneficial.

4.7.4 Performance on Lightweight Blind Image Denoising

To better demonstrate the effectiveness of our method, we conduct an experiment on blind image denoising with a lightweight backbone. We use the same training and test protocol in DnCNN and compare PANet-S with it. PANet-S has a similar number of parameters so that allows fair comparison. Results are reported in Table 8. The pretrained blind DnCNN model is derived from the official GitHub repository. One can see that our method outperforms DnCNN by a large margin, proving its effectiveness on blind image denoising.

4.7.5 Efficiency and Performance Analysis

Here we present the efficiency (FLOPs, running time, and peak memory consumption) and performance comparison (on Set14 \(\times 2\)) with prior state-of-the-art SAN Dai et al. (2019) and our conference version CSNLN Mei et al. (2020). For efficiency comparison, models are evaluated at input size 100\(\times \)100. The running time is the average of 1K times on a single Nvidia RTX 2070 GPU.

We report results in Table 9. One may notice that PA-EDSR is considerably more efficient than its previous version CSNLN, with significant reductions in terms of running time, memory consumption and FLOPs. Specifically, PA-EDSR managed to reduce more than 60% running time and computational cost of CSNLN, while achieving comparable and better quantitative results. Moreover, we found it has comparable running time and better performance with SAN. Though PA-EDSR has more parameters due to the EDSR backbone (40.7M), the attention module itself is lightweight. The additional pyramid attention only cost 0.2% extra parameters in total. Therefore, we conclude that PA-EDSR achieves better trade-off between efficiency and performance.

A similar conclusion can be derived by evaluating the runtime on Urban100 dataset which contains large images (with an average size of around 1K resolution). It can be seen that our method achieves the best runtime speed. It is interesting to see that the runtime of SAN increases significantly on large images as it requires computing second-order statistics. In contrast, our method is 60% more efficient.

Table 8 Quantitative comparison on blind image denoising
Table 9 Efficiency comparison with attention-based methods
Fig. 7
figure 7

Visualization of correlation maps of pyramid attention. Maps are rescaled to same size for visualization purpose. Brighter color indicates higher engagement. One can see that the attention focuses on different locations at each scale, indicating the module is able to exploit multi-scale recurrences to improve restoration

4.8 Visualization of Attention Map

To fully demonstrate that our pyramid attention captures multi-scale correlations, we visualize its attention map in Fig. 7. For illustration purpose, the selected images contain abundant self-exemplars at different locations and scales.

From Fig. 7, we find the attention maps follow distinct distributions over scales, demonstrating that our attention is able to focus on informative regions at multiple scales. It is interesting to point out, as level increases, the most engaged patches move downwards. This is in line with that larger patterns, such as windows, appear at bottom in selected images. By capturing multi-scale correlations, the network managed to utilize these informative patches to improve restoration.

Table 10 Comparison of different attention methods on Urban100

4.9 Ablation Study

4.9.1 Pyramid Attention Module

To verify the effectiveness of pyramid attention, we conduct control experiments on image denosing tasks (\(\sigma =30\)). The baseline module is constructed by removing the attention block, resulting in a simple ResNet. We set the number of residual blocks \(R=16\) in this experiment. In Table 10, baseline achieves 30.86 dB on Urban100. To compare with standard non-local (self-) attention operations, we construct a non-local baseline by replacing the pyramid attention with non-local attention. We further construct a scale-agnostic (S-A) attention baseline, which is a special case of the proposed pyramid attention with only one additional pyramid level. From the result in column 2, we can see that single-scale non-local operation is able to bring improvements. Extending it to the scale-agnostic attention further brings about 0.09 dB improvement due to the exploration of information at another scale. However, the best performance is achieved by using the proposed pyramid attention, with brings 0.43 dB over the baseline, 0.15 dB over the standard non-local model and 0.06dB over the scale-agnostic attention. These results indicates the proposed pyramid attention can be served as a better alternative to model multi-scale long-range dependency than current non-local operation, which is of central importance for reconstructing more faithful images.

4.9.2 Matching: Pixel-Wise Versus Block-Wise

While classic non-local attentions compute pixel-wise (i.e. \(1\times 1\)) feature correlation, we find block-wise matching yields much better restorations in practice. Because such design is perpendicular to the use of feature pyramid, to study its effectiveness, we build models upon the standard non-local operation and adopt different matching strategies, where the patch size is set to \(1\times 1\) (i.e. pixel-wise), \(3\times 3\) and \(5\times 5\). As shown in Table 11, when using block matching, the performance is improve from 31.14 dB to 31.21 dB. This is because block-matching involves extra similarity constraint on nearby pixels, thus can better distinguish highly relevant correspondences from noisy ones. These results demonstrate that small patches are indeed more robust descriptors for similarity measurements. However, when further enlarging the patch size to \(5\times 5\), the performance begins to decrease. This is mainly because larger patches tend to impose an over-strong restriction on the content similarity, and therefore prevent many correlated patches from being leveraged by the network.

Table 11 Comparison between pixel-wise matching and block-wise matching on Urban100. Results are based on the standard non-local attention (i.e. without pyramidal design)
Table 12 Results for models with pyramid attention inserted at different residual blocks on Urban100 (\(\sigma =30\))
Fig. 8
figure 8

Ablation study on pyramid levels

4.9.3 Feature Pyramid Levels

As discussed above, the key difference between classic non-local operation and pyramid attention is that our module allows the network to utilize correspondences at multiple scales. Here we investigate the influences of pyramid levels. We conduct control experiments by gradually adding more levels to the feature pyramid until it covers the full possible range. The final pyramid consists of 10 layers with scale factors 1.0 to 0.1. As shown in Fig. 8, when more layers are added, we observe constant performance gains. The best performance is obtained when all levels are included. This is mainly because, as the search space is progressively expanded to more scales, the attention unit has higher possibilities to find more informative correspondences beyond the original image scale. Although higher levels only increase a small portion of the search space, thanks to the downscaling operation, patches at these higher levels contain more "clean" information that could still benefit image restoration. This explains why searching at a very smaller scale (e.g., s=0.2) can still improve performance. These results indicate that modeling multi-scale correlation is indeed beneficial for improving restoration.

4.9.4 Positions in Neural Networks

Where should we add pyramid attention to the networks, in order to fully unleash its potential? Table 12 compares pyramid attentions inserted to different stages of a ResNet. Here we consider 3 typical positions: after the 1st residual block representing preprocessing, after the 8th residual block, which is the middle of the network, and after the last residual block representing post-processing. From the first 4 columns, we find that inserting our module at any stages bring evident improvements. The largest performance gain is achieved by inserting it at middle. Moreover, when multiple modules are combined, the restoration quality further boosts. The best result is achieved by including modules at all three positions.

Table 13 Effects of pyramid attention on different backbones (\(\sigma =30\))

4.9.5 Effects of Backbones

The proposed pyramid attention is a generic operation and its effectiveness is robust to specific architecture design. To demonstrate this, we evaluate the pyramid attention on DenseNet and U-Net, which are two commonly used network structures for image restoration. Here we construct a 18-layer DenseNet and a 3-level 26-layer U-Net with one additional pyramid attention at the end. Results are presented in Table 13. One can see that adding pyramid attention constantly improves the performances. It worth noting that U-Net inherently has multi-scale built in but pyramid attention can still bring considerable improvements. This is because U-Net can be seen as a specific instantiation of modeling multi-scale self-similarities, where only in-place self-similarities are fused together. In contrast, pyramid attention generalizes this operation by exhaustively modeling multi-scale non-local correlations.

5 limitation and Future Work

While our method is capable to reconstruct clear and accurate image details, exhaustively computing the non-local correlations across scales adds extra computation burden. Therefore, how to further improve its efficiency for real-time inference is worth exploring. Recent research demonstrates Mei et al. (2021) that exploring sparsity in non-local operation can effectively reduce computational costs from quadratic to asymptomatic linear, and thus investigating sparse representation in pyramid attention may be a promising future direction. Since pyramid attention is a generic operation, it can be further applied to other image restoration tasks such as inpainting, deblurring and deraining or combined with recent vision transformers for superior performance. In addition, it is also interesting to combine PANet with adversarial training and perceptual loss to pursue more visual pleasing restoration.

6 Conclusion

In this paper, we proposed a simple and generic pyramid attention for image restoration. The module generalizes classic self-attention to capture non-local relationships at multiple image scales. It is fully differentiable and can be used into any architectures. We demonstrate that modeling multi-scale correspondences brings significant improvements for the general image restoration tasks of image denosing, demosaicing, compression artifacts reduction and super resolution. On all tasks, a simple backbone with one pyramid attention achieves superior restoration accuracy over prior state-of-the-art approaches. We believe pyramid attention should be used as a common building block in future neural networks.