Next Article in Journal
Leap Motion Controller Video Game-Based Therapy for Upper Extremity Motor Recovery in Patients with Central Nervous System Diseases. A Systematic Review with Meta-Analysis
Previous Article in Journal
Intensity Paradox—Low-Fit People Are Physically Most Active in Terms of Their Fitness
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Edge-Enhanced with Feedback Attention Network for Image Super-Resolution

School of Microelectronics and Communication Engineering, Chongqing University, Chongqing 400044, China
*
Author to whom correspondence should be addressed.
Sensors 2021, 21(6), 2064; https://doi.org/10.3390/s21062064
Submission received: 4 February 2021 / Revised: 3 March 2021 / Accepted: 8 March 2021 / Published: 15 March 2021
(This article belongs to the Section Sensing and Imaging)

Abstract

:
Significant progress has been made in single image super-resolution (SISR) based on deep convolutional neural networks (CNNs). The attention mechanism can capture important features well, and the feedback mechanism can realize the fine-tuning of the output to the input. However, they have not been reasonably applied in the existing deep learning-based SISR methods. Additionally, the results of the existing methods still have serious artifacts and edge blurring. To address these issues, we proposed an Edge-enhanced with Feedback Attention Network for image super-resolution (EFANSR), which comprises three parts. The first part is an SR reconstruction network, which adaptively learns the features of different inputs by integrating channel attention and spatial attention blocks to achieve full utilization of the features. We also introduced feedback mechanism to feed high-level information back to the input and fine-tune the input in the dense spatial and channel attention block. The second part is the edge enhancement network, which obtains a sharp edge through adaptive edge enhancement processing on the output of the first SR network. The final part merges the outputs of the first two parts to obtain the final edge-enhanced SR image. Experimental results show that our method achieves performance comparable to the state-of-the-art methods with lower complexity.

1. Introduction

Single image super-resolution (SISR) is a classic computer vision task, which aims to use a low-resolution (LR) image to reconstruct the corresponding high-resolution (HR) image. Image super-resolution is an ill-posed problem since an LR image can be reconstructed to obtain multiple HR images, and the reconstructed solution space is not unique. At present, numerous image SISR methods have been proposed, which can be classified as interpolation-based methods [1], reconstruction-based methods [2,3], and learning-based methods [4,5,6,7,8].
In recent years, the convolutional neural networks (CNNs) composed of multiple convolutional layers have benefited from the number and size of the convolutional kernel of each convolutional layer, which gives them a powerful ability of expression and learning. Dong et al. [4] introduced a three-layer end-to-end convolutional neural network (SRCNN) to implement the image SR and pioneeringly realized the application of deep learning in image SR. Since then, the deep learning-based methods have attracted widespread attention because of their super reconstruction performance. However, the high computational cost limits the practical application of SRCNN. The Fast SR Convolutional Neural Networks (FSRCNN) [7] proposed later obtains better reconstruction performance with less computational cost. Research shows that the two key factors of the deep network depth and skip connections can improve SR reconstruction performance to a certain level. Therefore, to fully use the deep advantages of CNN, Accurate Image SR Using Very Deep Convolutional Networks (VDSR) [5] was proposed, which increased the depth of the convolutional layer to 20 and used skip connections and greatly improved the peak signal-to-noise ratio (PSNR) [9] and visual quality. However, the problem of gradient vanishing/explosion is serious with the increase in network depth, and it is difficult to converge in training. To address the above issues and further improve the reconstruction performance, a series of deeper networks based on residual learning have been proposed, such as that proposed in [7]. Moreover, inspired by Densely Connected Convolutional Networks (DenseNet) [10], SRDenseNet [11], Enhanced Deep Residual Networks for SISR (EDSR) [12], and Residual Dense Network for Image SR (RDN) [13] have also been successfully proposed. They directly connect each layer with subsequent layers and provide an effective method for the reuse of feature maps. Similar to most traditional deep learning-based methods, they share information in a feed-forward manner. However, the feed-forward method prevents the effective information of the latter layer from being fed back to the previous layer, and the input of the previous layer cannot be adjusted. Hence, recent studies [14,15] have applied the feedback mechanism to the network architecture. In the theory of human recognition, people can always find the correlation between them based on the original data and focus on some of its important features. Inspired by this phenomenon, many studies have applied the attention mechanism [16]. Zhang et al. [17] proposed a Very Deep Residual Channel Attention Networks (RCAN), and for the first time introduced the attention mechanism into the image SR, and obtained a high PSNR, but the network model was too complex, and the real-time performance was poor. Li et al. [18] proposed Multi-scale Residual Network for Image SR (MSRN), which uses the context information of spatial features and feature fusion technology to connect the outputs of all residual blocks, instead of increasing the depth of the CNN to improve the reconstruction performance. Although these methods have introduced an attention mechanism and have achieved certain results, they are only simple applications of the attention mechanism originally used for natural language processing (NLP). They still cannot full use multi-scale feature information, and they have not found a more suitable attention mechanism method for image SR. Inspired by the work in [19,20], we proposed a lightweight attention module for image SR to solve the above problems. Experiments show that our model has achieved better performance.
Almost all the existing methods train the model by minimizing the mean square error (MSE) or L1 loss between the reconstructed HR image and the ground truth. Even if high PSNR values are obtained, problems of over-smoothing and edge blurring are unavoidable. To obtain better image perceptual quality, super-resolution generative adversarial network (SRGAN) [21] proposed a perceptual loss function, which includes adversarial loss [22] and content loss calculated on the feature maps of the Very Deep Convolutional Networks for Large-Scale Image Recognition (VGG) network [23]. Unfortunately, the PSNR of this method is much lower than other methods. To obtain better image edges without sacrificing PSNR, we propose an edge detection and enhancement network (EdgeNet) inspired by [24,25].
In summary, our major contributions are as follows:
  • We propose an edge enhanced feedback attention image super-resolution network (EFANSR), which comprises three stages: a dense attention super-resolution network (DASRNet), an edge detection and enhancement network (EdgeNet), and a fusion reconstruction module. The EdgeNet performs edge enhancement processing on the output image of DASRNet, and then the final SR image is obtained through the final fusion module.
  • In DASRNet, we propose a spatial attention (SA) block to re-check the features and make the network pay more attention to high-frequency details and a channel attention (CA) block that can adaptively assign weights to different types of feature maps. We also apply a feedback mechanism in DASRNet. The feedback mechanism brings effective information of the latter layer back to the previous layer and adjusts the input of the network.
  • We propose an EdgeNet that is more suitable for image SR. It extracts edge feature information through multiple channels and fully uses the extracted edge information to reconstruct better clarity and sharper edges.
