1 Introduction

Advancements in low-cost imaging and computational devices have made non-invasive medical imaging a most adopted platform for detection of various abnormalities in different organs of body. The growth of sensing technologies has revolutionized the medical science in the most unprecedented manner. The importance of medical imaging in the clinical procedures is well known. With these advancements, detailed hyper local level information could be obtained which would be utilized in making significant progress in prognosis as well as diagnosis. These developments would also help the medical practitioners in image enhancements to augment regions of interest to image segmentation and object recognition. Medical practitioners diagnose and examine various diseases from different medical modalities, such as, X-Ray, Computed Tomography (CT), Magnetic Resonance Imaging (MRI), Ultrasound, Positron Emission Tomography (PET), and Single Photon Emission Computed Tomography (SPECT) etc. The importance of this also makes it more susceptible to be corrupted. The corruptions of these medical images are caused by various noises due to disturbances in the acquisition and post processing of the captured images. Presence of noises produces unwanted artifacts on the acquired images. These noises not only affect the region of interest but also affects the pixelate distribution thereby causing the loss of textures, edges and many of the important features. This ultimately hampers with the exact diagnosis and prognosis of the diseases. Therefore, the medical images must be noise free and the edges need to be sharp for its suitability in precise and accurate diagnosis [10]. The method of image acquisition and presence of various other disturbances are two major contributors of introduction of various spurious noises, such as, Gaussian, impulse, speckle etc. [9]. These noises significantly degrade the quality by reducing the amount of information in the image. An in-depth review has been conducted on various filtering algorithms to de-noise images in [6].

Various classical filters like Gaussian [4], Mean [7], Median [13], non-local mean [3] are designed for suppressing various spurious noises. However, all these filters are usually fixed filters, and work effectively only for a particular type of noise. To overcome this bottleneck, different variants of Artificial Neural Network (ANN) based adaptive filter models have been implemented by researchers [1]. It has been found that noise removal as well as edge preservation to maintain the region of interest varies from one case to other and hence adaptability is the key. This is where ANNs could be a game changer which will do wonders once the hyper local information is fed to them.

Some of the most widely used ANNs are feed forward neural network, convolution neural network, pulse coded neural network and wavelet neural network etc. [16]. Although lots of techniques are available for the suppression of noise, vary few approaches have been suggested for suppressing mixed noises from the images [24]. The existing techniques for mixed noise suppression firstly detect the type of noise, and thereby invokes specific filter needed to remove the noise [31]. Moreover, the performance of most of the available approaches for suppressing mixed noise cannot effectively restore the edges of the images [12, 19, 37]. During the mixed noise removal, the texture information gets affected, thereby, loosing some edge information, which is a major parameter in the process of medical image diagnosis. Thus, edge preservation is an essential requirement in medical image processing. This motivates to embed the edge preservation stage along with the mixed noise removal. Conductive to this issue, in this paper, a two stage self-adaptive cognitive neural network (SACNN) for mixed noise removal from medical images has been proposed.

In the proposed technique, the noise removal is achieved for any type of noise by detecting the pixel to be replaced in the corrupted image. The proposed SACNN is trained for the replacement of noisy pixel from corrupted image. Thus, the proposed approach not only enables reduction in the loss in the quality of the images through mixed noise suppression but also enables edge preservation at the global level to facilitate the preservation of edges as well as pixel level features for efficient decision making.

