SlideShare a Scribd company logo
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 01 | Jan 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 888
A Review on Covid Detection using Cross Dataset Analysis
Komal Bangarwa1, Najme Zehra Naqvi2
1PG Student, Computer Science and Engineering, Indira Gandhi Delhi Technical University for Women, New Delhi,
India
2Professor, Dept. of Computer Science and Engineering, Indira Gandhi Delhi Technical University for Women, New
Delhi, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - In the history of the medical field, Covid-19 isone
of the deadliest viruses which affected the whole world. The
Covid-19 pandemic caused disastrous loss of the human race
and unpredictive challenges for community health and even
affected the professional world. Various covid detection
approaches have been used for fast detection. One of them is
medical imaging, specifically Computed Tomography plays a
decisive role in examining and monitoring of infected cases.
Machine Learning (ML) and Deep Learning (DL)methodsalso
have a significant part in developing different modelsthatcan
help in diagnosing. This paper will give an overview of deep
neural learning approaches usedforcorona-virusdetection by
utilizing CT scans in cross-dataset analysis. Even though with
ongoing research, model performancehasimprovedwithtime
but still there are areas to cover in cross-dataset analysis.
Some limitations observed were the generalization problem,
dataset bias problem and robustness which is thecapabilityto
work with difficult images that occur due to the variation in
image technology. The paper also gives an overview of the
methods used so far for pre-processing of medical images and
transfer learning techniques. Cross-dataset analysis works on
improving the model accuracy by handling the above-
mentioned knowledge gaps and providing a model thatworks
more practically by handling different datasets from different
sources of the same task and tests how well it adapts to the
model. The result might help in understandingtheapproaches
used to overcome the limitations and identify further
opportunities in cross-dataset analysis.
Key Words: Adaption, Generalization, covid-19dataset,
Computed Tomography
1. INTRODUCTION
World Health Organization named corona-virus asCovid-19
which is considered as one of the deadliest contagious
diseases that originated from the SARS-CoV virus [14]. The
last quarter of year 2019 was the beginning phase of this
novel virus which has affected the whole world in every
sector either its mass-production, shipment or hospitality.
Coronaviruses mostly attack respiratory organs [15]. Most
people who were infected by this virus encounter mild to
moderate level respiratory discomfort but many recover
without requiring any especial medical procedure.However,
there exist many cases where the condition was severe and
needed more medical surveillance. Geriatric people and the
one who already have some inherent medical conditionslike
diabetes, heart disease,chronicrespiratorydiseaseorcancer
were at high risk of reaching a serious condition. Many fast
covid detection techniques have been used to check the
presence of viruses inside the human body like the RT-PCR
test[12][13]. But when cases go to a serious level and the
oxygen level started to drop below a certain level (~92%),
doctors started to advise CT-scan results for the patients
infected by Covid. A computerized tomography scan (i.e., CT
scan) provides highly precise images of internal body parts,
muscles and blood arteries. This allows doctors torecognize
the internal function and analyse their shape, thickness and
texture. CT scans are better than X-rays because CT scan
provides a set of a portion of the particular region without
overlapping different body structures. That’s why CT scans
are better because it gives more detailed information
through images which helps in extracting the exact problem
and its allocation. A numerous DLmethodshaveevolvedand
are used for examining Covid-19 by using tomography
scans.[24][25][26]. With time,theamountofCT-scanimages
begins to increase in number and that results in having a
good amount of data that can be used for training models
that help in better results. Models trained with one dataset
should give good accuracy to similar types of datasets which
is one of the main factors in determininghow well ourmodel
learned. Two different datasets are used for cross-dataset
analysis in which first is alluded to source dataset which is
utilized for training the model & the second is the target
dataset which is unseen to the model. Their sources are
different but they should address the same task. Many
different attributes have been seen in cross-dataset overthe
years. A short annotation related to its attributes [19] is
explained below.
1) Attributes on data:
 Data accessibility: Thisrefers totheaccessibilityand
ampleness of both source data and target data.
 Balanced between data: Do the provided datasets
have a balanced number of data samples?
 Continuous data: Is the provided data continuousor
online and is it progressing with time?
 Feature space: Consistency of identified features in
data.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 01 | Jan 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 889
2) Attributes on the label:
 Available labels: This refers to the accessibility of
labels in both datasets.
 Label space: Is classification in both data samples