We organize the remainder of this paper as follows: The works related to our research are presented in Section 2. The network structure and methods are described in Section 3. Section 4 discusses the performance of different loss functions and the differences in the works most relevant to our research, and the conclusions are given in Section 5.

2. Related Works

2.1. Deep Learning-Based Image Super-Resolution

Deep learning has shown powerful advantages in various fields of computer vision, including image SR. In 2014, Dong et al. [4] proposed a three-layer convolutional neural network (SRCNN), which applied deep learning to image SR for the first time. Compared with other traditional image SR methods, the reconstruction performance of SRCNN is significantly improved, but the extremely simple network structure limited its expressive ability. Inspired by the VGG [25], Kim et al. [5] increased the depth of CNN to 20 layers so that the network could extract more feature information from LR images. VDSR [5] used residual learning to ease the difficulty of deep network training and achieved considerable performance. To improve the presentation ability of the model while reducing the difficulty of network training, some recent works have proposed different variants of skip connections. The works in [6,17,18] use the residual skip connection method proposed in [12]. The works in [10,13,26,27] use the dense skip connection method proposed in [11].
Although these methods used skip connections, each layer can only receive feature information from the previous layers, which lacks enough high-level contextual information and limits the network’s reconstruction ability. In addition, the existing research treats both spatial and channel features equally, which also limits the adaptive ability of the network when processing the features. The prime information lost in the image down-sampling process is concentrated on the details such as edges and textures. However, none of the previous methods have a module that can contain as much high-frequency detail information as possible to process features. Therefore, it is very necessary to establish an attention mechanism that is more suitable for image SR tasks. Moreover, the edge blur in the image SR is still a prominent problem, and it is also extremely important to design an SR method that can improve the edge quality of the reconstructed image.

2.2. Feedback Mechanism

The feedback mechanism allows the network to adjust the previous input through feedback output information. In recent years, the feedback mechanism has also been used in many network applications of computer vision tasks [15,28]. For image SR, Haris et al. [29] proposed an iterative up and down projection unit based on back-projection to realize iterative error feedback. Inspired by Deep Back-Projection Networks for SR (DBPN) [29], Pan Z et al. [30] proposed Residual Dense Backprojection Networks (RDBPN) using the residual deep back-projection structure. However, these methods do not achieve a genuine sense of feedback; the information flow in the network is still feedforward. Inspired by [14], we designed a dense feature extraction module with a feedback mechanism.

2.3. Attention Mechanism

Attention refers to the mechanism by which the human visual system adaptively processes information according to the characteristics of the received information [31]. In recent years, to improve the performance of the model, when dealing with complex tasks, the attention mechanism has been widely applied in high-level computer vision tasks, such as image classification [32]. However, there are few applications in image SR because simply even applying the attention mechanism in low-level computer vision tasks can decrease the performance. Therefore, it is very important to establish an effective attention mechanism for image SR tasks.

2.4. Edge Detection and Enhancement

Image edge detection is a basic technology in the field of computer vision. How to quickly and accurately obtain image edge information has always been a research hotspot and has also been widely studied. Early methods focused on color intensity and gradient, as was done by Jones [33]. The accuracy of these methods in practical applications still needs to be further improved. Since then, methods based on feature learning have been proposed, which usually use complex learning paradigms to predict the magnitude of the edge point gradient. Although they have better results in certain scenarios, they are still limited in edge detection that represents high-level semantic information.
Recently, to further improve the accuracy of edge detection, numerous edge detection methods based on deep learning have been proposed, such as Holistically-nested edge detection (HED) [34] and Richer Convolutional Features for Edge Detection (RCF) [23]. The problem of edge blur in image SR is very prominent. Before Kim et al. proposed SREdgeNet [24], no other image SR methods used edge detection to solve this problem. SREdgeNet combines edge detection with image SR for the first time, enabling super-resolution reconstruction to obtain better edges than other super-resolution methods.
SREdgeNet uses dense residual blocks and dense skip connections to design the edge detection module, DenseEdgeNet. The network is too complex with huge network parameters, which consume a lot of storage space and training time and leads to poor real-time performance. To address the above problems, we proposed EdgeNet, which is a lightweight edge detection network comprising only three convolution paths and two pooling layers. This design greatly reduces the complexity of the network, and it can also full use the multi-scale information of the characteristic channel to generate more accurate edges.

3. Proposed Methods

We show the framework of our proposed EFANSR in Figure 1. EFANSR can be divided into three parts: DASRNet, EdgeNet, and the final fusion part. Let I LR and I SR represent the input and output images of our network, respectively.
DASRNet takes ILR as input and up-samples it to the desired output size as the following expression
I sr = SR ( I LR ) ,
where SR ( ) represents all operations performed in DASRNet. Our EdgeNet predicts the edge information of the up-sampled SR image output by DASRNet and enhances its edge. The expression is as follows
I edge = E ( I sr ) ,
where I edge is the output of EdgeNet, and E ( ) denotes the functions of EdgeNet. The Fusion part obtains the final SR image of the entire super-resolution network by fusing I sr and I edge
I SR = F ( I sr , I edge ) ,
where F ( ) represents the operation of Fusion to generate the final SR image.

3.1. DASRNet

