Introduction

SARS-CoV-2, known as corona virus, causes COVID-19. It is an infectious disease first discovered in China in December 20191,2,3. World Health Organization (WHO) also declares it as a pandemic. Figure 1 shows its detail structure3. This new virus quickly spread throughout the world. Its effect is transmitted to humans through their zoonotic flora. COVID-19's main clinical topographies are cough, sore throat, muscle pain, fever, and shortness of breath4,5. Normally, RT-PCR is used for COVID-19 detection. CT and X-ray have also vital roles in early and quick detection of COVID-196. However, RT-PCR has low sensitivity of about 60% -70% and even some times negative results are obtained7,8. It is observed that CT is a subtle approach to detecting COVID-19, and it may be a best screening means9.

Figure 1
figure 1

Corona virus structure3.

Artificial intelligence and its subsets play a significant role in medicine and have recently expanded their prominence by being used as tool to assist physicians10,11,12. Deep learning techniques are also used with prominent results in many disease detections like skin cancer detection, breast cancer detection, and lung segmentation13,14. However, Due to limited resources and radiologists, providing clinicians to each hospital is a difficult task. Consequently, a need of automatic AI or machine learning methods is required to mitigate the issues. It can also be useful in reducing waiting time and test cost by removing RT-PCR kits. However, thorough pre-processing of CT images is necessary to achieve the best results. Poisson or Impulse noise during the acquisition process of these photos could have seriously damaged the image information15. To make post-processing tasks like object categorization and segmentation easier, it is essential to recover this lost information. Various filtering algorithms have been proposed to de-blur and to de-noise images in past. Standard Median Filter (SMF) is one of the most often used non-linear filters16.

A number of SMF modifications, including Weighted median and Center weighted median (CWM)17,18, have been proposed. The most widely used noise adaptive soft-switching median (NASM) was proposed in19, which achieved optimal results. However, if the noise density exceeds 50%, the quality of the recovered images degraded significantly. These methods are all non-adaptive and unable to distinguish between edge pixels, uncorrupted pixels, and corrupted pixels. Recent deep learning idea presented in20,21,22 performs well in recovering the images degraded by fixed value Impulse noise. However, its efficiency decreases with the increase in the noise density and in reduction of Poisson noise, which normally exist in CT images. Additionally, most of these methods are non-adaptive and fails while recovering Poisson noise degraded images. In the first phase of this study, layer discrimination with max/min intensities elimination with adaptive filtering window is proposed, which can handle high density Impulse and Poisson noise corrupted CT images. The proposed method has shown superior performance both visually and statistically.

Different deep learning methods are being utilized to detect COVID-19 automatically. To detect COVID-19 in CT scans, a deep learning model employing the COVIDX-Net model that consists of seven CNN models, was developed. This model has higher sensitivity, specificity and can detect COVID-19 with 91.7% accuracy23. Reference24 shows a deep learning model which obtains 92.4% results in detection of COVID-19. A ResNet50 model was proposed in25 which also achieved 98% results as well. All of these trials, nevertheless, took more time to diagnose and didn't produce the best outcomes because of information loss during the acquisition process. There are many studies on detection of COVID-19 that employ machine learning models with CT images26,27,28,29. A study presented in30 proposes two different approaches with two systems each to diagnose tuberculosis from two datasets. In this study, initially, PCA) algorithm was employed to reduce the features’ dimensionality, aiming to extract the deep features. Then, SVM algorithm was used to for classifying features. This hybrid approach achieved an accuracy of 99.2%, a sensitivity of 99.23%, a specificity of 99.41%, and an AUC of 99.78%. Similarly, a study presented in31 utilizes different noise reduction techniques and compared the results by calculating qualitative visual inspection and quantitative parameters like Peak Signal-to-Noise Ratio (PSNR), Correlation Coefficient (Cr), and system complexity to determine the optimum denoising algorithm to be applied universally. However, these techniques manipulate all pixels whether they are contaminated by noise or not. An automated deep learning approach from Computed Tomography (CT) scan images to detect COVID-19 is proposed in32. In this method anisotropic diffusion techniques are used to de-noised the image and then CNN model is employed to train the dataset. At the end, different models including AlexNet, ResNet50, VGG16 and VGG19 have been evaluated in the experiments. This method worked well and achieved higher accuracy. However, when the images were contaminated with higher noise density, its performance suffered.Similarly, the authors in33 used four powerful pre-trained CNN models, VGG16, DenseNet121, ResNet50,and ResNet152, for the COVID-19 CT-scan binary classification task. In this method, a FastAI ResNet framework was designed to automatically find the best architecture using CT images. Additionally, a transfer learning techniques were used to overcome the large training time. This method achieved a higher F1 score of 96%. A deep learning method to detect COVID-19 using chest X-ray images was presented in 34. A dataset of 10,040 samples were used in this study. This model has a detection accuracy of 96.43% and a sensitivity of 93.68%. However, its performance dramatically decreases with higher density Poisson noise. A convolution neural networks method used for binary classification pneumonia-based conversion of VGG-19, Inception_V2, and decision tree model was presented in35. In this study, X-ray and CT scan images dataset that contains 360 images were used for COVID-19 detection. According to the findings, VGG-19, Inception_V2 and decision tree model illustrate high performance with accuracy of 91% than Inception_V2 (78%) and decision tree (60%) models.