To achieve these two objectives of mixed noise suppression and edge preservation simultaneously, in this research article, a novel two-stage cognitive learning assisted algorithm has been proposed. In the first stage, mixed noise is removed with a Self-Adaptive Cognitive Neural Network (SACNN) based pixel replacement technique. Further in the second stage, adaptive bilateral filtering guided by cognitive neural network is used to sharpen the pixels present in the edges. The parameters for adaptive bilateral filtering are obtained by SACNN by exploiting the global and local characteristics of the image. The important contribution of this study is outlined as below:

  1. 1.

    A two stage Self-Adaptive Cognitive Neural Network (SACNN) model has been proposed by combining the mixed noise removal stage and edge preservation stage, which effectively suppresses the mixed noise from the medical images, retaining the edge information.

  2. 2.

    A patch transformation approach, by considering difference of variance of the pixels with their neighbourhood is adopted to find the noise-free patches. Edge preservation of the patches is done by using the bilateral filtering techniques. For the training of the SACNN model, a training data set is generated using the edge features of the noisy patches as well as noise-free patches.

  3. 3.

    Different Hinge loss functions are fed to the network for the loop control of the model. The model gives the output based on best performance of one of them.

  4. 4.

    The MRI, CT and Ultrasound datasets have been collected from the standard repository at [https://www.kaggle.com/] in JPEG format for implementation of our proposed approach. Furthermore, some real time data have been collected from Om Hospital, Raipur (C.G) for the validation of the proposed method.

The remaining part of the paper has been laid down as follows: Section 2 of the paper describes the related work in the field of medical image denoising by using variants of ANN and deep learning techniques. Section 3 presents the methodology for design of proposed model for mixed noise removal filter and edge preservation. Section 4 deals with the experimental results and discussion supported by both quantitative and qualitative analysis. The work has been concluded in section 5.

2 Related work

This section represents the work of various researchers in the recent decade, related to the proposed technique. Lin et al. [20] proposed a switching bilateral filter for universal noise removal. They proposed noise removal in two-stages, detection followed by filtering operation. Sorter Quadrant Median Vector (SQMV) detected the pixel, which are categorized as impulse noise and Gaussian noise. A range filter is implemented along with the bilateral filter to switch between Gaussian and impulse mode. Their proposed algorithm basically assumed that there are few pixels which are neither effected by Gaussian noise nor by impulse noise, which is however not always the possibility in case of mixed noise removal technique. Li et al. [19] proposed a mixed noise filter to remove mixture of Gaussian and random impulse noise simultaneously. The basic idea of trilateral filter and similarity principle is combined to create a new filter. Here, tuning of control parameter of trilateral filter is realized using two empirical formulas. But the approach worked only when the impulse noise distribution is uniform across the image. Xiong et al. [38] proposed a universal noise filter based on non-local means. The approach has two-stages of detection and filtering that work one after another. Pixels are divided into four categories based on new metric called Robust Outlyingness Ratio (ROR) which measures the impulsiveness in the pixel. Nonlocal means (NL) based filtering is implemented with parameter optimized for each cluster. Hongjin et al. [23] integrated Adaptive Directional Weighted Mean Filter (ADWMF) and Improved Adaptive Anisotropic Diffusion (IAAD) model to remove mixed noises from the image. Impulse noise is removed using ADWMF and Gaussian noise is removed using IAAD model. However, the method cannot remove salt and pepper noise and the restoration effectiveness is also reduced in case of higher noise density. Thus, one of the prominent limitations of the previous studies is highlighted as loss in the quality of the images due to mixed noises.

Turkmen et al. [35] used ANN to detect whether pixel is corrupted with random impulse noise or not. Once the corrupted pixels are detected, edge preserving regularization is done to restore the pixel. However, the detection of corruption of the pixel is based only on local neighborhood without considering the global characteristics of the image, and hence image cannot be denoised completely. Thus, second limitation is that only local features were preserved and not the global ones. Guo et al. separately restored the low and the high frequency of image components based upon nonlocal self-similarity learning (NSS) [11]. Nair et al. [26] proposed a predictive adaptive switching median filter to filter out impulse noise from images. In their work, the Feed Forward Neural Network (FFNN) is used to detect impulse noise. The detected impulse noise is filtered out using a modified median filter. The corrupted pixels in a 3 × 3 sliding window are detected using feed forward neural network. The computation overhead increases linearly with the increase in intensity of noise due to the requirement of more iteration for denoising. Recently, several researchers have proposed different optimization technique based adaptive filters for noise elimination from medical images and have successfully denoised the images [14, 15, 18]. However, such techniques largely rely upon the population sizes for accuracy and speed.

Li et al. [17] have applied iterative technique to reduce the complexity involve in splitting minimization problems. Liu et al. [22] presented an overview of deep learning based de-noising models. Here denoising models based on Convolutional Neural Network (CNN), Pulse Coded Neural Network (PCNN) and Wavelet Neural Network (WNN) were briefed. Third limitations or say a major bottleneck in these denoising models is that there is no fixed standard or basis for setting the parameters of the model. Radlak et al. [28] applied deep learning for impulse noise removal from the images. Deep learning convolutional based neural network detects the pixels corrupted by impulse noise in the image. These pixels are then restored back using an adaptive arithmetic mean filter. Impulse detection and restoration are realized in two different stages resulting in longer time for restoration. The detection of impulse noise in each category is decided using deviation-based decision rules and there is no automated way to choose the decision rules. Zhang et al. [43] integrated a set of convolutional neural network denoisers to remove the Gaussian noise. Due to involvement of number of discriminative denoisers and a greater number of iterations, the time requirement for denoising is very high. To address these difficulties, Zhang et al. [42] proposed a Feed Forward Convolutional Neural Network (FFCNN) for image denoising. The method is found to be suitable for Gaussian noise denoising having different noise levels. Here, single CNN model can address multiple tasks of Gaussian denoising, single image super resolution and JPEG image de-blocking simultaneously. The computation overhead is very high, and it needs special purpose graphical processing units for denoising. The authors in [25, 33] utilized adaptive bilateral filter (ABF) for removal of the noises in MR images. They used binary thresholding and Fuzzy Recurrent Neural Network (FR-Net) as segmentation techniques for effective and efficient detection of the tumor regions. Turkmen et al. [34] have used Artificial Neural Network (ANN) to denoise the image corrupted by random valued impulse noises. The gradient values deviation of pixels by random impulse noises is detected using the ANN. In this method the median filtering is used to restore the pixels detected by ANN. The training and testing time for the implementation of this approach is very high. Liu et al. [21] integrated deep learning with non-local mean filtering algorithm to remove noises from the image. Deep learning provides the best parameter setting for non-local mean filtering algorithm to achieve a better denoising. Though their method can achieve higher PSNR, enough smoothing is not achieved, and training set is also very limited. Hence to overcome the above-mentioned limitations and difficulties for achieving good denoised image with all the edge information preserved, the current work proposes two stage Self-Adaptive Cognitive Neural Network (SACNN) approach to remove mixed noise from medical images along with edge preservation.

3 Proposed approach: Two stage Self-Adaptive Cognitive Neural Network (SACNN) for mixed noise removal from medical images

Neural networks are found to be very effective in spatial cognition because of their inherent capability for adapting to the fed inputs and has been effectively used in solving complex problems on visual pattern recognition. Cognitive learning plays an important role in the estimation and detection of noisy pixels in an image. A two-stage SACNN model for mixed noise removal has been proposed in this research article.

The two-stages in the proposed approach are mixed noise removal and edge preservation in sequence. Each of the above two-stages is guided by Learning Assisted Cognitive Neural Network (LACNN) [32]. The overall flow of the proposed work is delineated in the following Fig. 1. The medical images are processed for the mixed noise removal and subsequently edge preservation. The processed images are further evaluated based on the performance evaluation matrices.

Fig. 1
figure 1

Work flow of the proposed work

3.1 Mixed noise removal

The pixels of the gray scale image Ni,j affected with mixed noise is represented as

$$ \begin{array}{@{}rcl@{}} {N_{i,j}} =\begin{cases} {{0_{i,j}} + {a_{i,j}}}&{{\text{for}} {\text{probability}} {\text{of}} p}\\ \quad{I{N_{i,j}}}&{{\text{for}} {\text{probability}} {\text{of}} 1 - p} \end{cases} \end{array} $$
(1)

where, Oi,j is the original pixel value, ai,j is the Gaussian noise value and INi,j is the impulse noise. The Gaussian noise and impulse noise affects the pixel with a probability of p and 1 − p. While existing solutions firstly classify the noisy medical images and then apply noise specific denoising approach, the proposed work integrates the classification and filtering in a single step using cognitive neural network. The distribution of mixed noise cannot be described by a specific function, and hence, any one filter cannot successfully suppress the mixed noise in an image. Hence, this noise is normally handled by considering m × m local window or patches. Deep convolutional model as proposed by [27] to replace the noisy patch with a noiseless patch involves many layers of convolutions and thereby take longer time for training as well as transformation. The proposed SACNN model uses a three layer feed forward neural network as shown in Fig. 2.

Fig. 2
figure 2

Self Adaptive Cognitive Neural Network (SACNN) Model

The training set for the neural network is prepared by splitting the noisy image into m × m patches. The proposed training model is shown in Fig. 3. Each of the patches is first investigated for the presence of mixed noise based on the variance of gray level differences. To achieve this the steps in sequence are as follows:

  1. 1.

    The gray level variance of all pixels in a patch is

    $$ AV_{i,j}=\frac{{{\sum}_{k=1}^{m^{2}}}{\left ( g_{{~}_{s_{k}r_{k}}-M_{1}} \right )^{2}}}{m^{2}} $$
    (2)

    where, \(g_{s_{k} r_{k} }\) is the gray level value of the pixel \(p_{s_{k} r_{k} }\) and M1 is the mean gray level of all pixels in the local window

  2. 2.

    Gray level variance of neighborhood pixels of center pixel is calculated as

    $$ NV_{i,j}=\frac{{{\sum}_{k=1}^{m^{2}-1}}{\left ( g_{{~}_{s_{k}r_{k}}-M_{2}} \right )^{2}}}{m^{2}-1} $$
    (3)

    M2 is the mean gray level of neighborhood pixel of center pixel.

  3. 3.

    The difference of variance is

    $$ VD= abs (AV_{i,j}-NV_{i,j}) $$
    (4)
  4. 4.

    If the variance VD is greater than a threshold T, then the patch is decided to have mixed noise, and is used for the next stage of construction of output noise free patch.

Fig. 3
figure 3

Training model for neural network

The pseudo code of the algorithm for detection of mixed noise patch in our proposed SACNN has been described in Algorithm 1:

Algorithm 1
figure a

Detect Mixed Noise.

For each of the input patches where mixed noise is detected are considered for noise elimination. The output noise free patch (IT) is constructed as follows:

  1. 1.

    Centering the m × m patch at (i,j), four directional templates are designed as shown in Fig. 3.

  2. 2.

    The sum of absolute gray level difference between the center and neighborhood pixel is computed on each of the four directions.

  3. 3.

    The direction with minimum sum of absolute gray level difference is selected.

  4. 4.

    Gray level of the center pixel is replaced by weighted mean gray level of the pixel along the selected direction.

  5. 5.

    The gray level of the center pixel is further transformed by applying Wiener filter as below

    $$ W(g_{i,j})=z+\frac{v^{2}-\sigma^{2}}{v^{2}}\left ( g_{i,j}-z \right ) $$
    (5)

    where, gi,j is the pixel value of the center pixel after step 4, z is the mean value of gray level of pixels in m × m patch, v denotes the standard deviation of gray level of pixels in the m × m patch, σ is the standard deviation of the Gaussian noise.

The pseudo-code of the algorithm for the patch transformation in the proposed SACNN filter is as briefed in Algorithm. 2.

Algorithm 2
figure b

Transform (Fig. 4).

Fig. 4
figure 4

Directional templates (Pixel Matrix)

Hence, each of the corresponding output patch for the input patch is

$$ \begin{array}{@{}rcl@{}} O =\begin{cases}I & {{\text{if }} I {\text{ is not detected as mixed noisy}}}\\ {{I_{T}}}& \quad\quad\!\!{{\text{if }} I {\text{ is detected as mixed noisy}}} \end{cases} \end{array} $$
(6)

With the input patch I as input and O as output, the training dataset is constructed. The proposed Self-Adaptive Cognitive Neural Network (SACNN) filter is trained with the training dataset with the parameters shown in Table 1.

Table 1 Parameters of Cognitive Neural Network

The output of the neural network with k hidden layer is given as

$$ {y_{j}^{i}}=\alpha_{j0}+\sum\limits_{k=1}^{K}\alpha_{jk}\phi{{~}_{k}}\left ( X^{i} \right ), j=1,2,3...n $$
(7)

where, N is the number of output layer neurons, αj0 is basis to the j output neuron, αjk is the weight connecting j to kth neuron, \(\phi _{k}\left ( X^{i} \right )\) is the response of kth hidden neuron to input Xi modeled as \(\phi _{k}\left ( X^{i} \right ) =exp\left ( -\frac {\left \|x^{i}-\mu {{~}_{k}} \right \|^{2}}{{\sigma _{k}^{2}}} \right )\). Here μk and σk represent the center and width of kth hidden neuron respectively.

The loop control approach is implemented to make the model self-adaptive using hinge loss function as cost function [29]. Different hinge loss functions that have been used by previous researchers are shown in Table 2. Here t is the class label or target label, wt and wy are the model parameters.

Table 2 Hinge loss functions

The training is repeated iteratively till the hinge error is minimized. Here all these hinge loss functions are considered, and one that provide better accuracy is considered for predicting noise free patch for the noisy patch.

3.2 Edge preservation

Bilateral Filtering (BF) has the property of preserving edges in the image [40]. BF applies a weighted sum of the pixels in local neighborhood to preserve the edges. The output of BF on a pixel at position x is given as

$$ BF(x)=\frac{{\sum}_{y\epsilon N(x)}^{}e^{\frac{-\left \| y-x \right \|^{2}}{2{\sigma^{2}_{d}}}}e^{\frac{-\left \| t(y)-t(x) \right \|^{2}}{2{\sigma^{2}_{r}}}}t(y)}{{\sum}_{y\epsilon N(x)}^{}e^{\frac{-\left \| y-x \right \|^{2}}{2{\sigma^{2}_{d}}}}e^{\frac{-\left \| t(y)-t(x) \right \|^{2}}{2{\sigma^{2}_{r}}}}} $$
(8)

where, t(x) is the noisy pixel value at x, N(x) is the neighborhood of x, σd and σr are the filter parameters that limit the value of pixel in the specified intensity range. The proposed work has worked out the limitation of local neighborhood by taking the Region of Interest from the global perspective through their augmentation. In Adaptive Bilateral Filters (ABF) [39], the filter parameters are adjusted based on local and global characteristics of the image. The ABF is having two different values of filter parameters for each pixel by considering σd and σr.

$$ \sigma_{d}=\sigma_{d}(x,y) $$
(9)
$$ \sigma_{r}=\sigma_{r}(x,y) $$
(10)

The decision of filter parameters depends on the edge characteristics of image such as, entropy of patch (Ep), entropy of gradient of patch (Egp) and two eigen values of structure tensor for patch (L1,L2).

Entropy of patch is calculated for all pixel values in the patch using Shannon entropy [30]. It is calculated as:

$$ E_{p}=-\sum\limits_{h=0}^{B}p(h)log_{2}(p(h) $$
(11)

where, p(h) is the probability of pixel h in p. The entropy is 0 when all pixel values are same and is maximal when p(h) has uniform distribution.The losses incurred due to mixed noises thus, would be compensated using the information centric entropy value.

Entropy of gradient of patch (Egp) is found out by considering the gradient for all pixels in the patch, and by calculating the Shannon entropy. Gradient is calculated in vertical and horizontal directions as

$$ g(x,y)=\sqrt{[i_{x} (x,y)]^{2}+[i_{y} (x,y)]^{2}} $$
(12)

ix(x,y) is the gradient along the x direction calculated as

$$ i_{x} (x,y)=i(x,y)-i(x-1,y) $$
(13)

Similarly, iy(x,y) is the gradient along the y direction that can be calculated as

$$ i_{y} (x,y)=i(x,y)-i(x,y-1) $$
(14)

The structure tensor [2] represents the gradient or edge information. Structure tensor is represented in matrix form as

$$ S=\begin{bmatrix} {i_{x}^{2}}&i_{x}i_{y} \\ i_{x}i_{y}& {i_{y}^{2}} \end{bmatrix}=\begin{bmatrix} J_{11} &J_{12} \\ J_{21} &J_{22} \end{bmatrix} $$
(15)

Eigen transformation is applied to the S matrix to get the Eigen values (L1,L2) as (16) and (17).

$$ L_{1}=\frac{1}{2}(J_{11}+J_{22}+\sqrt{(J_{11}-J_{22})^{2}+4J_{12}^{2}} $$
(16)
$$ L_{2}=\frac{1}{2}(J_{11}+J_{22}-\sqrt{(J_{11}-J_{22})^{2}+4J_{12}^{2}} $$
(17)

A dataset of image patches with the edges information in it are processed with various values of σd,σr. E is considered to be the cost function which is mathematically expressed as:

$$ E=-\sum\limits_{j=0}^{M-1}PSNR(BF(t),t) $$
(18)

where, t is the image patch and BF(t) is the de-noised image after bilateral filtering. The value of σd,σr at which the E is minimum are selected. Once the optimum value is found, four features i.e., Ep,Egp,L1,and L2 are extracted. A training dataset with these features as input and σd,σr as the output is constructed.

The proposed SACNN is trained with the training dataset. The parameters of the cognitive network are depicted in Table 3:

Table 3 Parameters of SACNN for edge smoothing

4 Experimental results and discussion

The simulation task is performed in a MATLABR programming environment on a personal computer having specification of Intel Core i7@1.80GHz, 8GB of RAM, 64-bit bus and Windows 10 Operating system. All the Medical images, viz. MRI, US, X-Ray and CT scan, were collected from a benchmark dataset [https://www.kaggle.com/] in JPEG format. The images are mixed with different level of AWGN plus random impulse noises to create noisy images. The standard deviation σ of AWGN is varied from 5 to 15 in step length of 5. The random impulse noise is varied from 10% to 60% in step length of 10%. The performance of the proposed algorithm is compared with some state-of-the-art mixed noise removal methods such as, (ADWMF + IAADM Model) proposed in Hongjin et al. [23], Trilateral Filter (TF) proposed by Garnett et al. [8], Switching Bilateral Filter (SBF) proposed by Lin et al. [20], Mixed Noise Filter (MNF) proposed by Li et al. [19]. The performance of the proposed technique is evaluated through subjective as well as objective evaluation. Furthermore, the statistical testing is also carried out for validation of the statistical stability of the proposed technique.

4.1 Subjective evaluation:

Some of the results of the proposed SACNN based method are delineated in Figs. 5, 6 and 7. In Fig. 5 results of three different MRI images (Image1, Image2 and image3) are shown. The first column represents the original images, the second column represents the noisy images (with added gaussian and impulse noise) with a PSNR value of 22.11db. The third column depicts the intermediate results obtained without edge preservation stage. The final output using both mixed noise removal as well as the edge preservation stages, are shown in the fourth column. From the output images, it is observed that for most of the cases the quality has been improved. The quality of the results are also validated through a medical expert (Doctor, from OM Hospital, Raipur).

Fig. 5
figure 5

Filtered MRI Images by proposed SACNN Model: (a) Image1 (b) Image2 (c)Image3

Fig. 6
figure 6

Filtered X-Ray images by the proposed SACNN Model

Fig. 7
figure 7

Filtered Ultrasound images by proposed SACNN Model

4.2 Objective evaluation

The qualitative evaluation of the proposed technique has been conducted throuh evaluating four performance indices, i.e., average values of Peak Signal Noise Ratio (PSNR), Feature Similarity Index Measure (FSIM), Mean Absolute Error (MAE), and Structural Similarity Index Measure (SSIM). The proposed technique has been validated experimentally with total 100 images. The results for average PSNR and average FSIM for different values of σ, i.e., σ = 5,10 and 15 at p = 50% and at p = 60% in order to have a fair comparision have been considered and represented in Table 4.

Table 4 Average PSNR and Average FSIM at p = 50% and p = 60%

The average PSNR value of filtered image obtained from the proposed SACNN method applied on MRI image is 9.76% higher compared to MNF method, 10.91% higher compared to SBF method, 8.76% higher compared to TF method and 5.42% higher compared to ADWMF + IAADM model at p = 50%. The results for PSNR values obtained from all the approaches for different values of σ at p = 60% is also tabulated in Table 4. For p = 60%, the PSNR in proposed approach is 11.9% higher compared to MNF, 13.06% higher compared to SBF, 9.76% higher compared to TF and 7.63% higher compared to ADWMF + IAADM model. Similarly, the results for average of FSIM for different values of σ at p = 50% and at p = 60% is also tabulated in Table 4. The FSIM obtained by implementing the proposed approach is 2.02% higher compared to MNF, 2.24% higher compared to SBF, 2.6% higher compared to TF and 1.15% higher compared to ADWMF + IAADM model at p = 50% distribution of mixed noise. At p = 60% distribution of mixed noise, the value of FSIM obtained for SACNN is 13.40% higher compared to MNF, 10.87% higher compared to SBF, 10.66% higher compared to TF and 17.33% higher compared to ADWMF + IAADM model. The PSNR and FSIM value obtained by various filters for p = 50% and p = 60% with respect to different values of standard deviation σ is pictorially depicted in Figs. 8 and 9 respectively.

Fig. 8
figure 8

(a) Comparison of PSNR at p = 50% (b) Comparison of PSNR at p = 60%

Fig. 9
figure 9

(a) Comparison of FSIM at p = 50% (b) Comparison of FSIM at p = 60%

The results for MAE and SSIM for different values of σ at p = 50% and at p = 60% is given in Table 5. As observed from the Table 5, MAE value is 170% lower compared to MNF, 60% lower compared to SBF, 128% lower compared to TF and 68% lower compared to ADWMF + IAADM model at p = 50% distribution of mixed noise. The table also depicts the value of MAE at 60% distribution of mixed noise. For p = 60%, the value of MAE is 123% lower compared to MNF, 54% lower compared to SBF, 86% lower compared to TF and 61% lower compared to ADWMF + IAADM model. The results for average of SSIM for different values of σ at p = 50% and at p = 60% is listed in Table 5, above. The SSIM in proposed solution is 13.05% higher compared to MNF, 11.20% higher compared to SBF, 11.6% higher compared to TF and 18.99% higher compared to ADWMF + IAADM model at 50% distribution of mixed noise. At p = 60% distribution of mixed noise, the SSIM is 13.40% higher compared to MNF, 10.87% higher compared to SBF, 10.66% higher compared to TF and 17.33% higher compared to ADWMF + IAADM model. For different values of σ = 5,10 and 15, the values of MAE and SSIM obtained by various approaches are shown in Figs. 10 and 11 respectively.

Table 5 Average MAE and Average SSIM at p = 50% and p = 60%
Fig. 10
figure 10

(a) Comparison of MAE at p = 50% (b) Comparison of MAE at p = 60%

Fig. 11
figure 11

(a) Comparison of SSIM at p = 50%; (b) Comparison of SSIM at p = 60%

4.3 Discussion

The performance of the proposed SACNN is also investigated by considering different patches having size of 21 × 21, 34 × 34 and 41 × 41. The default patch size in our proposed SACNN filter is 21 × 21. The simulation results obtained in terms of values of PSNR, FSIM, MAE and SSIM by applying our proposed SACNN filter on US images are noted in Table 6. In order to analyze the performance of our proposed SACNN filter visually, bar graphs are shown in Fig. 12, and we observe that the results are better when we take the patch size of 34 × 34 as compared to any other patch size for any of the four performance matrices. From the simulation results it is observed that the performance of the proposed SACNN filter performance degrades with the increase or decrease of the size of patches.

Table 6 Performance for different patch size
Fig. 12
figure 12

Results in terms of Bar graphs (a)PSNR for different patch size (b)FSIM for different patch size (c)MAE for different patch size (d) SSIM for different patch size (e)RMSE across hinge loss functions (f)Comparison of time taken

The RMSE is less while the Crammer and Singer Hinge loss function is considered in our algorithm. The time taken for denoising by all the five models is also measured and noted in Table 7.

Table 7 Comparison of time taken by different methods

The time taken to arrive at the solution by the proposed method is found to be less as compared to existing works due to use of less number of layers in the cognitive neural network, and there is no separate step of categorization of pixel.

4.4 Statistical analysis

In our proposed algorithm, along with the state-of-the-art approaches we have considered various parameters which are randomly initialized. Due to this, the simulation output also slightly changes in each individual run. To have a fair comparison among the approaches, Sign test and the Wilcoxon Signed rank test which are two well acknowledged statistical analysis for pairwise comparison of performance is investigated. These two tests are employed to show the dominance of the proposed SACNN model over others. We have run all the approaches for 25 times each and noted the performance matrices every time. The minimum required numbers for achieving victories significance levels of α = 0.05 and α = 0.01 by running the algorithms for 25 times is shown in Table 8 . By considering the PSNR value as victorious parameter, comparison among the algorithms is shown in Table 9. Table 10 depicts that the SACNN has a significant advantage over the other models, with a magnitude of α = 0.05.

Table 8 Minimum number of wins required to achieve significance levels of α = 0.05 and α = 0.01
Table 9 Critical value for the two tailed sign tests achieved α = 0.05and α = 0.01using loss of energy as victorious parameter
Table 10 Sign test using PSNR score as a victorious parameter

By taking the same PSNR value, the sign test p-value and h-value as the triumphant parameter is depicted in Table 11. The Friedman test between the two algorithms is shown in Tables 12 and 13 which is also used to detect dominance activity.

Table 11 Wilcoxon signed test with PSNRscore as winning parameter
Table 12 Ranking table for the Friedman test
Table 13 Parameter for the Friedman test

5 Conclusion

The importance of medical images in efficient decision making in terms of diagnosis and prognosis of medical conditions is unprecedented in the current era. There are many ways through which noises gets incorporated in the images that corrupts the quality of the images texture wise as well as at the pixelate level. The most dominant noises are the gaussian and impulse in medical images. During the noise removal, the texture information gets affected, thereby loosing some edge information, which is a major parameter in the process of medical image diagnosis. To address these challenges, the current work proposes a two-stage cognitive learning assisted model named as SACNN that handles the dual problems of mixed noise removal and edge preservation simultaneously. Mixed noise removal is achieved in the stage1 using the patch transformation and the edges are preserved in the stage 2 through the bilateral filtering. The SACNN model is trainned with the noisy as well as noise free image patches. Furthermore, the training data include the edge features of the image patches. From the experimental results shows that the proposed approach successively removed the mixed noise and preserve edges efficiently outperforming some other state-of-the-art filters in term of PSNR, FSIM, MAE and SSIM. The experiments have been conducted with different medical images with σ = 5,10,15 andp = 50%,p = 60%. The experimental results shows its superiority with an average PSNR value in the range of 31.92 to 35.71 and an average FSIM value in the range of 0.9414 to 0.9892. From the statistical analysis, it is observed that the proposed two-stage SACNN approach has a significant advantage with a magnitude of α = 0.05 over other four models by considering PSNR as victorious parameter. In future, the performance of the proposed solution can be further improved by constructing the multi attributed cost function compared to only Hinge based cost function. Also, the performance of the proposed work may be investigated by considering some other noise. Moreover, some other optimization learning process may be explored for accessing the efficacy of the proposed work. Other modalities of medical images may be considered for investigating the performance of proposed model.