We show the architecture of our DASRNet in Figure 2a, which can be divided into three parts: shallow feature extraction, deep feature extraction, and up-sampling reconstruction. In this section, we use I LR and I sr to denote the input and output of DASRNet.
The shallow feature extraction part comprises a Conv layer and a 1 × 1 Conv layer. Herein, “Conv” and “1 × 1 Conv” both represent a convolutional layer, the number of filters is 64, stride size is 1, while the kernel sizes are 3 × 3 and 1 × 1, respectively. We use F s to represent the output feature maps of the Conv layer,
F s = F s f e 1 ( I LR ) = W s × I LR ,
where F s f e 1 ( ) refers to Conv operation, W s denotes the filters and the biases items are omitted for simplicity. F s is transmitted as input to the 1 × 1 Conv layer, and the output is represented by F 0
F 0 = F s f e 2 ( F s ) = W 0 × I LR ,
where F s f e 2 ( ) refers to the 1 × 1 Conv operation and F 0 serves as the input of the later deep feature extraction module.
As shown in the highlighted green in Figure 2a, the deep feature extraction part contains N dense residual modules with spatial attention and channel attention, for which we use dense spatial and channel attention (DSCA) i ( i = 1 ,   2 ,   , N ) to denote each of them.
Our work contains a total of T iterations, and we use t ( t = 1 ,   2 ,   , T ) to denote any one of them. During the t th iteration, the output of the ( t 1 ) th iteration of the N th DSCA module F N t 1 is taken as one of the inputs of the t th iteration of the first DSCA module. The output of the t th iteration of the N th DSCA module is represented as F N t , which can be obtained by the following expression:
F N t = F N ( F N 1 t ) = F N ( F N 1 ( ( F i ( F i 1 ( ( F 1 ( F 0 , F N t 1 ) ) ) ) ) ) ) ,
where F 0 is one of the inputs of DSCA 1, F i ( ) represents a series of operations performed in the i th DSCA. We will elaborate on DSCA in Section 3.2. Inspired by [12], we adopt global feature fusion (GFF) and local feature fusion (LFF) technology to fuse the extracted depth features. The fusion output F f t can be obtained by
F f t = F conv ( c o n c a t ( F 1 t , F 2 t , , F i t , , F N t ) ) ,
where F conv ( ) represents the 1 × 1 Conv operation. F f t is then added with the up-sampled features.
F t = F l r u p ( I LR ) F f t ,
where ⨁ represents element-wise summation, and F l r u p ( ) indicates the up-sampling operation. Considering the reconstruction performance and processing speed, we choose the bilinear kernel as the up-sampling kernel.
Our up-sampling reconstruction part adopts the sub-pixel convolution proposed by [35] and the generated SR image I sr without edge enhancement can be obtained as the following expression
I sr = F ( F t ) ,
where F ( ) denotes the upscale operator.

3.2. Dense Spatial and Channel Attention (DSCA) Block

The structure of the dense spatial and channel attention module (DSCA) we proposed is shown in Figure 2b, and the structure of SA and CA blocks are shown in Figure 3a,b, respectively.
Spatial Attention block. We design a new spatial attention mechanism to accurately reconstruct the detailed information of the high-frequency region. The whole calculation process is shown in Figure 3a. In contrast to other spatial attention mechanisms suitable for high-level vision tasks, our SA block consists of 3 Conv layers, 3 Deconv layers, and 2 symmetric skip connections, without pooling layers. Gradient information can be transferred directly from the bottom layer to the top layer through the skip connection, which alleviates the problem of vanishing gradient. The stacked convolutional layers allow our network to have a larger receptive field. Thus, the contextual information is fully utilized.
For a given input feature f e , a 2D attention mask f s a is obtained after passing the SA block. The final output of the SA block F s a can be obtained by
F s a = f e × f s a ,
Channel Attention block. We show the structure of our CA block in Figure 3b. It includes a global average pooling (GAP) layer and two “1 × 1 Conv” layers with LeakyReLU and Sigmoid activations.
Suppose we have C input channel feature maps [ f 1 , f 2 ,   , f C ] , and then we squeeze them into a GAP layer to produce the channel-wise statistic V R C × 1 × 1 . The c t h element of V can be computed by the following expression:
V c = 1 H × W i = 1 H j = 1 W f c ( i , j ) ,
where f c ( i , j ) is the pixel value at the position ( i , j ) of the c t h channel feature map f c . To fully obtain the interdependence of each channel, we adopt a Sigmoid gating mechanism like [19] by two “1 × 1 Conv” layers forming a bottleneck with dimension-reduction and -increasing ratio r and use LeakyReLU as the activation function.
f c a = δ ( W U σ ( W D V ) ) ,
where denotes the “1 × 1 Conv” operation, δ ( ) and σ ( ) represent the activation functions of Sigmoid and LeakyReLU, respectively. W U and W D represent the learned weights of the two “1 × 1 Conv” layers, respectively. Then, the final channel statistics maps can be obtained by
F c a = f c o n v × f c a ,
In this way, our CA block can adaptively determine which feature channel should be focused or suppressed.

3.3. EdgeNet

As shown in Figure 4, inspired by the classic deep learning-based edge detection method [23], we proposed an edge enhanced network (EdgeNet) by modifying the edge detection module of RCF [18]. RCF contains 5 stages based on VGG16 [25], each of them receives a feature map through a series of stacked convolutional layers. To reduce the computational complexity of complex networks, the EdgeNet we proposed has only 3 stages, where “Dsconv” means depth-wise separable convolution and its operation is shown in the dotted box in Figure 4; “Deconv” means deconvolution, k × k − n (such as 3 × 3 − 64) means that the kernel size is k, and the number of filters is n.
Compared with [23], the adjustments we made are summarized: we deleted Stage 4, Stage 5, and the 2 × 2 pooling layer behind Stage 4 in RCF. Our EdgeNet consists of only 3 stages; we use depth-wise separable convolution layers to replace the ordinary 3 × 3 Conv layers in RCF to reduce the computational complexity of the network and achieve better learning of channel and region information.

3.4. Fusion

The structure of the Fusion part of our model is shown in Figure 5. This part first integrates I sr and I edge through a “concat” operation, and then performs a dimensionality reduction process on the fused image through a “1 × 1 Conv” operation to obtain the final reconstructed image. This method enables our network to fuse the enhanced edge information with the reconstructed image, so as to make full use of the edge information, thereby making the final reconstructed image edge clearer and sharper.

3.5. Loss Function