In this paper, a paradigm for automatic COVID-19 screening that is based on assessment fusion is proposed. The effectiveness and efficiency of all baseline models were improved by our proposed model, which utilized the majority voting prediction technique to eliminate the mistakes of individual models. The proposed AFM model only needs chest X-ray images to diagnose COVID-19 in an accurate and speeding way.

The rest of the paper is organized as: The dataset is explained in section "Meterial and methods". section "Proposed method" explains our proposed approach and section "Results and Discussion" presents empirical results and analysis. section "Conclusion" describes conclusion and the specific contributions along with the future directions for improving the efficiency of the proposed work.

Meterials and methods

In this study, two types of datasets are used. CT images (dataset) obtain from NIH Clinical Center, Asian Research Hospital, which is publically available at link https://nihcc.app.box.com/v/DeepLesion/folder/51877983116 and from GitHub, available at https://github.com/UCSD-AI4H/COVID-CT. Dataset can also be requested from corresponding author.All methods and experiments in this study were carried out in accordance with relevant guidelines and regulations of the institution (Khalifa Gul Nawaz Hospital, KPK, Pakistan). One dataset consists of 446 images corrupted with Impulse noise and Poisson noise of low and high noise densities. And the second dataset contains 360 COVID positive and 397 COVID negative CT images of different sizes and height. The datasets were split into training and testing parts, 80% used for training and 20% used for testing. Figure 2 shows normal and noisy CT images having different noise densities. Figure 3a,b shows samples of COVID-19 positive and negative de-noised CT images.

Figure 2
figure 2

Shows the normal and noisy CT images. (a) normal CT image having natural Impulse noise (b) Impulse noise corrupted image with 50% noise density (c) Impulse noise corrupted image with 80% noise (d) Poisson noise corrupted image with 50% noise density (e) Poisson noise corrupted image with 80% noise density (f) contaminated image with both Impulse and Poisson noise with 80% noise density.

Figure 3
figure 3

Samples of COVID19 enhanced CT images.

Moreover, to improve the throughput and complexity, dataset is converted into JPEG (Joint Photographic Expert Group) format and resize all images to 256*256*3 to keep homogenous characteristics.

Experiments license

All methods and experiments in this study were carried out in accordance with relevant guidelines and regulations of the institution (Khalifa Gul Nawaz Hospital, KPK, Pakistan).

Proposed method

The proposed method consists of two phases. The first phase describes the proposed CT image de-noising method while the second phase presents the proposed AFM model in detail.

CT image de-noising

The first phase explains a novel layer discrimination with max/min intensities eliminations. Adaptive window size for filtering is used to recover CT noisy and blur images degraded by 80% Impulse and Poisson noise density. As a rule of thumb, an empirically determined 7*7 window size is imposed on each pixel to identify the corrupted, uncorrupted and edge pixels globally. It has been observed that large window size improve the speed but add blurriness in the image while small window size can enhance well but increases the steps in computation process. Furthermore, our algorithm checks the noise density in the image and based on the noise density, the window size changes. If noise density increases than 50%, then larger window size of 11 × 11 is adopted. Otherwise, 5 × 5 window is adopted. Figure 4 depicts the Mean Square Error (MSE) and Peak Signal to Noise Ratio (PSNR) values of a 256*256 size CT image that has been recovered using various window sizes. The proposed filtering method consists of two iterations where second iteration being called only under certain conditions. For instance, if one of the observed pixels thought to be noisy, the second iteration will be used for additional validation. To check if the pixel under consideration is uncorrupted, we utilize a window size of 7 × 7. If the pixel is degraded, and it does not come in the middle layer, that is, between L1 and L2, a 3 × 3 window is used in the 2nd iteration to further analyze the pixel based on more focused local statistics to ensure that the pixel is degraded by some noise.

Figure 4
figure 4

Representation of MSE and PSNR values for various windows.

Steps for our proposed layer discrimination with max/min intensities eliminations filtering method are as follow;

figure a