similar?
Considering the above features, different frameworks are
being observed.
a) Feature spaces and label spaces inhomogeneous
datasets: Both datasets should have comparable
feature space and label space. But their data
generation sources should be different.
b) Feature spaces in heterogeneous datasets: The
feature space of both datasets should be
contrasting which means their source should be
diverse but the classification should be the same.
c) Label spaces in heterogeneous datasets: The label
space of both datasets is contrasting which
means their task is different but their features
should be alike.
d) Feature and label spaces in heterogeneous
datasets: The feature and label spaces of both
datasets are contrasting which means the source
and task are different.
Sometimes because of the complications, many deep neural
models require a large number of inputs. However, for the
majority, there is a lack of data available for work and for
cross-dataset, a good amount of dataset is required for
training and testing the model. To overcome, this wecanuse
two methods, first is data augmentation and second is
transfer learning.
A. Data Augmentation
The technique helps in increasing the count of training
samples by remodeling the images without losing their
original knowledge. Remodelinglikerotation,horizontal flip,
scaling. This method retains images and will help the
physician in explaining the images.
B. Transfer learning
Training a new model with the help of a pre-trainednetwork
& re-training it with another dataset is referred to as
transfer learning [21]. A fine-tuned performance by a pre-
trained model can be used for deep neural if there is a
scarcity of training data since the model already have
knowledge from different problems which can be reused
[22] in the current model. There are a few steps that are
needed for using transfer learning:
1. Weights used in the pre-trainedmodel arecopiedto
the new build model.
2. Modifications were made in the newer model’s
architecture, together with the recent layers from
the top of the model.
3. Randomly initializing the newer added layers.
4. Defining layers to use for the learning process.
5. Performing the learning phase, by improving the
weights.
There is a number of the advanced method being developed
using transfer learning over different datasets[20].Transfer
learning not only solves the data scarcity problem but also
helps in saving time and improve the performance of the
model. In this paper, we will be using cross-dataset analysis
on CT scan images used for covid detection. The remainder
of the paper is organized as follows: under the literature
survey as we discussed the analyzing methods used so far,
followed by a conclusion, future scope and ending with
references.
2. REVIEW OF LITERATURE SURVEY
In past, many research works have been intensively
conducted in machine learning and deep learning fields and
through them, many new andimprovisedmethodshavebeen
developed in every field. Here we will be understanding the
work that has been done in diagnosing Covid-19, a global
pandemic. We’ll be conciselyreviewing the methodsusedfor
image classification focusing onCT(ComputedTomography)
scans through deep learning techniques.
Below mentioned Table 1, gives a piece of information about
the datasets which includes the total images in the dataset
with a count on the number of covidand non-covid imagesin
datasets. Table 2, presents which dataset is used against
which dataset in studies, named Dataset 1 and Dataset 2.
Table -1: Dataset details
Dataset Information
Name of the
dataset
Total Images
Covid19
Images
Non-
Covid19
Images
SARS-CoV-2[1]
2482 CT
images
1252
images
1230
images
COVID-CT[2] 746 images 349 images 397 images
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 01 | Jan 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 890
Table -2: Cross-Dataset Table
Many methods have been used in deep learning for image
classification and extracting the information that helps in
producing the best outcome from a model. Before using the
actual method, the provided data has to be prepared
according to the need of the model, this processiscalledpre-
processing. It defines the modification process that will be
performed on the data before using it in the algorithm. This
is important as we can't give raw data,we needtomodify the
raw and primary data into clean and properly defined data
for achieving better results. Manytechniqueshave beenused
for pre-processing which include, (i) a pixel intensity
normalization between the scope from [0,1][5][7](ii).Using
prepNet[6] helps in standardising CT images concerningthe
visual differences in datasets before training. Oneadvantage
of using prepNet[23] is, this approach can be combinedwith
any diagnosis model, which is a plus point for future
progress without additional efforts while it can improve
cross-dataset performance. Data augmentation is used for
increasing the count of data without losing its knowledge.
Zhao Wang[8][30], uses COVID-Net for rapid
identification of Covid-19 but he observed some major
restrictions occurred due to the recklessness causedbydata
heterogeneity in different medical centres regarding
numerous imaging environments (for example, imaging
protocols, scanner vendors etc.). The two datasets which he
has used for his work appears with different image contrast
which eventually affects the model outcome. Zhao Wang,
redesign the model because the original COVID-Net“lacksin
internal feature normalization” [9] which leads to notable
variance as CT scan images contain more elaborated
patterns, such variance can lead towards the halting of the
training stage and influence the prediction accuracy. For
handling such variance, batch normalization layers were
incorporated [16] to improvise the feature differentiation
capability and speed up the training stage. He experimented
in two different setups,
1) a single setting, where the model gets trained with every
single dataset; and 2) using two datasets (one assigned for
training & other for testing). By using redesigned model
improvement in results was observed by 12.16% and
14.23% in accuracy. The results which wererecordedusing
the redesign Covid-Net were 96.24% and 85.32% in
accuracy (when training the model using the SARS-CoV-CT
dataset and Covid-CT dataset, respectively.)
Efficient-Net is a part of a neural network where the
“Mobile Inverted Bottleneck Conv Block” [17] is considered
the primary block of the network. The main idea of Efficient-
Net architecture is to initialise the model using high quality
yet compact base model and progressively compare its
dimensions, in a structured pattern using an unwavering
scaling coefficient. Pedro Silva [5] performed an experiment
which is one of the earliest performed cross-dataset
analyses. He uses Efficient-Net, where he also performed
data augmentation and uses transfer learning.Histeamuses
the SARS-CoV-CT dataset for trainingthe model andhaskept
other datasets Covid-CT, completely for testing the model.
From his work, he observed that there is a drop in accuracy
as compared to individual dataset accuracy and it got worse
when the experiment was reversed i.e., training with Covid-
CT and testing on SARS-CoV-CT, showing the accuracy drop
from 87.68% to 56.16%. They observed that the reason was
the lack of diversity in images and image technology issues.
Haikel Alhichri[10] uses Efficient Net-B3 which is a bit
faster than Efficient-Net. He used his own developed pre-
processing method to resize all image data to 256 x 256
pixels which will reduce image loss. Formerly “the
EffecientNet-B3 model is pre-trained on the ImageNet
dataset [18]”. He modified Efficient-Net-B3 to Efficient-Net-
B3-GAP (Global Average pooling). He uses the modified
version because it has more relevance to the convolution
structure by building a correlation between feature maps
and categories. The resulting outcome when trained with
SARS-CoV-CT and COVID-19 datasetsrespectivelyare99.1%
and 88.18%. His observationsstatethatadaptationisneeded
to get better results.
Fozia Mehboob [11]uses ViT, a self-attention mechanism.
It was observed that the Vision transformer yielded better
results than convolutional operations [27]. Although the
major advantage of CNN is that it provides a comparison to
existing classification but CNN architecture is specific to the
task and its computational time is more. A convolutional
network uses the information processed by pixel where
every pixel has its own significance for the target task which
causes reiteration and consumes more time. ViT, is a vision
model which takes input images as image patches. The
following patches are further fattened for assigning it to the
transformer encoder. In his study, he uses a new dataset
called Hust19 with SARS-CoV-2 dataset for analysing. He
trained the model with the Hust19 dataset and testedit with
the SARS-CoV-2 dataset. He also evaluated another scenario
where the SARS-CoV-2 dataset has been used for training
and the Hust19 dataset for testing. In the second scenario, a
downfall in model performance isobservedandaccordingto
his observation, the possible reason couldbethevariation in
images. Dissimilarity among images was higher in
comparison with other datasets and the number of image
sample associated with each variation were quite low. The
accuracy achieved using Hust19 as the training dataset was
93%. Since ViT (vision transformer) performed poorly in
generalization because of the small dataset this couldbeone
Cross-Datasets Table
Dataset 1 Dataset 2 Dataset used for training
SARS-CoV-2 COVID-CT SARS-CoV-2
COVID-CT Hust-19 Hust-19
SARS-CoV-2 +
COVID-CT
MosMed SARS-CoV-2 + COVID-CT
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 01 | Jan 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 891
of the reasons for the decline in accuracy. When the same
model is used with the Hust19 and Covidx datasets the
accuracy was comparatively good because the images in
both datasets are similar. The achieved accuracy was 94%
which was higher when compared to individual
datasets.[28][29].
Table -3: Summary of Literature Survey
3. CONCLUSIONS
Due to the shortage and false alarms by RT-PCR test and the
drastic increase in Covid-19 cases the tomographic scan
together with DL approaches proved to be very useful in
providing fast and highly accurate results. The model
performs better when it gets trained by a large quantity of
data using DL techniques. Hereby we came across the cross-
dataset analysis concept and some methods which helps in
evaluating some knowledge gaps observed during the
evaluation. Cross-dataset analysis is not a common method
and there is a lot to unwrap in this process. The most
common limitations that were observed were the
generalization process which deals with the capabilityof the
model to work with independence and robustness which
deals with the capacity of a model to work with difficult
images and the dataset bias problem, which tackles the
problem that occurred because of identical data which
causes loss when a new data is given to the model. We have
discussed pre-processing method used to enhance the
properties of medical images. Due to insufficiency in the
availability of data volume used for training, maximum
models have used data augmentation and transfer learning
approaches. Most of the DL methods for Covid-19 detection
use pre-trained models to streamline the process duringthe
quick increase in cases. Efficient-Net, Covid-Net, Vision
transformation(ViT), and DenseNet are the pre-trained
models mostly used in detection. The role of the medical
imaging technique, CT scan is also briefly discussed. CT
images are highly sensitive for analysing the seriousness of
the covid condition.
As it is a new pandemic, more research can be done using a
large number of datasets obtained from different sources.
Results came up from various trained transfer learning
models that could be either incorporate to build up a hybrid
model or could be used for comparison when systematic
changes are made in models to improve accuracy. In future,
research can focus on getting more improvised methods for
improving the quality of imagesandthe model thatworkson
different datasets, providing only one dataset for training to
deal with generalization problems and problems occurred
due to imaging technologies. This will help in diagnosingthe
covid-19 more accurately even by providing CT scan images
from a completely new environment.
REFERENCES
[1] E. Soares, P. Angelov, S. Biaso, M. Higa Froes and D.
Kanda Abe, "Sars-cov-2 CT-scan dataset: A large dataset
of real patients CT scans for sars-cov-2
identification", medRxiv, 2020.
[2] J. Zhao, X. He, X. Yang, Y. Zhang, S. Zhang and P. Xie,
"Covid-CT-dataset: A CT scan dataset about covid-19",
2020.
Review table
Literature Dataset Method Result
Mohamm
adreza
Amirian
et al.
2022
Public
datasets
(SARSCOV
ID-2, UCSD
COVID-CT,
MosMed
Autoencoders(V
gg Net-16),
PrepNet.
Trained on
SARSCOVID-2
and COVID-CT.
Tested on
MosMed.
PrepNet improves
the cross-dataset
balanced
accuracy by a
margin of 11.84
percentage points
Zhao
Wang et
al. 2020
Covid-CT
dataset
and SARS-
CoV-2 CT
Scan
dataset
COVID-Net
Trained On
SARS-CoV-2 CT
data and Tested
on Covid-CT
data.
The accuracy
achieved 85.6%
whereas the
performance
score was
increased by
7.8%.
Pedro
Silva et
al. 2020
Covid-CT
dataset
and SARS-
CoV-2 CT
Scan
dataset
Efficient-Net
model.
Trained on
SARA-CoV-2-CT
and tested on
Covid-CT
This was the first
time this
experiment was
done so accuracy
from 87.86%
dropped to 59%.
Haikel
Alhichri
et al.
2020
Covid-CT
dataset
and SARS-
CoV-2 CT
Scan
dataset
Two models
used: DenseNet
& EfficientNet B-
3(with Vgg-16,
ResNet)
Trained on
SARS-CoV-2 CT
Scan and Tested
on Covid-CT
Achieved an
accuracy of
96.4%.
Ludmila
Silva et
al. 2020
Covid-CT
dataset
and SARS-
CoV-2 CT
Scan
dataset
EfficientNet
model.
Trained on
Covid-CT and
tested on SARA-
CoV-2-CT.
Voting-based
approach.
Achieved an
accuracy of 88%.
Fozia
Mehboob
et al.
2022
SARS-CoV-
2 CT Scan
dataset,
HUST-19,
CovidX.
Vision
Transformer
(ViT).
Training on the
Hust19 dataset
and testing
COVIDx dataset.
Achieved an
accuracy of 94%.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 01 | Jan 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 892
[3] Hust-19dataset:
“https://bioengineeringcommunity.nature.com/posts/h
ust-19-for-predicting-covid-19-clinical-outcomes“
[4] S. P. Morozov, A. E. Andreychenko, N. A. Pavlov, A. V.
Vladzymyrskyy, N. V. Ledikhova,V.A.Gombolevskiy,I.A.
Blokhin, P. B. Gelezhe, A. V. Gonchar, and V. Y. Chernina,
“Mosmeddata: Chest ct scans with covid-19 related
findings dataset,” 2020.
[5] Pedro Silva, Eduardo Jose da Silva Luz, Guilherme Silva,
Gladston Moreira, “Efficient Deep Learning Model for
COVID-19 Detection in large CT images datasets: A
cross-dataset analysis” 2020
[6] Mohammadreza Amirian, Javier A. Montoya-Zegarra,
Jonathan Gruss, Yves D. Stebler, Ahmet Selman Bozkir,
Marco Calandri, Friedhelm Schwenker, Thilo
Stadelmann, “PrepNet: A Convolutional Auto-Encoderto
Homogenize CT Scans for Cross-Dataset Medical Image
Analysis”,2022.
[7] Pedro Silva, Eduardo Jose da Silva Luz, Guilherme Silva,
Gladston Moreira,” COVID-19 detection in CT images
with deep learning: A voting-based scheme and cross-
datasets analysis”, 2020.
[8] Zhao Wang, Quande Liu, Qi Dou,” Contrastive Cross-Site
Learning With Redesigned Net for COVID-19 CT
Classification, 2020
[9] L. Wang and A. Wong, "Covid-net: A tailored deep
convolutional neural network design for detection of
covid-19 cases from chest x-ray images", 2020.
[10] Haikel Alhichri, “CNN Ensemble Approach to Detect
COVID-19 from Computed Tomography Chest Images”,
2021
[11] Fozia Mehboob, Abdul Rauf,RichardJiang,Abdul Khader
Jilani Saudagar, Khalid Mahmood Malik, Muhammad
Badruddin Khan, Mozaherul HoqueAbdul Hasnat,
Abdullah Al Tameem, Mohammed AlKhathami.
‘’Towards robust diagnosis of COVID‑ 19 using vision
self‑ attention transformer’’
[12] Organization, W.H (2020) Clinical management of
severe acute respiratory infection when novel
coronavirus (2019-nCoV)infectionissuspected:interim
guidance, in the clinical management of severe acute
respiratory infection when novel coronavirus (2019-
nCoV) infection is suspected: interim guidance
[13] Alsharif W, Qurashi A. “Effectiveness of COVID-19
diagnosis and management tools: a
review.” Radiography. 2020;27:682–687.
DOI: 10.1016/j.radi.2020.09.010.
[14] Kristian G. Andersen, et al. “Theproximal originofSARS-
CoV-2 Nature medicine”,2020.
[15] Tanu Singhal, “A review of coronavirus disease-
2019(COVID-19)”, 2020
[16] S. Ioffe and C. Szegedy, "Batch normalization:
Accelerating deep network trainingbyreducinginternal
covariate shift", arXiv:1502.03167, 2015.
[17] Zhao, Y. Zhang, X. He, P. Xie, “Covid-ct-dataset: a ct scan
dataset about covid-19”, arXiv preprint
arXiv:2003.13865 (2020).
[18] O. Russakovsky, J. Deng, H. Su, J. Krause, S. Satheesh et
al., “ImageNet large scale visual recognition challenge,”
International Journal of Computer Vision, vol.115,no.3,
pp. 211–252, 2015.
[19] Jing Zhang, Wanqing Li, Philip Ogunbona,Dong Xu
“Recent Advances in Transfer Learning for Cross-
Dataset Visual Recognition: A Problem-Oriented
Perspective”, 2019
[20] Sinno Jialin Pan and Qiang Yang, A survey on transfer
learning. IEEE Transactions on Knowledge and Data
Engineering 22, 10 (2010), 1345–1359.
[21] Russakovsky, J. Deng, H. Su, J. Krause, S. Satheesh, S. Ma,
Z. Huang, Karpathy, A. Khosla, M.Bernstein, et al.,
“Imagenet large scale visual recognition challenge”,
International journal of computer vision 115 (3) (2015)
211–252. Goodfellow, Y. Bengio, A. Courville, Deep
[22] Oquab, L. Bottou, I. Laptev, J. Sivic, Learning and
transferring mid-level image representations using
convolutional neural networks, in Proceedings of the
IEEE conference on computer vision and pattern
recognition, 2014, pp. 1717–1724.
[23] A. Mobiny, P. A. Cicalese, S. Zare, P. Yuan,M.Abavisani,C.
C. Wu, J. Ahuja, P. M. de Groot, and H. Van Nguyen,
“Radiologist-level covid19 detection using ct scans with
detail-oriented capsule networks,” arXiv preprint
arXiv:2004.07407, 2020.
[24] He X., Yang X., Zhang S., Zhao J., Zhang Y., Xing E., Xie P.
medRxiv; 2020. Sample-efficient deep learning for
covid-19 diagnosis based on ct scans.
[25] Polsinelli M., Cinque L., Placidi G. 2020. A light cnn for
detecting covid-19 from ct scans of the chest
[26] Amyar A., Modzelewski R., Ruan S. medRxiv; 2020.
Multi-task deep learning based ct imaging analysis for
covid-19: classification and segmentation
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 01 | Jan 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 893
[27] Transformers forImageRecognitionatScale—GoogleAI
Blog. Dec 2020, http://ai.googleblog.com
[28] Ning, W. et al. Open resource of clinical data from
patients with pneumonia for the predictionofCOVID-19
outcomes via deep learning. Nat. Biomed. Eng. 4(12),
1197–1207 (2020).
[29] Zheng, C., Deng, X., Fu, Q., Zhou, Q., Feng, J., Ma, H., Liu,
W., Wang, X. (2020) Deep learning-based detection for
COVID-19 from chest CT using a weak label. MedRxiv.
[30] Wang L, Lin ZQ, Wong A. “Covid-net: a tailored deep
convolutional neural network design for detection of
covid-19 cases from chest x-ray images”. Sci Rep. 2020

More Related Content

Similar to A Review on Covid Detection using Cross Dataset Analysis

Using Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia DetectionUsing Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia Detection
IRJET Journal
 
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting PneumoniaIRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET Journal
 
A SURVEY ON BLOOD DISEASE DETECTION USING MACHINE LEARNING
A SURVEY ON BLOOD DISEASE DETECTION USING MACHINE LEARNINGA SURVEY ON BLOOD DISEASE DETECTION USING MACHINE LEARNING
A SURVEY ON BLOOD DISEASE DETECTION USING MACHINE LEARNING
IRJET Journal
 
Intelligent generator of big data medical
Intelligent generator of big data medicalIntelligent generator of big data medical
Intelligent generator of big data medical
Nexgen Technology
 
Pneumonia Detection Using X-Ray
Pneumonia Detection Using X-RayPneumonia Detection Using X-Ray
Pneumonia Detection Using X-Ray
IRJET Journal
 
APPLICATION OF CNN MODEL ON MEDICAL IMAGE
APPLICATION OF CNN MODEL ON MEDICAL IMAGEAPPLICATION OF CNN MODEL ON MEDICAL IMAGE
APPLICATION OF CNN MODEL ON MEDICAL IMAGE
IRJET Journal
 
Care expert assistant for Medicare system using Machine learning
Care expert assistant for Medicare system using Machine learningCare expert assistant for Medicare system using Machine learning
Care expert assistant for Medicare system using Machine learning
IRJET Journal
 
Deep Learning Approach for Unprecedented Lung Disease Prognosis
Deep Learning Approach for Unprecedented Lung Disease PrognosisDeep Learning Approach for Unprecedented Lung Disease Prognosis
Deep Learning Approach for Unprecedented Lung Disease Prognosis
IRJET Journal
 
X-Ray Based Quick Covid-19 Detection Using Raspberry-pi
X-Ray Based Quick Covid-19 Detection Using Raspberry-piX-Ray Based Quick Covid-19 Detection Using Raspberry-pi
X-Ray Based Quick Covid-19 Detection Using Raspberry-pi
IRJET Journal
 
IRJET- A New Hybrid Squirrel Search Algorithm and Invasive Weed Optimization ...
IRJET- A New Hybrid Squirrel Search Algorithm and Invasive Weed Optimization ...IRJET- A New Hybrid Squirrel Search Algorithm and Invasive Weed Optimization ...
IRJET- A New Hybrid Squirrel Search Algorithm and Invasive Weed Optimization ...
IRJET Journal
 
MitoGame: Gamification Method for Detecting Mitosis from Histopathological I...
MitoGame:  Gamification Method for Detecting Mitosis from Histopathological I...MitoGame:  Gamification Method for Detecting Mitosis from Histopathological I...
MitoGame: Gamification Method for Detecting Mitosis from Histopathological I...
IRJET Journal
 
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...
IRJET Journal
 
Covid Face Mask Detection Using Neural Networks
Covid Face Mask Detection Using Neural NetworksCovid Face Mask Detection Using Neural Networks
Covid Face Mask Detection Using Neural Networks
IRJET Journal
 
Covid-19 Detection Using CNN MODEL
Covid-19 Detection Using CNN MODELCovid-19 Detection Using CNN MODEL
Covid-19 Detection Using CNN MODEL
IRJET Journal
 
harsh final ppt (2).pptx
harsh final ppt (2).pptxharsh final ppt (2).pptx
harsh final ppt (2).pptx
Akbarali206563
 
IRJET - Lung Disease Prediction using Image Processing and CNN Algorithm
IRJET -  	  Lung Disease Prediction using Image Processing and CNN AlgorithmIRJET -  	  Lung Disease Prediction using Image Processing and CNN Algorithm
IRJET - Lung Disease Prediction using Image Processing and CNN Algorithm
IRJET Journal
 
CovidAID: COVID-19 Detection using Chest X-Ray Images
CovidAID: COVID-19 Detection using Chest X-Ray ImagesCovidAID: COVID-19 Detection using Chest X-Ray Images
CovidAID: COVID-19 Detection using Chest X-Ray Images
IRJET Journal
 
Face Mask Detection utilizing Tensorflow, OpenCV and Keras
Face Mask Detection utilizing Tensorflow, OpenCV and KerasFace Mask Detection utilizing Tensorflow, OpenCV and Keras
Face Mask Detection utilizing Tensorflow, OpenCV and Keras
IRJET Journal
 
IRJET- Lung Cancer Nodules Classification and Detection using SVM and CNN...
IRJET-  	  Lung Cancer Nodules Classification and Detection using SVM and CNN...IRJET-  	  Lung Cancer Nodules Classification and Detection using SVM and CNN...
IRJET- Lung Cancer Nodules Classification and Detection using SVM and CNN...
IRJET Journal
 
ORAL CANCER DETECTION USING RNN
ORAL CANCER DETECTION USING RNNORAL CANCER DETECTION USING RNN
ORAL CANCER DETECTION USING RNN
IRJET Journal
 

Similar to A Review on Covid Detection using Cross Dataset Analysis (20)

Using Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia DetectionUsing Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia Detection
 
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting PneumoniaIRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
 
A SURVEY ON BLOOD DISEASE DETECTION USING MACHINE LEARNING
A SURVEY ON BLOOD DISEASE DETECTION USING MACHINE LEARNINGA SURVEY ON BLOOD DISEASE DETECTION USING MACHINE LEARNING
A SURVEY ON BLOOD DISEASE DETECTION USING MACHINE LEARNING
 
Intelligent generator of big data medical
Intelligent generator of big data medicalIntelligent generator of big data medical
Intelligent generator of big data medical
 
Pneumonia Detection Using X-Ray
Pneumonia Detection Using X-RayPneumonia Detection Using X-Ray
Pneumonia Detection Using X-Ray
 
APPLICATION OF CNN MODEL ON MEDICAL IMAGE
APPLICATION OF CNN MODEL ON MEDICAL IMAGEAPPLICATION OF CNN MODEL ON MEDICAL IMAGE
APPLICATION OF CNN MODEL ON MEDICAL IMAGE
 
Care expert assistant for Medicare system using Machine learning
Care expert assistant for Medicare system using Machine learningCare expert assistant for Medicare system using Machine learning
Care expert assistant for Medicare system using Machine learning
 
Deep Learning Approach for Unprecedented Lung Disease Prognosis
Deep Learning Approach for Unprecedented Lung Disease PrognosisDeep Learning Approach for Unprecedented Lung Disease Prognosis
Deep Learning Approach for Unprecedented Lung Disease Prognosis
 
X-Ray Based Quick Covid-19 Detection Using Raspberry-pi
X-Ray Based Quick Covid-19 Detection Using Raspberry-piX-Ray Based Quick Covid-19 Detection Using Raspberry-pi
X-Ray Based Quick Covid-19 Detection Using Raspberry-pi
 
IRJET- A New Hybrid Squirrel Search Algorithm and Invasive Weed Optimization ...
IRJET- A New Hybrid Squirrel Search Algorithm and Invasive Weed Optimization ...IRJET- A New Hybrid Squirrel Search Algorithm and Invasive Weed Optimization ...
IRJET- A New Hybrid Squirrel Search Algorithm and Invasive Weed Optimization ...
 
MitoGame: Gamification Method for Detecting Mitosis from Histopathological I...
MitoGame:  Gamification Method for Detecting Mitosis from Histopathological I...MitoGame:  Gamification Method for Detecting Mitosis from Histopathological I...
MitoGame: Gamification Method for Detecting Mitosis from Histopathological I...
 
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...
Study and Analysis of Different CNN Architectures by Detecting Covid- 19 and ...
 
Covid Face Mask Detection Using Neural Networks
Covid Face Mask Detection Using Neural NetworksCovid Face Mask Detection Using Neural Networks
Covid Face Mask Detection Using Neural Networks
 
Covid-19 Detection Using CNN MODEL
Covid-19 Detection Using CNN MODELCovid-19 Detection Using CNN MODEL
Covid-19 Detection Using CNN MODEL
 
harsh final ppt (2).pptx
harsh final ppt (2).pptxharsh final ppt (2).pptx
harsh final ppt (2).pptx
 
IRJET - Lung Disease Prediction using Image Processing and CNN Algorithm
IRJET -  	  Lung Disease Prediction using Image Processing and CNN AlgorithmIRJET -  	  Lung Disease Prediction using Image Processing and CNN Algorithm
IRJET - Lung Disease Prediction using Image Processing and CNN Algorithm
 
CovidAID: COVID-19 Detection using Chest X-Ray Images
CovidAID: COVID-19 Detection using Chest X-Ray ImagesCovidAID: COVID-19 Detection using Chest X-Ray Images
CovidAID: COVID-19 Detection using Chest X-Ray Images
 
Face Mask Detection utilizing Tensorflow, OpenCV and Keras
Face Mask Detection utilizing Tensorflow, OpenCV and KerasFace Mask Detection utilizing Tensorflow, OpenCV and Keras
Face Mask Detection utilizing Tensorflow, OpenCV and Keras
 
IRJET- Lung Cancer Nodules Classification and Detection using SVM and CNN...
IRJET-  	  Lung Cancer Nodules Classification and Detection using SVM and CNN...IRJET-  	  Lung Cancer Nodules Classification and Detection using SVM and CNN...
IRJET- Lung Cancer Nodules Classification and Detection using SVM and CNN...
 
ORAL CANCER DETECTION USING RNN
ORAL CANCER DETECTION USING RNNORAL CANCER DETECTION USING RNN
ORAL CANCER DETECTION USING RNN
 

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
IRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
IRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
IRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
IRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
IRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
IRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
IRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
IRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

A review on techniques and modelling methodologies used for checking electrom...
A review on techniques and modelling methodologies used for checking electrom...A review on techniques and modelling methodologies used for checking electrom...
A review on techniques and modelling methodologies used for checking electrom...
nooriasukmaningtyas
 
Harnessing WebAssembly for Real-time Stateless Streaming Pipelines
Harnessing WebAssembly for Real-time Stateless Streaming PipelinesHarnessing WebAssembly for Real-time Stateless Streaming Pipelines
Harnessing WebAssembly for Real-time Stateless Streaming Pipelines
Christina Lin
 
Modelagem de um CSTR com reação endotermica.pdf
Modelagem de um CSTR com reação endotermica.pdfModelagem de um CSTR com reação endotermica.pdf
Modelagem de um CSTR com reação endotermica.pdf
camseq
 
Embedded machine learning-based road conditions and driving behavior monitoring
Embedded machine learning-based road conditions and driving behavior monitoringEmbedded machine learning-based road conditions and driving behavior monitoring
Embedded machine learning-based road conditions and driving behavior monitoring
IJECEIAES
 
Heat Resistant Concrete Presentation ppt
Heat Resistant Concrete Presentation pptHeat Resistant Concrete Presentation ppt
Heat Resistant Concrete Presentation ppt
mamunhossenbd75
 
DfMAy 2024 - key insights and contributions
DfMAy 2024 - key insights and contributionsDfMAy 2024 - key insights and contributions
DfMAy 2024 - key insights and contributions
gestioneergodomus
 
5214-1693458878915-Unit 6 2023 to 2024 academic year assignment (AutoRecovere...
5214-1693458878915-Unit 6 2023 to 2024 academic year assignment (AutoRecovere...5214-1693458878915-Unit 6 2023 to 2024 academic year assignment (AutoRecovere...
5214-1693458878915-Unit 6 2023 to 2024 academic year assignment (AutoRecovere...
ihlasbinance2003
 
IEEE Aerospace and Electronic Systems Society as a Graduate Student Member
IEEE Aerospace and Electronic Systems Society as a Graduate Student MemberIEEE Aerospace and Electronic Systems Society as a Graduate Student Member
IEEE Aerospace and Electronic Systems Society as a Graduate Student Member
VICTOR MAESTRE RAMIREZ
 
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressionsKuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
Victor Morales
 
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
IJECEIAES
 
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdfBPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
MIGUELANGEL966976
 
Exception Handling notes in java exception
Exception Handling notes in java exceptionException Handling notes in java exception
Exception Handling notes in java exception
Ratnakar Mikkili
 
[JPP-1] - (JEE 3.0) - Kinematics 1D - 14th May..pdf
[JPP-1] - (JEE 3.0) - Kinematics 1D - 14th May..pdf[JPP-1] - (JEE 3.0) - Kinematics 1D - 14th May..pdf
[JPP-1] - (JEE 3.0) - Kinematics 1D - 14th May..pdf
awadeshbabu
 
22CYT12-Unit-V-E Waste and its Management.ppt
22CYT12-Unit-V-E Waste and its Management.ppt22CYT12-Unit-V-E Waste and its Management.ppt
22CYT12-Unit-V-E Waste and its Management.ppt
KrishnaveniKrishnara1
 
ACRP 4-09 Risk Assessment Method to Support Modification of Airfield Separat...
ACRP 4-09 Risk Assessment Method to Support Modification of Airfield Separat...ACRP 4-09 Risk Assessment Method to Support Modification of Airfield Separat...
ACRP 4-09 Risk Assessment Method to Support Modification of Airfield Separat...
Mukeshwaran Balu
 
Understanding Inductive Bias in Machine Learning
Understanding Inductive Bias in Machine LearningUnderstanding Inductive Bias in Machine Learning
Understanding Inductive Bias in Machine Learning
SUTEJAS
 
Technical Drawings introduction to drawing of prisms
Technical Drawings introduction to drawing of prismsTechnical Drawings introduction to drawing of prisms
Technical Drawings introduction to drawing of prisms
heavyhaig
 
digital fundamental by Thomas L.floydl.pdf
digital fundamental by Thomas L.floydl.pdfdigital fundamental by Thomas L.floydl.pdf
digital fundamental by Thomas L.floydl.pdf
drwaing
 
ML Based Model for NIDS MSc Updated Presentation.v2.pptx
ML Based Model for NIDS MSc Updated Presentation.v2.pptxML Based Model for NIDS MSc Updated Presentation.v2.pptx
ML Based Model for NIDS MSc Updated Presentation.v2.pptx
JamalHussainArman
 
CSM Cloud Service Management Presentarion
CSM Cloud Service Management PresentarionCSM Cloud Service Management Presentarion
CSM Cloud Service Management Presentarion
rpskprasana
 

Recently uploaded (20)

A review on techniques and modelling methodologies used for checking electrom...
A review on techniques and modelling methodologies used for checking electrom...A review on techniques and modelling methodologies used for checking electrom...
A review on techniques and modelling methodologies used for checking electrom...
 
Harnessing WebAssembly for Real-time Stateless Streaming Pipelines
Harnessing WebAssembly for Real-time Stateless Streaming PipelinesHarnessing WebAssembly for Real-time Stateless Streaming Pipelines
Harnessing WebAssembly for Real-time Stateless Streaming Pipelines
 
Modelagem de um CSTR com reação endotermica.pdf
Modelagem de um CSTR com reação endotermica.pdfModelagem de um CSTR com reação endotermica.pdf
Modelagem de um CSTR com reação endotermica.pdf
 
Embedded machine learning-based road conditions and driving behavior monitoring
Embedded machine learning-based road conditions and driving behavior monitoringEmbedded machine learning-based road conditions and driving behavior monitoring
Embedded machine learning-based road conditions and driving behavior monitoring
 
Heat Resistant Concrete Presentation ppt
Heat Resistant Concrete Presentation pptHeat Resistant Concrete Presentation ppt
Heat Resistant Concrete Presentation ppt
 
DfMAy 2024 - key insights and contributions
DfMAy 2024 - key insights and contributionsDfMAy 2024 - key insights and contributions
DfMAy 2024 - key insights and contributions
 
5214-1693458878915-Unit 6 2023 to 2024 academic year assignment (AutoRecovere...
5214-1693458878915-Unit 6 2023 to 2024 academic year assignment (AutoRecovere...5214-1693458878915-Unit 6 2023 to 2024 academic year assignment (AutoRecovere...
5214-1693458878915-Unit 6 2023 to 2024 academic year assignment (AutoRecovere...
 
IEEE Aerospace and Electronic Systems Society as a Graduate Student Member
IEEE Aerospace and Electronic Systems Society as a Graduate Student MemberIEEE Aerospace and Electronic Systems Society as a Graduate Student Member
IEEE Aerospace and Electronic Systems Society as a Graduate Student Member
 
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressionsKuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
 
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
Electric vehicle and photovoltaic advanced roles in enhancing the financial p...
 
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdfBPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
 
Exception Handling notes in java exception
Exception Handling notes in java exceptionException Handling notes in java exception
Exception Handling notes in java exception
 
[JPP-1] - (JEE 3.0) - Kinematics 1D - 14th May..pdf
[JPP-1] - (JEE 3.0) - Kinematics 1D - 14th May..pdf[JPP-1] - (JEE 3.0) - Kinematics 1D - 14th May..pdf
[JPP-1] - (JEE 3.0) - Kinematics 1D - 14th May..pdf
 
22CYT12-Unit-V-E Waste and its Management.ppt
22CYT12-Unit-V-E Waste and its Management.ppt22CYT12-Unit-V-E Waste and its Management.ppt
22CYT12-Unit-V-E Waste and its Management.ppt
 
ACRP 4-09 Risk Assessment Method to Support Modification of Airfield Separat...
ACRP 4-09 Risk Assessment Method to Support Modification of Airfield Separat...ACRP 4-09 Risk Assessment Method to Support Modification of Airfield Separat...
ACRP 4-09 Risk Assessment Method to Support Modification of Airfield Separat...
 
Understanding Inductive Bias in Machine Learning
Understanding Inductive Bias in Machine LearningUnderstanding Inductive Bias in Machine Learning
Understanding Inductive Bias in Machine Learning
 
Technical Drawings introduction to drawing of prisms
Technical Drawings introduction to drawing of prismsTechnical Drawings introduction to drawing of prisms
Technical Drawings introduction to drawing of prisms
 
digital fundamental by Thomas L.floydl.pdf
digital fundamental by Thomas L.floydl.pdfdigital fundamental by Thomas L.floydl.pdf
digital fundamental by Thomas L.floydl.pdf
 
ML Based Model for NIDS MSc Updated Presentation.v2.pptx
ML Based Model for NIDS MSc Updated Presentation.v2.pptxML Based Model for NIDS MSc Updated Presentation.v2.pptx
ML Based Model for NIDS MSc Updated Presentation.v2.pptx
 
CSM Cloud Service Management Presentarion
CSM Cloud Service Management PresentarionCSM Cloud Service Management Presentarion
CSM Cloud Service Management Presentarion
 

A Review on Covid Detection using Cross Dataset Analysis

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 01 | Jan 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 888 A Review on Covid Detection using Cross Dataset Analysis Komal Bangarwa1, Najme Zehra Naqvi2 1PG Student, Computer Science and Engineering, Indira Gandhi Delhi Technical University for Women, New Delhi, India 2Professor, Dept. of Computer Science and Engineering, Indira Gandhi Delhi Technical University for Women, New Delhi, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - In the history of the medical field, Covid-19 isone of the deadliest viruses which affected the whole world. The Covid-19 pandemic caused disastrous loss of the human race and unpredictive challenges for community health and even affected the professional world. Various covid detection approaches have been used for fast detection. One of them is medical imaging, specifically Computed Tomography plays a decisive role in examining and monitoring of infected cases. Machine Learning (ML) and Deep Learning (DL)methodsalso have a significant part in developing different modelsthatcan help in diagnosing. This paper will give an overview of deep neural learning approaches usedforcorona-virusdetection by utilizing CT scans in cross-dataset analysis. Even though with ongoing research, model performancehasimprovedwithtime but still there are areas to cover in cross-dataset analysis. Some limitations observed were the generalization problem, dataset bias problem and robustness which is thecapabilityto work with difficult images that occur due to the variation in image technology. The paper also gives an overview of the methods used so far for pre-processing of medical images and transfer learning techniques. Cross-dataset analysis works on improving the model accuracy by handling the above- mentioned knowledge gaps and providing a model thatworks more practically by handling different datasets from different sources of the same task and tests how well it adapts to the model. The result might help in understandingtheapproaches used to overcome the limitations and identify further opportunities in cross-dataset analysis. Key Words: Adaption, Generalization, covid-19dataset, Computed Tomography 1. INTRODUCTION World Health Organization named corona-virus asCovid-19 which is considered as one of the deadliest contagious diseases that originated from the SARS-CoV virus [14]. The last quarter of year 2019 was the beginning phase of this novel virus which has affected the whole world in every sector either its mass-production, shipment or hospitality. Coronaviruses mostly attack respiratory organs [15]. Most people who were infected by this virus encounter mild to moderate level respiratory discomfort but many recover without requiring any especial medical procedure.However, there exist many cases where the condition was severe and needed more medical surveillance. Geriatric people and the one who already have some inherent medical conditionslike diabetes, heart disease,chronicrespiratorydiseaseorcancer were at high risk of reaching a serious condition. Many fast covid detection techniques have been used to check the presence of viruses inside the human body like the RT-PCR test[12][13]. But when cases go to a serious level and the oxygen level started to drop below a certain level (~92%), doctors started to advise CT-scan results for the patients infected by Covid. A computerized tomography scan (i.e., CT scan) provides highly precise images of internal body parts, muscles and blood arteries. This allows doctors torecognize the internal function and analyse their shape, thickness and texture. CT scans are better than X-rays because CT scan provides a set of a portion of the particular region without overlapping different body structures. That’s why CT scans are better because it gives more detailed information through images which helps in extracting the exact problem and its allocation. A numerous DLmethodshaveevolvedand are used for examining Covid-19 by using tomography scans.[24][25][26]. With time,theamountofCT-scanimages begins to increase in number and that results in having a good amount of data that can be used for training models that help in better results. Models trained with one dataset should give good accuracy to similar types of datasets which is one of the main factors in determininghow well ourmodel learned. Two different datasets are used for cross-dataset analysis in which first is alluded to source dataset which is utilized for training the model & the second is the target dataset which is unseen to the model. Their sources are different but they should address the same task. Many different attributes have been seen in cross-dataset overthe years. A short annotation related to its attributes [19] is explained below. 1) Attributes on data:  Data accessibility: Thisrefers totheaccessibilityand ampleness of both source data and target data.  Balanced between data: Do the provided datasets have a balanced number of data samples?  Continuous data: Is the provided data continuousor online and is it progressing with time?  Feature space: Consistency of identified features in data.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 01 | Jan 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 889 2) Attributes on the label:  Available labels: This refers to the accessibility of labels in both datasets.  Label space: Is classification in both data samples similar? Considering the above features, different frameworks are being observed. a) Feature spaces and label spaces inhomogeneous datasets: Both datasets should have comparable feature space and label space. But their data generation sources should be different. b) Feature spaces in heterogeneous datasets: The feature space of both datasets should be contrasting which means their source should be diverse but the classification should be the same. c) Label spaces in heterogeneous datasets: The label space of both datasets is contrasting which means their task is different but their features should be alike. d) Feature and label spaces in heterogeneous datasets: The feature and label spaces of both datasets are contrasting which means the source and task are different. Sometimes because of the complications, many deep neural models require a large number of inputs. However, for the majority, there is a lack of data available for work and for cross-dataset, a good amount of dataset is required for training and testing the model. To overcome, this wecanuse two methods, first is data augmentation and second is transfer learning. A. Data Augmentation The technique helps in increasing the count of training samples by remodeling the images without losing their original knowledge. Remodelinglikerotation,horizontal flip, scaling. This method retains images and will help the physician in explaining the images. B. Transfer learning Training a new model with the help of a pre-trainednetwork & re-training it with another dataset is referred to as transfer learning [21]. A fine-tuned performance by a pre- trained model can be used for deep neural if there is a scarcity of training data since the model already have knowledge from different problems which can be reused [22] in the current model. There are a few steps that are needed for using transfer learning: 1. Weights used in the pre-trainedmodel arecopiedto the new build model. 2. Modifications were made in the newer model’s architecture, together with the recent layers from the top of the model. 3. Randomly initializing the newer added layers. 4. Defining layers to use for the learning process. 5. Performing the learning phase, by improving the weights. There is a number of the advanced method being developed using transfer learning over different datasets[20].Transfer learning not only solves the data scarcity problem but also helps in saving time and improve the performance of the model. In this paper, we will be using cross-dataset analysis on CT scan images used for covid detection. The remainder of the paper is organized as follows: under the literature survey as we discussed the analyzing methods used so far, followed by a conclusion, future scope and ending with references. 2. REVIEW OF LITERATURE SURVEY In past, many research works have been intensively conducted in machine learning and deep learning fields and through them, many new andimprovisedmethodshavebeen developed in every field. Here we will be understanding the work that has been done in diagnosing Covid-19, a global pandemic. We’ll be conciselyreviewing the methodsusedfor image classification focusing onCT(ComputedTomography) scans through deep learning techniques. Below mentioned Table 1, gives a piece of information about the datasets which includes the total images in the dataset with a count on the number of covidand non-covid imagesin datasets. Table 2, presents which dataset is used against which dataset in studies, named Dataset 1 and Dataset 2. Table -1: Dataset details Dataset Information Name of the dataset Total Images Covid19 Images Non- Covid19 Images SARS-CoV-2[1] 2482 CT images 1252 images 1230 images COVID-CT[2] 746 images 349 images 397 images
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 01 | Jan 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 890 Table -2: Cross-Dataset Table Many methods have been used in deep learning for image classification and extracting the information that helps in producing the best outcome from a model. Before using the actual method, the provided data has to be prepared according to the need of the model, this processiscalledpre- processing. It defines the modification process that will be performed on the data before using it in the algorithm. This is important as we can't give raw data,we needtomodify the raw and primary data into clean and properly defined data for achieving better results. Manytechniqueshave beenused for pre-processing which include, (i) a pixel intensity normalization between the scope from [0,1][5][7](ii).Using prepNet[6] helps in standardising CT images concerningthe visual differences in datasets before training. Oneadvantage of using prepNet[23] is, this approach can be combinedwith any diagnosis model, which is a plus point for future progress without additional efforts while it can improve cross-dataset performance. Data augmentation is used for increasing the count of data without losing its knowledge. Zhao Wang[8][30], uses COVID-Net for rapid identification of Covid-19 but he observed some major restrictions occurred due to the recklessness causedbydata heterogeneity in different medical centres regarding numerous imaging environments (for example, imaging protocols, scanner vendors etc.). The two datasets which he has used for his work appears with different image contrast which eventually affects the model outcome. Zhao Wang, redesign the model because the original COVID-Net“lacksin internal feature normalization” [9] which leads to notable variance as CT scan images contain more elaborated patterns, such variance can lead towards the halting of the training stage and influence the prediction accuracy. For handling such variance, batch normalization layers were incorporated [16] to improvise the feature differentiation capability and speed up the training stage. He experimented in two different setups, 1) a single setting, where the model gets trained with every single dataset; and 2) using two datasets (one assigned for training & other for testing). By using redesigned model improvement in results was observed by 12.16% and 14.23% in accuracy. The results which wererecordedusing the redesign Covid-Net were 96.24% and 85.32% in accuracy (when training the model using the SARS-CoV-CT dataset and Covid-CT dataset, respectively.) Efficient-Net is a part of a neural network where the “Mobile Inverted Bottleneck Conv Block” [17] is considered the primary block of the network. The main idea of Efficient- Net architecture is to initialise the model using high quality yet compact base model and progressively compare its dimensions, in a structured pattern using an unwavering scaling coefficient. Pedro Silva [5] performed an experiment which is one of the earliest performed cross-dataset analyses. He uses Efficient-Net, where he also performed data augmentation and uses transfer learning.Histeamuses the SARS-CoV-CT dataset for trainingthe model andhaskept other datasets Covid-CT, completely for testing the model. From his work, he observed that there is a drop in accuracy as compared to individual dataset accuracy and it got worse when the experiment was reversed i.e., training with Covid- CT and testing on SARS-CoV-CT, showing the accuracy drop from 87.68% to 56.16%. They observed that the reason was the lack of diversity in images and image technology issues. Haikel Alhichri[10] uses Efficient Net-B3 which is a bit faster than Efficient-Net. He used his own developed pre- processing method to resize all image data to 256 x 256 pixels which will reduce image loss. Formerly “the EffecientNet-B3 model is pre-trained on the ImageNet dataset [18]”. He modified Efficient-Net-B3 to Efficient-Net- B3-GAP (Global Average pooling). He uses the modified version because it has more relevance to the convolution structure by building a correlation between feature maps and categories. The resulting outcome when trained with SARS-CoV-CT and COVID-19 datasetsrespectivelyare99.1% and 88.18%. His observationsstatethatadaptationisneeded to get better results. Fozia Mehboob [11]uses ViT, a self-attention mechanism. It was observed that the Vision transformer yielded better results than convolutional operations [27]. Although the major advantage of CNN is that it provides a comparison to existing classification but CNN architecture is specific to the task and its computational time is more. A convolutional network uses the information processed by pixel where every pixel has its own significance for the target task which causes reiteration and consumes more time. ViT, is a vision model which takes input images as image patches. The following patches are further fattened for assigning it to the transformer encoder. In his study, he uses a new dataset called Hust19 with SARS-CoV-2 dataset for analysing. He trained the model with the Hust19 dataset and testedit with the SARS-CoV-2 dataset. He also evaluated another scenario where the SARS-CoV-2 dataset has been used for training and the Hust19 dataset for testing. In the second scenario, a downfall in model performance isobservedandaccordingto his observation, the possible reason couldbethevariation in images. Dissimilarity among images was higher in comparison with other datasets and the number of image sample associated with each variation were quite low. The accuracy achieved using Hust19 as the training dataset was 93%. Since ViT (vision transformer) performed poorly in generalization because of the small dataset this couldbeone Cross-Datasets Table Dataset 1 Dataset 2 Dataset used for training SARS-CoV-2 COVID-CT SARS-CoV-2 COVID-CT Hust-19 Hust-19 SARS-CoV-2 + COVID-CT MosMed SARS-CoV-2 + COVID-CT
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 01 | Jan 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 891 of the reasons for the decline in accuracy. When the same model is used with the Hust19 and Covidx datasets the accuracy was comparatively good because the images in both datasets are similar. The achieved accuracy was 94% which was higher when compared to individual datasets.[28][29]. Table -3: Summary of Literature Survey 3. CONCLUSIONS Due to the shortage and false alarms by RT-PCR test and the drastic increase in Covid-19 cases the tomographic scan together with DL approaches proved to be very useful in providing fast and highly accurate results. The model performs better when it gets trained by a large quantity of data using DL techniques. Hereby we came across the cross- dataset analysis concept and some methods which helps in evaluating some knowledge gaps observed during the evaluation. Cross-dataset analysis is not a common method and there is a lot to unwrap in this process. The most common limitations that were observed were the generalization process which deals with the capabilityof the model to work with independence and robustness which deals with the capacity of a model to work with difficult images and the dataset bias problem, which tackles the problem that occurred because of identical data which causes loss when a new data is given to the model. We have discussed pre-processing method used to enhance the properties of medical images. Due to insufficiency in the availability of data volume used for training, maximum models have used data augmentation and transfer learning approaches. Most of the DL methods for Covid-19 detection use pre-trained models to streamline the process duringthe quick increase in cases. Efficient-Net, Covid-Net, Vision transformation(ViT), and DenseNet are the pre-trained models mostly used in detection. The role of the medical imaging technique, CT scan is also briefly discussed. CT images are highly sensitive for analysing the seriousness of the covid condition. As it is a new pandemic, more research can be done using a large number of datasets obtained from different sources. Results came up from various trained transfer learning models that could be either incorporate to build up a hybrid model or could be used for comparison when systematic changes are made in models to improve accuracy. In future, research can focus on getting more improvised methods for improving the quality of imagesandthe model thatworkson different datasets, providing only one dataset for training to deal with generalization problems and problems occurred due to imaging technologies. This will help in diagnosingthe covid-19 more accurately even by providing CT scan images from a completely new environment. REFERENCES [1] E. Soares, P. Angelov, S. Biaso, M. Higa Froes and D. Kanda Abe, "Sars-cov-2 CT-scan dataset: A large dataset of real patients CT scans for sars-cov-2 identification", medRxiv, 2020. [2] J. Zhao, X. He, X. Yang, Y. Zhang, S. Zhang and P. Xie, "Covid-CT-dataset: A CT scan dataset about covid-19", 2020. Review table Literature Dataset Method Result Mohamm adreza Amirian et al. 2022 Public datasets (SARSCOV ID-2, UCSD COVID-CT, MosMed Autoencoders(V gg Net-16), PrepNet. Trained on SARSCOVID-2 and COVID-CT. Tested on MosMed. PrepNet improves the cross-dataset balanced accuracy by a margin of 11.84 percentage points Zhao Wang et al. 2020 Covid-CT dataset and SARS- CoV-2 CT Scan dataset COVID-Net Trained On SARS-CoV-2 CT data and Tested on Covid-CT data. The accuracy achieved 85.6% whereas the performance score was increased by 7.8%. Pedro Silva et al. 2020 Covid-CT dataset and SARS- CoV-2 CT Scan dataset Efficient-Net model. Trained on SARA-CoV-2-CT and tested on Covid-CT This was the first time this experiment was done so accuracy from 87.86% dropped to 59%. Haikel Alhichri et al. 2020 Covid-CT dataset and SARS- CoV-2 CT Scan dataset Two models used: DenseNet & EfficientNet B- 3(with Vgg-16, ResNet) Trained on SARS-CoV-2 CT Scan and Tested on Covid-CT Achieved an accuracy of 96.4%. Ludmila Silva et al. 2020 Covid-CT dataset and SARS- CoV-2 CT Scan dataset EfficientNet model. Trained on Covid-CT and tested on SARA- CoV-2-CT. Voting-based approach. Achieved an accuracy of 88%. Fozia Mehboob et al. 2022 SARS-CoV- 2 CT Scan dataset, HUST-19, CovidX. Vision Transformer (ViT). Training on the Hust19 dataset and testing COVIDx dataset. Achieved an accuracy of 94%.
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 01 | Jan 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 892 [3] Hust-19dataset: “https://bioengineeringcommunity.nature.com/posts/h ust-19-for-predicting-covid-19-clinical-outcomes“ [4] S. P. Morozov, A. E. Andreychenko, N. A. Pavlov, A. V. Vladzymyrskyy, N. V. Ledikhova,V.A.Gombolevskiy,I.A. Blokhin, P. B. Gelezhe, A. V. Gonchar, and V. Y. Chernina, “Mosmeddata: Chest ct scans with covid-19 related findings dataset,” 2020. [5] Pedro Silva, Eduardo Jose da Silva Luz, Guilherme Silva, Gladston Moreira, “Efficient Deep Learning Model for COVID-19 Detection in large CT images datasets: A cross-dataset analysis” 2020 [6] Mohammadreza Amirian, Javier A. Montoya-Zegarra, Jonathan Gruss, Yves D. Stebler, Ahmet Selman Bozkir, Marco Calandri, Friedhelm Schwenker, Thilo Stadelmann, “PrepNet: A Convolutional Auto-Encoderto Homogenize CT Scans for Cross-Dataset Medical Image Analysis”,2022. [7] Pedro Silva, Eduardo Jose da Silva Luz, Guilherme Silva, Gladston Moreira,” COVID-19 detection in CT images with deep learning: A voting-based scheme and cross- datasets analysis”, 2020. [8] Zhao Wang, Quande Liu, Qi Dou,” Contrastive Cross-Site Learning With Redesigned Net for COVID-19 CT Classification, 2020 [9] L. Wang and A. Wong, "Covid-net: A tailored deep convolutional neural network design for detection of covid-19 cases from chest x-ray images", 2020. [10] Haikel Alhichri, “CNN Ensemble Approach to Detect COVID-19 from Computed Tomography Chest Images”, 2021 [11] Fozia Mehboob, Abdul Rauf,RichardJiang,Abdul Khader Jilani Saudagar, Khalid Mahmood Malik, Muhammad Badruddin Khan, Mozaherul HoqueAbdul Hasnat, Abdullah Al Tameem, Mohammed AlKhathami. ‘’Towards robust diagnosis of COVID‑ 19 using vision self‑ attention transformer’’ [12] Organization, W.H (2020) Clinical management of severe acute respiratory infection when novel coronavirus (2019-nCoV)infectionissuspected:interim guidance, in the clinical management of severe acute respiratory infection when novel coronavirus (2019- nCoV) infection is suspected: interim guidance [13] Alsharif W, Qurashi A. “Effectiveness of COVID-19 diagnosis and management tools: a review.” Radiography. 2020;27:682–687. DOI: 10.1016/j.radi.2020.09.010. [14] Kristian G. Andersen, et al. “Theproximal originofSARS- CoV-2 Nature medicine”,2020. [15] Tanu Singhal, “A review of coronavirus disease- 2019(COVID-19)”, 2020 [16] S. Ioffe and C. Szegedy, "Batch normalization: Accelerating deep network trainingbyreducinginternal covariate shift", arXiv:1502.03167, 2015. [17] Zhao, Y. Zhang, X. He, P. Xie, “Covid-ct-dataset: a ct scan dataset about covid-19”, arXiv preprint arXiv:2003.13865 (2020). [18] O. Russakovsky, J. Deng, H. Su, J. Krause, S. Satheesh et al., “ImageNet large scale visual recognition challenge,” International Journal of Computer Vision, vol.115,no.3, pp. 211–252, 2015. [19] Jing Zhang, Wanqing Li, Philip Ogunbona,Dong Xu “Recent Advances in Transfer Learning for Cross- Dataset Visual Recognition: A Problem-Oriented Perspective”, 2019 [20] Sinno Jialin Pan and Qiang Yang, A survey on transfer learning. IEEE Transactions on Knowledge and Data Engineering 22, 10 (2010), 1345–1359. [21] Russakovsky, J. Deng, H. Su, J. Krause, S. Satheesh, S. Ma, Z. Huang, Karpathy, A. Khosla, M.Bernstein, et al., “Imagenet large scale visual recognition challenge”, International journal of computer vision 115 (3) (2015) 211–252. Goodfellow, Y. Bengio, A. Courville, Deep [22] Oquab, L. Bottou, I. Laptev, J. Sivic, Learning and transferring mid-level image representations using convolutional neural networks, in Proceedings of the IEEE conference on computer vision and pattern recognition, 2014, pp. 1717–1724. [23] A. Mobiny, P. A. Cicalese, S. Zare, P. Yuan,M.Abavisani,C. C. Wu, J. Ahuja, P. M. de Groot, and H. Van Nguyen, “Radiologist-level covid19 detection using ct scans with detail-oriented capsule networks,” arXiv preprint arXiv:2004.07407, 2020. [24] He X., Yang X., Zhang S., Zhao J., Zhang Y., Xing E., Xie P. medRxiv; 2020. Sample-efficient deep learning for covid-19 diagnosis based on ct scans. [25] Polsinelli M., Cinque L., Placidi G. 2020. A light cnn for detecting covid-19 from ct scans of the chest [26] Amyar A., Modzelewski R., Ruan S. medRxiv; 2020. Multi-task deep learning based ct imaging analysis for covid-19: classification and segmentation
  • 6. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 01 | Jan 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 893 [27] Transformers forImageRecognitionatScale—GoogleAI Blog. Dec 2020, http://ai.googleblog.com [28] Ning, W. et al. Open resource of clinical data from patients with pneumonia for the predictionofCOVID-19 outcomes via deep learning. Nat. Biomed. Eng. 4(12), 1197–1207 (2020). [29] Zheng, C., Deng, X., Fu, Q., Zhou, Q., Feng, J., Ma, H., Liu, W., Wang, X. (2020) Deep learning-based detection for COVID-19 from chest CT using a weak label. MedRxiv. [30] Wang L, Lin ZQ, Wong A. “Covid-net: a tailored deep convolutional neural network design for detection of covid-19 cases from chest x-ray images”. Sci Rep. 2020