Most existing SISR methods use L1 or MSE loss, but both of these loss functions have certain shortcomings. This is also one of the main reasons that make it difficult to train some models and improve the reconstruction performance. The MSE loss will make the model very sensitive to outliers, which will easily lead to difficulty in model convergence during training. Although L1 loss is very robust to outliers, the gradient is also very large for small loss values. Therefore, we use charbonnier loss (a variant of L1 loss) proposed in LapSRN [36] to train our network instead of L1 or MSE loss, and we describe it in this section. Assume that I LR and I HR are the input LR image and the ground truth HR image, respectively; Θ is the network parameters. Let I SR denote the final output of our network after using residual learning, and the loss function is defined by the following expression:
L s ( I HR , I SR ; Θ ) = 1 N i = 1 N ρ ( I HR i I SR i ) ,
where ρ ( x ) = x 2 + ϵ 2 , N is the number of training samples, and s is the upscale factor. We set ϵ as 1 × 10 3 based on experience. In the discussion section, we give an analysis of the results of training our model with different loss functions to further illustrate the effectiveness of the charbonnier loss we selected.

4. Discussion

Loss function. Here we use a set of comparative experiments to analyze the optimization performance of our model with three different loss functions. As shown in Figure 6, the convergence speed of the model optimized with charbonnier loss (green curve) is slightly faster than the MSE loss (orange curve), and finally the optimal PSNR value is obtained. Given comprehensive convergence speed and optimization performance, our research chooses charbonnier loss as the optimization function.
Differences from SRFBN. There is still a flexibility problem of comparing different deep learning networks. This section aims to explain the difference between the feedback mechanism in our EFANSR and SRFBN [14], as well as our rationality and superiority. There is only one feedback block in SRFBN and the feedback block is constructed by cascading several iterative up- and down-sampling convolutional layers, but our proposed network has N DSAN modules cascaded. Although SRFBN can use deep feature information to fine-tune the shallow input through the feedback mechanism, it cannot use multiple modules to cascade back deeper feature information to achieve fine-tuning of the shallow input like our network. In addition, we use local feature fusion technology to achieve full fusion utilization of the output features of each DSCA module.

5. Experimental Results

In this section, we first explain how to construct the datasets and training details. Next, we explore the effectiveness of our proposed attention mechanisms, feedback mechanisms, and edge enhancement network through ablation studies. Then, we compare our method with the most advanced current methods. Finally, the model parameters and performance of different methods are compared and analyzed.

5.1. Datasets and Metrics

We used DIV2K [37] as our training dataset. The DIV2K dataset contains 800 training images, 100 validation images, and 100 undisclosed test images. In this work, the LR images were, respectively, obtained by bicubic down-sampling the HR images with scaling factors 2×, 3×, and 4×. To fully use the data and improve the reconstruction performance, we augmented the training data by random horizontal flips and 90°, 180°, and 270° rotations like [12] did.
We used five benchmark datasets that are widely used as our test datasets: Set5 [38], Set14 [39], B100 [40], Urban100 [41], and Manga109 [42]. The Set5, Set14, and B100 datasets consist of natural scenes. The Urban100 set contains images from different frequency bands of urban scenes, and the Manga109 is a Japanese manga dataset.
To be consistent with the existing research work, we only calculated the peak signal-to-noise ratio (PSNR) and structural similarity (SSIM) on the luminance channel (Y channel in the YCbCr color space) of the SR image obtained by super-resolution reconstruction.

5.2. Training Details

We took the LR images in RGB format and the corresponding HR image as input and cropped the size of each input patch to 40 × 40. The networks were implemented on the PyTorch framework and trained on a NVIDIA 2070Ti GPU with a batch size of 16 and optimized using an Adam optimizer [43]. We set the parameters of the optimizer to: β 1 = 0.9 , β 2 = 0.99 , ε = 1 × 10 8 . The learning rate was initialized to 1 × 10−4 and decreased by half when training reached 80, 120, and 160 epochs.
In the training process, the three parameters in Figure 2 were set as follows: the number of filters in all Conv layers was set to n = 64; the kernel size (k) and stride (s) change with the up-sampling scale factor, for 2×, k = 6, s = 2, for 3× and 4×, k = 3, s = 1. The parameter settings in EdgeNet are given in Figure 4. In the testing phase, to maximize the potential performance of the model, we adopted the self-ensemble strategy [44]. Based on experience and experiments, we found that such a parameter setting can achieve outstanding performance and balance training time and memory consumption.

5.3. Ablation Experiments

Study of N. Our DASRNet contains N DSCA blocks; in this sub-section, we study the effect of the value of N on reconstruction performance. We built models with different depths of N = 6, 8, and 10, and evaluated them quantitatively. The evaluation results are given in Table 1. It can be seen from the experimental results that the performance is relatively better when N = 8. Based on this, the N of all models in the subsequent experiments in this paper is eight.
Results of attention mechanisms. To visually illustrate the effectiveness of our proposed SA and CA blocks, we conducted an ablation experiment. After removing the corresponding modules from DSCA, the model was trained and tested on the DIV2K and Set5 datasets. Table 2 shows a quantitative evaluation of each module. As shown in Table 2, the baseline performance without SA and CA module is very poor. The best performance is when both SA and CA are introduced (PSNR = 34.11 dB).
Furthermore, we represent the model without SA and CA modules as Baseline and visualize the convergence of EFANSR and Baseline. As shown in Figure 7, the EFANSR model with attention mechanisms obtains lower training loss and better reconstruction performance. The results in Table 2 and Figure 7 both show that the attention mechanism we introduced can improve the reconstruction performance, and our model also has considerable generalization ability.
Results of edge enhancement. We demonstrate that our proposed EdgeNet can make the reconstructed image obtain sharper edges. We compared the network with EdgeNet module and the network without EdgeNet in this section and show the visualization results in Figure 8. The Network with EdgeNet module can generate more reasonable details of irregular areas and generate sharper edges.
We present the quantitative evaluation results on the Set5 dataset for 3× SR in Table 3. Through visual perception in Figure 8 and quantitative analysis in Table 3, it can be seen that the proposed EdgeNet module can obtain clear sharp edges of reconstructed images and improve the quality of reconstructed images.