After completing the above process, a Binary Decision Map (BinMp) is created representing corrupted pixels with ‘1 s’ and uncorrupted pixels with ‘0 s’. Binary Map is a separate window uses for calculating the corrupted and uncorrupted pixels. Using the BinMp, all those pixels having grayscale values equivalent to ‘1’ will be replaced by pixels restoration method.

The first pixel of the noisy CT image is often chosen initially, and in a similar manner, the pixel at the same location in BinMp is chosen as well.If it is "0" in BinMp then we move on to the following pixel and stop at the observing pixel since it is uncorrupted. If "1" is found in BinMp, a 3*3 window is imposed on the chosen pixel in the noisy CT image, and vice versa in BinMp. Then, we search BinMp for "0"s and group all items that match into a vector Vct. After that, analyze the vector Vct. and if no element found then move towards next pixel. Else, applied a Wiener filter to the vector Vct. and changed the value of the selected pixel with that Wiener value. Following are the steps for pixel restoration method.

figure b

Assessment based fusion model

This part explains the Assessment Fusion based Model (AFM) that is proposed to screen COVID-19 using the enhanced CT images. In this study, different baseline models like VGG16, ResNet50 and DenseNet20 are widely evaluated and the proposed AFM approach is also considered. The concept of our proposed AFM is that it uses the majority voting prediction technique to overcome the errors of individual models to improve the effectiveness and efficiency of all baseline models. The proposed AFM model is graphically represented in Fig. 5, and the empirical evaluation of AFM is shown in Fig. 6.

Figure 5
figure 5

Proposed Assessment Based Fusion Model.

Figure 6
figure 6

Empirically Assessment of Fusion Based Model.

In the subsections, existing baseline models are briefly discussed.

Below sections briefly explain the state of the art different baseline models used for the detection of COVID-19.

ResNet50 architecture

ResNet50 architecture was proposed by25 is simple to implement, reduces training time with higher accuracy. However, because of the vanishing gradient, network performance may suffer. This architecture consists of a number of layers having identity connections combinable called residual block. Architecture of ResNet50 includes convolution layers, max pooling layers, and a fully connected layer.

VGG 16

VGG16 proposed by16 is one of the most popular Deep CNN model. VGG 16 got 93.8% F-Score holding top-5 test accuracy in ImageNet, which is a dataset of over 14 million images belonging to 1000 classes. However, it is very slow to train (the original VGG model was trained on Nvidia Titan GPU for 2–3 weeks)26. Additionally, it took up more room on the disk.

Inception V3

Inception V3 is a popular GoogleNet and in biomedical field it has remarkable classification performance. Inception model merged multiple size filters into a new filter which decreases the computational complexity and training parameters.

DenseNet architecture

DenseNet is the recent findings in neural networks. It is similar to ResNet with minor differences. In this architecture the previous layer is concatenated with future layer.

Results and discussion

In comparison to other methods described in15,16,17,18,19,20,21,22, empirical findings of our proposed Layer discrimination max/min intensity reduction method shows much higher performance. The SSIM and MSC values of current and hypothetical state-of-the-art methods are shown in Figs. 7 and 8.

Figure 7
figure 7

Structure Similarity Index (SSIM) values of all evaluated approaches. Noise density is from 55 to 90%. BDND = boundary discriminative noise detection, SR = square-root.

Figure 8
figure 8

Mean Square Error (MSE) values of all evaluated approaches. Noise density is from 5 to 90%. BDND = boundary discriminative noise detection, SR = square-root.

Figures 7 and 8 depict that our proposed de-noising algorithm outclass the existing state of the art methods in terms of SSIM and MSE values. For lower noise density such as up to 30%, all methods performed well. However, once the noise density increases, the performance of the existing methods decreases dramatically.

The following Fig. 9 depicts the visually appealing results of the existing and proposed algorithms. On images with up to 80% noise density, SM and BDND perform admirably. However, at noise densities greater than 50%, it completely fails to remove Poisson noise and even Impulse noise.

Figure 9
figure 9

shows the normal, noisy and de-noised CT images. (a) Normal CT image having natural Impulse noise (b) Impulse noise corrupted image with 80% noise density (c) De-noised image with SM (d) De-noised image with BDND (e) De-noised image with proposed method.

Figure 9 shows that our proposed filter method outperforms the standard SM and BDND filters. BDND is effective for de-nosing Impulse noise from CT images with a noise density of 50%. However, when the noise density increases, its performance decreases dramatically. The time parameters of the existing state of the art and proposed methods are shown in Table 1.

Table 1 Time performance of the SM, BDND and proposed method incorporated on test CT image being corrupted by a total Impulse/Poisson noise density of 80%.

Similarly, Table 2 outlines the results for 80% Impulse/Poisson noise contaminated images. However, the range of noise in this case having unequal probability. It has been discovered empirically that the measurement of SM and BDND dramatically reduces as the range of noise variation rises.