5.4. Comparison with State-of-the-Art Methods

To verify the effectiveness of our proposed method, we conducted numerous comparative experiments on the benchmark datasets. We compared our network with the following classic methods: A+ [6], SRCNN [4], FSRCNN [7], VDSR [5], MemNet [8], EDSR [12], SREdgeNet [24], and SRFBN [14]. Our model is denoted as EFANSR (ours). We evaluated the SR results with PSNR, SSIM, and compared performance on 2×, 3×, and 4× SR. It is worth noting that our goal is to make the edge properties of SR images better while obtaining better quantitative evaluation indicators PSNR and SSIM.
We show the quantitative results in Table 4. Our method is slightly inferior to EDSR and SRFBN in PSNR/SSIM, but it is much better than other methods, and our model complexity is much lower than EDSR. In particular, compared with SREdgeNet [24], our performance is far superior to it, which also proves the effectiveness of our EdgeNet in improving the performance of refactoring.
We show the visual effect pictures on the Set5 and B100 datasets for 3× SR in Figure 9 and 4× SR on B100, Urban100, and Manga109 in Figure 10. Our method accurately recreates text information and parallel lines while retaining richer details. We observe that the reconstruction results of SRCNN [4] and VDSR [5] are very fuzzy and a lot of details are missing. The reconstruction results of SRFBN [14] still have artifacts caused by the mesh effect. Instead, our approach effectively preserves detailed information through attention mechanisms and edge enhancement, resulting in very sharp edges and better visual effects.

5.5. Model Parameters

We show the number of parameters versus the reconstruction performance of CNN-based methods in Figure 11. By the application of parameter sharing and deep-wise separable convolution, our EFANSR has 73% fewer parameters than MemNet [8], 79% fewer than SRFBN [14], and has only 2.4% of the EDSR [12]. Our proposed EFANSR achieves performance comparable to the state-of-the-art methods with lower complexity.

6. Conclusions

In this paper, we proposed an edge-enhanced image super-resolution network with a feedback mechanism and attention mechanism (EFANSR), which is composed of DASRNet, EdgeNet, and the final fusion part. Our DSCA module fully uses high-frequency detail information by combining spatial attention (SA) and channel attention (CA). The introduced feedback mechanism enables our network to adjust the input by effectively feeding back the high-level output information to the low-level input. The edge enhancement network (EdgeNet) realizes the extraction and enhancement of different levels of edge information through several convolution channels with different receptive fields. Through the analysis of model complexity (such as model parameters) and numerous comparative experiments, it is fully proven that our method achieves performance comparable to the state-of-the-art methods with lower complexity, and the reconstructed image edges are sharper and clearer.

Author Contributions

C.F. proposed the research idea of this paper and was responsible for the experiments, data analysis, and interpretation of the results. Y.Y. was responsible for the verification of the research plan. The paper was mainly written by C.F. and the manuscript was revised and reviewed by Y.Y. Both authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Acknowledgments

The authors would like to thank Jiwon Kim, Jung Kwon Lee, Kyoung Mu Lee, Ying Tai, Jian Yang, Xiaoming Liu, Chunyan Xu, Bee Lim, Sanghyun Son, Heewon Kim, Seungjun Nah, Zhen Li, Jinglei Yang, Zheng Liu, Xiaomin Yang, Gwanggil Jeon and Wei Wu, for releasing their source codes and providing models for comparison.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Zhang, L.; Wu, X. An Edge-guided Image Interpolation Algorithm via Directional Filtering and Data Fusion. IEEE Trans. Image Process. 2006, 15, 2226–2238. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  2. Zhang, K.; Gao, X.; Tao, D.; Li, X. Single Image Super-Resolution with Non-Local Means and Steering Kernel Regression. IEEE Trans. Image Process. 2012, 21, 4544–4556. [Google Scholar] [CrossRef] [PubMed]
  3. Yan, Q.; Xu, Y.; Nguyen, T.Q. Single Image Super-Resolution Based on Gradient Profile Sharpness. IEEE Trans. Image Process. 2015, 24, 3187–3202. [Google Scholar] [PubMed]
  4. Dong, C.; Loy, C.C.; He, K.; Tang, X. Image Super-Resolution Using Deep Convolutional Networks. IEEE Trans. Pattern Anal. Mach. Intell. 2016, 38, 295–307. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  5. Kim, J.; Lee, J.K.; Lee, K.M. Accurate Image Super-Resolution Using Very Deep Convolutional Networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR 2016), Las Vegas, NV, USA, 27–30 June 2016. [Google Scholar]
  6. Timofte, R.; Smet, V.D.; Gool, L.V. A+: Adjusted Anchored Neighborhood Regression for Fast Super-Resolution. In Proceedings of the Asian Conference on Computer Vision, Singapore, 1–5 November 2014; pp. 111–126. [Google Scholar]
  7. Dong, C.; Loy, C.C.; Tang, X. Accelerating the Super-Resolution Convolutional Neural Network. In Proceedings of the European Conference on Computer Vision (ECCV 2016), Amsterdam, The Netherlands, 11–14 October 2016. [Google Scholar]
  8. Tai, Y.; Yang, J.; Liu, X.; Xu, C. MemNet: A Persistent Memory Network for Image Restoration. In Proceedings of the IEEE International Conference on Computer Vision (ICCV 2017), Venice, Italy, 22–29 October 2017. [Google Scholar]
  9. Wang, Z.; Bovik, A.C.; Sheikh, H.R.; Simoncelli, E.P. Image quality assessment: From error visibility to structural similarity. IEEE Trans. Image Process. 2004, 13, 600–612. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  10. Huang, G.; Liu, Z.; Van Der Maaten, L.; Weinberger, K.Q. Densely Connected Convolutional Networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR 2017) Workshops, Honolulu, HI, USA, 21–26 July 2017; pp. 2261–2269. [Google Scholar]
  11. Tong, T.; Li, G.; Liu, X.; Gao, Q. Image Super-Resolution Using Dense Skip Connections. In Proceedings of the IEEE International Conference on Computer Vision (ICCV 2017), Venice, Italy, 22–29 October 2017. [Google Scholar]
  12. Lim, B.; Son, S.; Kim, H.; Nah, S.; Lee, K.M. Enhanced Deep Residual Networks for Single Image Super-Resolution. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR 2017), Honolulu, HI, USA, 21–26 July 2017; pp. 1132–1140. [Google Scholar]
  13. Zhang, Y.; Tian, Y.; Kong, Y.; Zhong, B.N.; Fu, Y. Residual Dense Network for Image Super-Resolution. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR 2018), Salt Lake City, UT, USA, 18–23 June 2018; pp. 2472–2481. [Google Scholar]
  14. Li, Z.; Yang, J.L.; Liu, Z.; Yang, X.; Jeon, G.; Wu, W. Feedback Network for Image Super-Resolution. In Proceedings of the IEEE IEEE Conference on Computer Vision and Pattern Recognition (CVPR 2019), Long Beach, CA, USA, 16–20 June 2019; pp. 3862–3871. [Google Scholar]
  15. Zamir, A.R.; Wu, T.; Sun, L.; Shen, W.B.; Shi, B.E.; Malik, J.; Savarese, S. Feedback Networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR 2017), Honolulu, HI, USA, 21–26 July 2017; pp. 1808–1817. [Google Scholar]
  16. Ilya, S.; Oriol, V.; Quoc, V.L. Sequence to sequence learning with neural networks. Adv. Neural Inf. Process. Syst. 2014, 27, 3104–3112. [Google Scholar]
  17. Zhang, Y.; Li, K.; Li, K.; Wang, L.; Zhong, B.; Fu, Y. Image Super-Resolution Using Very Deep Residual Channel Attention Networks. In Proceedings of the European Conference on Computer Vision (ECCV 2018), Munich, Germany, 8–14 September 2018; pp. 286–301. [Google Scholar]
  18. Li, J.; Fang, F.; Mei, K.; Zhang, G. Multi-scale Residual Network for Image Super-Resolution. In Proceedings of the European Conference on Computer Vision (ECCV 2018), Munich, Germany, 8–14 September 2018; pp. 517–532. [Google Scholar]
  19. Muqeet, A.; Iqbal, M.T.B.; Bae, S.H. HRAN: Hybrid Residual Attention Network for Single Image Super-Resolution. IEEE Access 2019, 7, 137020–137029. [Google Scholar] [CrossRef]
  20. Niu, Z.H.; Zhou, Y.H.; Yang, Y.B.; Fan, J.C. A Novel Attention Enhanced Dense Network for Image Super-Resolution. In Proceedings of the International Conference on Multimedia Modeling, Daejeon, Korea, 5–8 January 2020; pp. 568–580. [Google Scholar]
  21. Ledig, C.; Theis, L.; Huszár, F.; Cunningham, A.; Acosta, A.; Aitken, A.; Tejani, A.; Totz, J.; Wang, Z.; Shi, W. Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR 2017), Honolulu, HI, USA, 21–26 July 2017; pp. 4681–4690. [Google Scholar]
  22. Goodfellow, I.; Pouget-Abadie, J.; Mirza, M.; Xu, B.; Warde-Farley, D.; Ozair, S.; Bengio, Y. Generative adversarial nets. Adv. Neural Inf. Process. Syst. 2014, 27, 2672–2680. [Google Scholar]
  23. Simonyan, K.; Zisserman, A. Very Deep Convolutional Networks for Large-Scale Image Recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
  24. Liu, Y.; Cheng, M.M.; Hu, X.; Bian, J.W.; Zhang, L.; Bai, X.; Tang, J.H. Richer Convolutional Features for Edge Detection. IEEE Trans. Pattern Anal. Mach. Intell. 2018, 41, 1939–1946. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  25. Kim, K.; Chun, S.Y. SREdgeNet: Edge Enhanced Single Image Super-Resolution using Dense Edge Detection Network and Feature Merge Network. arXiv 2018, arXiv:1812.07174. [Google Scholar]
  26. Wang, X.; Yu, K.; Wu, S.; Gu, J.; Liu, Y.; Dong, C.; Qiao, Y.; Loy, C.C. ESRGAN: Enhanced Super-Resolution Generative Adversarial Networks. In Proceedings of the European Conference on Computer Vision (ECCV 2018), Munich, Germany, 8–14 September 2018; pp. 63–79. [Google Scholar]
  27. Ahn, N.; Kang, B.; Sohn, K.A. Fast, accurate, and lightweight super-resolution with cascading residual network. In Proceedings of the European Conference on Computer Vision (ECCV 2018), Munich, Germany, 8–14 September 2018; pp. 256–272. [Google Scholar]
  28. Carreira, J.; Agrawal, P.; Fragkiadaki, K.; Malik, J. Human pose estimation with iterative error feedback. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR 2016), Las Vegas, NV, USA, 27–30 June 2016; pp. 4733–4742. [Google Scholar]
  29. Haris, M.; Shakhnarovich, G.; Ukita, N. Deep Back-Projection Networks for Super-Resolution. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR 2018), Salt Lake City, UT, USA, 18–23 June 2018; pp. 1664–1673. [Google Scholar]
  30. Pan, Z.X.; Ma, W.; Gu, J.Y.; Lei, B. Super-Resolution of Single Remote Sensing Image Based on Residual Dense Backprojection Networks. IEEE Trans. Geosci. Remote Sens. 2019, 57, 7918–7933. [Google Scholar] [CrossRef]
  31. Itti, L.; Koch, C.; Niebur, E. A model of saliency-based visual attention for rapid scene analysis. IEEE Trans. Pattern Anal. Mach. Intell. 2002, 20, 1254–1259. [Google Scholar] [CrossRef] [Green Version]
  32. Wang, F.; Jiang, M.Q.; Qian, C.; Yang, S.; Li, C.; Zhang, H.G.; Wang, X.G.; Tang, X.O. Residual attention network for image classification. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR 2017), Honolulu, HI, USA, 21–26 July 2017; pp. 6450–6458. [Google Scholar]
  33. Canny, J. A computational approach to edge detection. IEEE Trans. Pattern Anal. Mach. Intell. 1986, 8, 679–698. [Google Scholar] [CrossRef] [PubMed]
  34. Xie, S.; Tu, Z. Holistically-nested edge detection. In Proceedings of the IEEE International Conference on Computer Vision (ICCV 2015), Santiago, Chile, 11–18 December 2015; pp. 1395–1403. [Google Scholar]
  35. Shi, W.; Caballero, J.; Huszár, F.; Totz, J.; Aitken, A.P.; Bishop, R.; Rueckert, D.; Wang, Z. Real-time single image and video super-resolution using an efficient sub-pixel convolutional neural network. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR 2016), Las Vegas, NV, USA, 27–30 June 2016. [Google Scholar]
  36. Lai, W.S.; Huang, J.B.; Ahuja, N.; Yang, M.H. Fast and Accurate Image Super-Resolution with Deep Laplacian Pyramid Networks. IEEE Trans. Pattern Anal. Mach. Intell. 2019, 41, 2599–2613. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  37. Agustsson, E.; Timofte, R. NTIRE 2017 Challenge on Single Image Super-Resolution: Dataset and Study. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR 2017), Honolulu, HI, USA, 21–26 July 2017; pp. 1122–1131. [Google Scholar]
  38. Bevilacqua, M.; Roumy, A.; Guillemot, C.; Alberi-Morel, M.L. Low-complexity single-image super-resolution based on nonnegative neighbor embedding. In Proceedings of the British Machine Vision Conference (BMVC 2012), Surrey, UK, 3–7 September 2012. [Google Scholar]
  39. Zeyde, R.; Elad, M.; Protter, M. On single image scale-up using sparse-representations. In Proceedings of the International Conference on Curves and Surfaces, Avignon, France, 24–30 June 2010. [Google Scholar]
  40. Martin, D.; Fowlkes, C.; Tal, D.; Malik, J. A database of human segmented natural images and its application to evaluating segmentation algorithms and measuring ecological statistics. In Proceedings of the IEEE International Conference on Computer Vision (ICCV 2001), Vancouver, BC, Canada, 7–14 July 2001; pp. 416–423. [Google Scholar]
  41. Huang, J.-B.; Singh, A.; Ahuja, N. Single image super-resolution from transformed self-exemplars. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR 2015), Boston, MA, USA, 7–12 June 2015. [Google Scholar]
  42. Matsui, Y.; Ito, K.; Aramaki, Y.; Fujimoto, A.; Ogawa, T.; Yamasaki, T.; Aizawa, K. Sketch-based manga retrieval using manga109 dataset. Multimed. Tools Appl. 2017, 76, 21811–31838. [Google Scholar] [CrossRef] [Green Version]
  43. Kingma, D.; Ba, J. Adam: A method for stochastic optimization. In Proceedings of the International Conference on Learning Representations (ICLR 2015), San Diego, CA, USA, 7–9 May 2015. [Google Scholar]
  44. Timofte, R.; Rothe, R.; Van Gool, L. Seven ways to improve example-based single image super-resolution. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR 2016), Las Vegas, NV, USA, 27–30 June 2016; pp. 1865–1873. [Google Scholar]