Table 2 Performance of existing and proposed filters with un-equal probability of noise density.

According to the above-mentioned subjective and objective findings, our filter operates better than the SM and BDND, particularly at larger densities. The proposed method is comparatively quick and easy, as illustrated in Table 3.

Table 3 Training and prediction time of all models.

The above-mentioned models are empirically evaluated in the second part of this work using a variety of performance metrics, including F1-Score, specificity, recall, sensitivity, AUC value, and ROC Curve. In COVID prediction and other medical detection systems, these measures are quite helpful. The details of this measure are described in more detail below.

The F1 score is a machine learning assessment metric used to measure the accuracy of a model. It fused the recall and precision scores of a model. How many times a model correctly predicted across the entire dataset is determined by the accuracy metric. Sensitivity and Specificity are two measures of a model's performance. Sensitivity is the proportion of true positives correctly predicted by the model, whereas specificity is the proportion of true negatives correctly predicted by the model. Similarly, Precision is the fraction of relevant instances among the retrieved instances, while recall is the fraction of relevant instances that are retrieved.

$$F1\mathrm{Score}= \frac{(TP+FN)}{(TP+TN+FP+FN)}$$
(1)
$$Sensitivity= \frac{(TP)}{(TP+FN)}$$
(2)
$$Specificity= \frac{(TN)}{(TN+FP)}$$
(3)
$$Precsion= \frac{(TP)}{(TP+FP)}$$
(4)
$$Recall= \frac{2* (Precision*Recall)}{(Precision+Recall)}$$
(5)
$$Accuracy= \frac{(TP+FN)}{(TP+TN+FP+FN)}$$
(6)

The empirical evaluation is repeated 20 times in various random splits. Python 4.0 is used as the front end, and Tensor Flow is used as the backend. 85% of the data in each split is utilized for training, and the remaining 15% is used for testing. To avoid over-fitting and to make an early stop, 10% of the training data is kept as a validation set and the remaining 90% is kept as training data during model training. For model optimization, a Stochastic Gradient Descent Optimizer (SGDO) with learning rates of 0.002 and 0.8 is used. The previously discussed performance measures are used to assess the model's accuracy. Figure 10 represents the average behavior of each model with 90% confidence intervals.

Figure 10
figure 10

Average behavior of each and every model with 90% of confidence intervals.

It is empirically determined that our proposed AFM model performs outclass all the existing state of the art models. DenseNet121 has higher accuracy and F1-Score than all other models. Furthermore, the proposed AFM model outperforms others in terms of sensitivity and specificity. The results are shown in Fig. 11. The graph clearly shows that our proposed AFM model significantly improves average specificity.

Figure 11
figure 11

Sensitivity and specificity of all models.

The outcomes of the Fig. 12 demonstrate that our proposed AFM model outperforms the existing models. Our proposed AFM model's average precession is better than the individual one, indicating that AFM has a much better False Positive Rate.

Figure 12
figure 12

Average Precession and recall of all models.

Moreover, Table 3 presents the prediction and training time of existing models having one sample and the comparison of the proposed AFM.

It has been empirically proven that our proposed filtering technique and Assessment Fusion based Model (AFM) are appropriate in a real-world setting for COVID-19 identification from CT images. The findings demonstrate that the accuracy and computation speed of our suggested filtering approach is satisfactory. Similar to this, the proposed AFM fared better than current cutting-edge models. Additionally, the AMF False Positive Rate has been significantly decreased. The proposed AFM model also decreased the amount of time needed to acquire images that will reduce the patients’ waiting time during scanning.

Conclusion

This study in its first phase proposed layer discrimination with max/min intensities elimination, a novel, simple, and reasonably accurate Impulse/Poisson noise detection filter for de-noising and de-blurriness of the CT images. Extensive empirical results show that our proposed filter outperforms the existing state-of-the-art standard SM and BDND filters across a wide range of noise densities, achieving higher SSIM, MSE, and PSNR. The second phase involves a detailed evaluation of the several existing models for COVID-19 positive identification from chest CT scans, followed by the proposed Assessment Fusion based Model that integrates the findings of each individual model in order to increase performance. It is empirically determined that our proposed AFM outclasses all existing state of the art models and achieve optimal performance in term of False Positive, sensitivity, specificity and average precisions.

Moreover, the commonly used Reverse Transcription Polymerase Chain Reaction (RT-PCR) has a low sensitivity of approximately 60% to 70%, and sometimes even produces negative results. Our proposed AFM also dramatically reduced the screening time which shows that it can be widely used in real world applications. Furthermore, there is still room for improvement in order to get predictive performance. Some techniques like Image Augmentation and Feature Level Fusion can boost the performance and these ideas are to be explored in future.