Figure 1. Our proposed enhanced feedback attention image super-resolution network (EFANSR) framework comprises three parts: a dense attention super-resolution network (DASRNet), EdgeNet, and Fusion.
Figure 1. Our proposed enhanced feedback attention image super-resolution network (EFANSR) framework comprises three parts: a dense attention super-resolution network (DASRNet), EdgeNet, and Fusion.
Sensors 21 02064 g001
Figure 2. Our proposed DASRNet. The structure of DSCANet is shown in (a) and the structure of the dense spatial and channel attention module (DSCA) module is shown in (b). ⨁ means element-wise summation; the red and green arrows in (a) indicate feedback connections and global residual skip connections, respectively; “GConv” in (b) is composed of “deconvolution + PReLU + Conv + PReLU”.
Figure 2. Our proposed DASRNet. The structure of DSCANet is shown in (a) and the structure of the dense spatial and channel attention module (DSCA) module is shown in (b). ⨁ means element-wise summation; the red and green arrows in (a) indicate feedback connections and global residual skip connections, respectively; “GConv” in (b) is composed of “deconvolution + PReLU + Conv + PReLU”.
Sensors 21 02064 g002
Figure 3. The space attention block and channel attention block in the DSCA module.
Figure 3. The space attention block and channel attention block in the DSCA module.
Sensors 21 02064 g003
Figure 4. Our proposed edge enhanced network (EdgeNet). “Dsconv” means depth-wise separable convolution, and its calculation flow is shown in the inside of the dotted box. “Deconv” means deconvolution, and “pool” means pooling layer. “k × kn” means the kernel size of this layer is k and the number of filters is n.
Figure 4. Our proposed edge enhanced network (EdgeNet). “Dsconv” means depth-wise separable convolution, and its calculation flow is shown in the inside of the dotted box. “Deconv” means deconvolution, and “pool” means pooling layer. “k × kn” means the kernel size of this layer is k and the number of filters is n.
Sensors 21 02064 g004
Figure 5. The structure of the Fusion part.
Figure 5. The structure of the Fusion part.
Sensors 21 02064 g005
Figure 6. Performance analysis of different loss functions on the DIV2K dataset with 4×.
Figure 6. Performance analysis of different loss functions on the DIV2K dataset with 4×.
Sensors 21 02064 g006
Figure 7. Convergence analysis of EFANSR (blue curves) and Baseline (orange curves) with 3×. On the left is the training loss curve on the DIV2K dataset, and on the right is the peak signal-to-noise ratio (PSNR) curve on the Set5 dataset.
Figure 7. Convergence analysis of EFANSR (blue curves) and Baseline (orange curves) with 3×. On the left is the training loss curve on the DIV2K dataset, and on the right is the peak signal-to-noise ratio (PSNR) curve on the Set5 dataset.
Sensors 21 02064 g007
Figure 8. Visual comparison for EdgeNet. We compared the results of models with and without EdgeNet on 3× SR.
Figure 8. Visual comparison for EdgeNet. We compared the results of models with and without EdgeNet on 3× SR.
Sensors 21 02064 g008
Figure 9. Visual comparison on the Set5 and B100 datasets for 3× SR.
Figure 9. Visual comparison on the Set5 and B100 datasets for 3× SR.
Sensors 21 02064 g009
Figure 10. Visual comparison on the Urban100, B100, and Manga109 datasets for 4× SR.
Figure 10. Visual comparison on the Urban100, B100, and Manga109 datasets for 4× SR.
Sensors 21 02064 g010
Figure 11. Comparison of the number of network parameters and the performance on the Urban100 dataset for 4× SR.
Figure 11. Comparison of the number of network parameters and the performance on the Urban100 dataset for 4× SR.
Sensors 21 02064 g011
Table 1. Quantitative results of the number of DSCA blocks N. We compare three different models on the Set14 and B100 dataset for 4× SR.
Table 1. Quantitative results of the number of DSCA blocks N. We compare three different models on the Set14 and B100 dataset for 4× SR.
ModelParametersSet14 PSNR/SSIMB100 PSNR/SSIM
N = 61.056 M28.33/0.786727.42/0.7409
N = 81.064 M28.40/0.786927.55/0.7410
N = 101.072 M28.31/0.779727.57/0.7412
Table 2. Quantitative results of attention mechanisms. We compared four different models (whether they contain spatial attention or channel attention) on the Set5 dataset for 3× SR. The model that includes both channel and spatial attention achieves superior performance.
Table 2. Quantitative results of attention mechanisms. We compared four different models (whether they contain spatial attention or channel attention) on the Set5 dataset for 3× SR. The model that includes both channel and spatial attention achieves superior performance.
ScaleSpatial Attention (SA)Channel Attention (CA)PSNRSSIM
××33.840.9248
×33.670.9239
×33.990.9250
34.110.9277
Table 3. Quantitative results of edge enhancement. We compared two different models (whether they contain EdgeNet) on the Set5 dataset for 3× SR.
Table 3. Quantitative results of edge enhancement. We compared two different models (whether they contain EdgeNet) on the Set5 dataset for 3× SR.
ScaleEdgeNetPSNRSSIM
×32.990.9125
34.110.9277
Table 4. Quantitative results of state-of-the-art single image super-resolution (SISR) methods. The average results of PSNR/structural similarity (SSIM) with 2×, 3×, and 4× on datasets Set5, Set14, B100, Urban100, and Manga109.
Table 4. Quantitative results of state-of-the-art single image super-resolution (SISR) methods. The average results of PSNR/structural similarity (SSIM) with 2×, 3×, and 4× on datasets Set5, Set14, B100, Urban100, and Manga109.
DatasetScaleBicubicA+SRCNNFSRCNNVDSRMemNetEDSRSREdgeNetSRFBNours
Set533.66/0.929936.54/0.954436.66/0.954237.00/0.956037.53/0.958737.78/0.959738.11/0.9606-/-38.11/0.960937.81/0.9509
30.39/0.868232.58/0.908832.75/0.909033.16/0.913933.66/0.921334.09/0.924834.65/0.9282-/-34.70/0.929234.11/0.9277
28.42/0.810430.30/0.859030.48/0.862830.71/0.866031.35/0.883831.74/0.889332.46/0.896831.02/0.892032.47/0.898331.74/0.8892
Set1430.24/0.868832.28/0.905632.45/0.906732.63/0.908933.03/0.912433.28/0.914233.92/0.9195-/-33.82/0.919633.56/0.9202
27.55/0.774229.13/0.818829.30/0.821529.43/0.824229.77/0.831430.00/0.835030.52/0.8462-/-30.51/0.846129.99/0.8469
26.00/0.702727.43/0.752027.50/0.751327.59/0.754928.02/0.767628.26/0.772328.80/0.787627.24/0.780028.81/0.786828.40/0.7869
B10029.56/0.843131.21/0.886331.36/0.887931.51/0.892031.90/0.896032.08/0.897832.32/0.9013-/-32.29/0.910031.89/0.9004
27.21/0.738528.29/0.783528.41/0.786328.53/0.791028.83/0.798028.96/0.800129.25/0.8093-/-29.24/0.808428.90/0.8089
25.96/0.667526.82/0.710026.90/0.710126.97/0.715027.29/0.726027.40/0.728127.71/0.742027.06/0.738027.72/0.740927.55/0.7410
Urban10026.88/0.840329.20/0.893829.50/0.894629.87/0.902030.77/0.914031.31/0.919532.93/0.9351-/-32.62/0.932831.73/0.9326
24.46/0.734926.03/0.797326.24/0.798926.43/0.808027.14/0.828027.56/0.837628.80/0.8653-/-28.73/0.864128.07/0.8546
23.14/0.657724.34/0.720024.52/0.722124.62/0.728025.18/0.752425.50/0.763026.64/0.803325.82/0.791026.60/0.801526.05/0.8029
Manga10930.80/0.9339-/-35.60/0.966336.65/0.970937.22/0.975037.72/0.974039.10/0.9773-/-39.08/0.977938.09/0.9778
26.95/0.8556-/-30.48/0.911731.10/0.921032.01/0.934032.51/0.936934.17/0.9476-/-34.18/0.948133.69/0.9461
24.89/0.7866-/-27.58/0.855527.90/0.861028.83/0.887029.42/0.894231.02/0.9148-/-31.15/0.916030.50/0.9150
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Fu, C.; Yin, Y. Edge-Enhanced with Feedback Attention Network for Image Super-Resolution. Sensors 2021, 21, 2064. https://doi.org/10.3390/s21062064

AMA Style

Fu C, Yin Y. Edge-Enhanced with Feedback Attention Network for Image Super-Resolution. Sensors. 2021; 21(6):2064. https://doi.org/10.3390/s21062064

Chicago/Turabian Style

Fu, Chunmei, and Yong Yin. 2021. "Edge-Enhanced with Feedback Attention Network for Image Super-Resolution" Sensors 21, no. 6: 2064. https://doi.org/10.3390/s21062064

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop