首页 | 本学科首页   官方微博 | 高级检索  
相似文献
 共查询到20条相似文献,搜索用时 62 毫秒
1.
COVID-19 has been considered one of the recent epidemics that occurred at the last of 2019 and the beginning of 2020 that world widespread. This spread of COVID-19 requires a fast technique for diagnosis to make the appropriate decision for the treatment. X-ray images are one of the most classifiable images that are used widely in diagnosing patients’ data depending on radiographs due to their structures and tissues that could be classified. Convolutional Neural Networks (CNN) is the most accurate classification technique used to diagnose COVID-19 because of the ability to use a different number of convolutional layers and its high classification accuracy. Classification using CNNs techniques requires a large number of images to learn and obtain satisfactory results. In this paper, we used SqueezNet with a modified output layer to classify X-ray images into three groups: COVID-19, normal, and pneumonia. In this study, we propose a deep learning method with enhance the features of X-ray images collected from Kaggle, Figshare to distinguish between COVID-19, Normal, and Pneumonia infection. In this regard, several techniques were used on the selected image samples which are Unsharp filter, Histogram equal, and Complement image to produce another view of the dataset. The Squeeze Net CNN model has been tested in two scenarios using the 13,437 X-ray images that include 4479 for each type (COVID-19, Normal and Pneumonia). In the first scenario, the model has been tested without any enhancement on the datasets. It achieved an accuracy of 91%. But, in the second scenario, the model was tested using the same previous images after being improved by several techniques and the performance was high at approximately 95%. The conclusion of this study is the used model gives higher accuracy results for enhanced images compared with the accuracy results for the original images. A comparison of the outcomes demonstrated the effectiveness of our DL method for classifying COVID-19 based on enhanced X-ray images.  相似文献   

2.
The COVID-19 pandemic poses an additional serious public health threat due to little or no pre-existing human immunity, and developing a system to identify COVID-19 in its early stages will save millions of lives. This study applied support vector machine (SVM), k-nearest neighbor (K-NN) and deep learning convolutional neural network (CNN) algorithms to classify and detect COVID-19 using chest X-ray radiographs. To test the proposed system, chest X-ray radiographs and CT images were collected from different standard databases, which contained 95 normal images, 140 COVID-19 images and 10 SARS images. Two scenarios were considered to develop a system for predicting COVID-19. In the first scenario, the Gaussian filter was applied to remove noise from the chest X-ray radiograph images, and then the adaptive region growing technique was used to segment the region of interest from the chest X-ray radiographs. After segmentation, a hybrid feature extraction composed of 2D-DWT and gray level co-occurrence matrix was utilized to extract the features significant for detecting COVID-19. These features were processed using SVM and K-NN. In the second scenario, a CNN transfer model (ResNet 50) was used to detect COVID-19. The system was examined and evaluated through multiclass statistical analysis, and the empirical results of the analysis found significant values of 97.14%, 99.34%, 99.26%, 99.26% and 99.40% for accuracy, specificity, sensitivity, recall and AUC, respectively. Thus, the CNN model showed significant success; it achieved optimal accuracy, effectiveness and robustness for detecting COVID-19.  相似文献   

3.
The latest studies with radiological imaging techniques indicate that X-ray images provide valuable details on the Coronavirus disease 2019 (COVID-19). The usage of sophisticated artificial intelligence technology (AI) and the radiological images can help in diagnosing the disease reliably and addressing the problem of the shortage of trained doctors in remote villages. In this research, the automated diagnosis of Coronavirus disease was performed using a dataset of X-ray images of patients with severe bacterial pneumonia, reported COVID-19 disease, and normal cases. The goal of the study is to analyze the achievements for medical image recognition of state-of-the-art neural networking architectures. Transfer Learning technique has been implemented in this work. Transfer learning is an ambitious task, but it results in impressive outcomes for identifying distinct patterns in tiny datasets of medical images. The findings indicate that deep learning with X-ray imagery could retrieve important biomarkers relevant for COVID-19 disease detection. Since all diagnostic measures show failure levels that pose questions, the scientific profession should determine the probability of integration of X-rays with the clinical treatment, utilizing the results. The proposed model achieved 96.73% accuracy outperforming the ResNet50 and traditional Resnet18 models. Based on our findings, the proposed system can help the specialist doctors in making verdicts for COVID-19 detection.  相似文献   

4.
Coronavirus disease (COVID-19) is an extremely infectious disease and possibly causes acute respiratory distress or in severe cases may lead to death. There has already been some research in dealing with coronavirus using machine learning algorithms, but few have presented a truly comprehensive view. In this research, we show how convolutional neural network (CNN) can be useful to detect COVID-19 using chest X-ray images. We leverage the CNN-based pre-trained models as feature extractors to substantiate transfer learning and add our own classifier in detecting COVID-19. In this regard, we evaluate performance of five different pre-trained models with fine-tuning the weights from some of the top layers. We also develop an ensemble model where the predictions from all chosen pre-trained models are combined to generate a single output. The models are evaluated through 5-fold cross validation using two publicly available data repositories containing healthy and infected (both COVID-19 and other pneumonia) chest X-ray images. We also leverage two different visualization techniques to observe how efficiently the models extract important features related to the detection of COVID- 19 patients. The models show high degree of accuracy, precision, and sensitivity. We believe that the models will aid medical professionals with improved and faster patient screening and pave a way to further COVID-19 research.  相似文献   

5.
Lightweight deep convolutional neural networks (CNNs) present a good solution to achieve fast and accurate image-guided diagnostic procedures of COVID-19 patients. Recently, advantages of portable Ultrasound (US) imaging such as simplicity and safe procedures have attracted many radiologists for scanning suspected COVID-19 cases. In this paper, a new framework of lightweight deep learning classifiers, namely COVID-LWNet is proposed to identify COVID-19 and pneumonia abnormalities in US images. Compared to traditional deep learning models, lightweight CNNs showed significant performance of real-time vision applications by using mobile devices with limited hardware resources. Four main lightweight deep learning models, namely MobileNets, ShuffleNets, MENet and MnasNet have been proposed to identify the health status of lungs using US images. Public image dataset (POCUS) was used to validate our proposed COVID-LWNet framework successfully. Three classes of infectious COVID-19, bacterial pneumonia, and the healthy lung were investigated in this study. The results showed that the performance of our proposed MnasNet classifier achieved the best accuracy score and shortest training time of 99.0% and 647.0 s, respectively. This paper demonstrates the feasibility of using our proposed COVID-LWNet framework as a new mobile-based radiological tool for clinical diagnosis of COVID-19 and other lung diseases.  相似文献   

6.
A hybrid convolutional neural network (CNN)-based model is proposed in the article for accurate detection of COVID-19, pneumonia, and normal patients using chest X-ray images. The input images are first pre-processed to tackle problems associated with the formation of the dataset from different sources, image quality issues, and imbalances in the dataset. The literature suggests that several abnormalities can be found with limited medical image datasets by using transfer learning. Hence, various pre-trained CNN models: VGG-19, InceptionV3, MobileNetV2, and DenseNet are adopted in the present work. Finally, with the help of these models, four hybrid models: VID (VGG-19, Inception, and DenseNet), VMI(VGG-19, MobileNet, and Inception), VMD (VGG-19, MobileNet, and DenseNet), and IMD(Inception, MobileNet, and DenseNet) are proposed. The model outcome is also tested using five-fold cross-validation. The best-performing hybrid model is the VMD model with an overall testing accuracy of 97.3%. Thus, a new hybrid model architecture is presented in the work that combines three individual base CNN models in a parallel configuration to counterbalance the shortcomings of individual models. The experimentation result reveals that the proposed hybrid model outperforms most of the previously suggested models. This model can also be used in the identification of diseases, especially in rural areas where limited laboratory facilities are available.  相似文献   

7.
8.
COVID-19 remains to proliferate precipitously in the world. It has significantly influenced public health, the world economy, and the persons’ lives. Hence, there is a need to speed up the diagnosis and precautions to deal with COVID-19 patients. With this explosion of this pandemic, there is a need for automated diagnosis tools to help specialists based on medical images. This paper presents a hybrid Convolutional Neural Network (CNN)-based classification and segmentation approach for COVID-19 detection from Computed Tomography (CT) images. The proposed approach is employed to classify and segment the COVID-19, pneumonia, and normal CT images. The classification stage is firstly applied to detect and classify the input medical CT images. Then, the segmentation stage is performed to distinguish between pneumonia and COVID-19 CT images. The classification stage is implemented based on a simple and efficient CNN deep learning model. This model comprises four Rectified Linear Units (ReLUs), four batch normalization layers, and four convolutional (Conv) layers. The Conv layer depends on filters with sizes of 64, 32, 16, and 8. A 2 × 2 window and a stride of 2 are employed in the utilized four max-pooling layers. A soft-max activation function and a Fully-Connected (FC) layer are utilized in the classification stage to perform the detection process. For the segmentation process, the Simplified Pulse Coupled Neural Network (SPCNN) is utilized in the proposed hybrid approach. The proposed segmentation approach is based on salient object detection to localize the COVID-19 or pneumonia region, accurately. To summarize the contributions of the paper, we can say that the classification process with a CNN model can be the first stage a highly-effective automated diagnosis system. Once the images are accepted by the system, it is possible to perform further processing through a segmentation process to isolate the regions of interest in the images. The region of interest can be assesses both automatically and through experts. This strategy helps so much in saving the time and efforts of specialists with the explosion of COVID-19 pandemic in the world. The proposed classification approach is applied for different scenarios of 80%, 70%, or 60% of the data for training and 20%, 30, or 40% of the data for testing, respectively. In these scenarios, the proposed approach achieves classification accuracies of 100%, 99.45%, and 98.55%, respectively. Thus, the obtained results demonstrate and prove the efficacy of the proposed approach for assisting the specialists in automated medical diagnosis services.  相似文献   

9.
10.
Coronavirus (COVID-19) outbreak was first identified in Wuhan, China in December 2019. It was tagged as a pandemic soon by the WHO being a serious public medical condition worldwide. In spite of the fact that the virus can be diagnosed by qRT-PCR, COVID-19 patients who are affected with pneumonia and other severe complications can only be diagnosed with the help of Chest X-Ray (CXR) and Computed Tomography (CT) images. In this paper, the researchers propose to detect the presence of COVID-19 through images using Best deep learning model with various features. Impressive features like Speeded-Up Robust Features (SURF), Features from Accelerated Segment Test (FAST) and Scale-Invariant Feature Transform (SIFT) are used in the test images to detect the presence of virus. The optimal features are extracted from the images utilizing DeVGGCovNet (Deep optimal VGG16) model through optimal learning rate. This task is accomplished by exceptional mating conduct of Black Widow spiders. In this strategy, cannibalism is incorporated. During this phase, fitness outcomes are rejected and are not satisfied by the proposed model. The results acquired from real case analysis demonstrate the viability of DeVGGCovNet technique in settling true issues using obscure and testing spaces. VGG 16 model identifies the image which has a place with which it is dependent on the distinctions in images. The impact of the distinctions on labels during training stage is studied and predicted for test images. The proposed model was compared with existing state-of-the-art models and the results from the proposed model for disarray grid estimates like Sen, Spec, Accuracy and F1 score were promising.  相似文献   

11.
(Aim) To make a more accurate and precise COVID-19 diagnosis system, this study proposed a novel deep rank-based average pooling network (DRAPNet) model, i.e., deep rank-based average pooling network, for COVID-19 recognition. (Methods) 521 subjects yield 1164 slice images via the slice level selection method. All the 1164 slice images comprise four categories: COVID-19 positive; community-acquired pneumonia; second pulmonary tuberculosis; and healthy control. Our method firstly introduced an improved multiple-way data augmentation. Secondly, an n-conv rank-based average pooling module (NRAPM) was proposed in which rank-based pooling—particularly, rank-based average pooling (RAP)—was employed to avoid overfitting. Third, a novel DRAPNet was proposed based on NRAPM and inspired by the VGG network. Grad-CAM was used to generate heatmaps and gave our AI model an explainable analysis. (Results) Our DRAPNet achieved a micro-averaged F1 score of 95.49% by 10 runs over the test set. The sensitivities of the four classes were 95.44%, 96.07%, 94.41%, and 96.07%, respectively. The precisions of four classes were 96.45%, 95.22%, 95.05%, and 95.28%, respectively. The F1 scores of the four classes were 95.94%, 95.64%, 94.73%, and 95.67%, respectively. Besides, the confusion matrix was given. (Conclusions) The DRAPNet is effective in diagnosing COVID-19 and other chest infectious diseases. The RAP gives better results than four other methods: strided convolution, l2-norm pooling, average pooling, and max pooling.  相似文献   

12.
This study is designed to develop Artificial Intelligence (AI) based analysis tool that could accurately detect COVID-19 lung infections based on portable chest x-rays (CXRs). The frontline physicians and radiologists suffer from grand challenges for COVID-19 pandemic due to the suboptimal image quality and the large volume of CXRs. In this study, AI-based analysis tools were developed that can precisely classify COVID-19 lung infection. Publicly available datasets of COVID-19 (N = 1525), non-COVID-19 normal (N = 1525), viral pneumonia (N = 1342) and bacterial pneumonia (N = 2521) from the Italian Society of Medical and Interventional Radiology (SIRM), Radiopaedia, The Cancer Imaging Archive (TCIA) and Kaggle repositories were taken. A multi-approach utilizing deep learning ResNet101 with and without hyperparameters optimization was employed. Additionally, the features extracted from the average pooling layer of ResNet101 were used as input to machine learning (ML) algorithms, which twice trained the learning algorithms. The ResNet101 with optimized parameters yielded improved performance to default parameters. The extracted features from ResNet101 are fed to the k-nearest neighbor (KNN) and support vector machine (SVM) yielded the highest 3-class classification performance of 99.86% and 99.46%, respectively. The results indicate that the proposed approach can be better utilized for improving the accuracy and diagnostic efficiency of CXRs. The proposed deep learning model has the potential to improve further the efficiency of the healthcare systems for proper diagnosis and prognosis of COVID-19 lung infection.  相似文献   

13.
A chest radiology scan can significantly aid the early diagnosis and management of COVID-19 since the virus attacks the lungs. Chest X-ray (CXR) gained much interest after the COVID-19 outbreak thanks to its rapid imaging time, widespread availability, low cost, and portability. In radiological investigations, computer-aided diagnostic tools are implemented to reduce intra- and inter-observer variability. Using lately industrialized Artificial Intelligence (AI) algorithms and radiological techniques to diagnose and classify disease is advantageous. The current study develops an automatic identification and classification model for CXR pictures using Gaussian Filtering based Optimized Synergic Deep Learning using Remora Optimization Algorithm (GF-OSDL-ROA). This method is inclusive of preprocessing and classification based on optimization. The data is preprocessed using Gaussian filtering (GF) to remove any extraneous noise from the image’s edges. Then, the OSDL model is applied to classify the CXRs under different severity levels based on CXR data. The learning rate of OSDL is optimized with the help of ROA for COVID-19 diagnosis showing the novelty of the work. OSDL model, applied in this study, was validated using the COVID-19 dataset. The experiments were conducted upon the proposed OSDL model, which achieved a classification accuracy of 99.83%, while the current Convolutional Neural Network achieved less classification accuracy, i.e., 98.14%.  相似文献   

14.
COVID-19 is a global pandemic disease, which results from a dangerous coronavirus attack, and spreads aggressively through close contacts with infected people and artifacts. So far, there is not any prescribed line of treatment for COVID-19 patients. Measures to control the disease are very limited, partly due to the lack of knowledge about technologies which could be effectively used for early detection and control the disease. Early detection of positive cases is critical in preventing further spread, achieving the herd immunity, and saving lives. Unfortunately, so far we do not have effective toolkits to diagnose very early detection of the disease. Recent research findings have suggested that radiology images, such as X-rays, contain significant information to detect the presence of COVID-19 virus in early stages. However, to detect the presence of the disease in in very early stages from the X-ray images by the naked eye is not possible. Artificial Intelligence (AI) techniques, machine learning in particular, are known to be very helpful in accurately diagnosing many diseases from radiology images. This paper proposes an automatic technique to classify COVID-19 patients from their computerized tomography (CT) scan images. The technique is known as Advanced Inception based Recurrent Residual Convolution Neural Network (AIRRCNN), which uses machine learning techniques for classifying data. We focus on the Advanced Inception based Recurrent Residual Convolution Neural Network, because we do not find it being used in the literature. Also, we conduct principal component analysis, which is used for dimensional deduction. Experimental results of our method have demonstrated an accuracy of about 99%, which is regarded to be very efficient.  相似文献   

15.
16.
Coronavirus (COVID-19) infection was initially acknowledged as a global pandemic in Wuhan in China. World Health Organization (WHO) stated that the COVID-19 is an epidemic that causes a 3.4% death rate. Chest X-Ray (CXR) and Computerized Tomography (CT) screening of infected persons are essential in diagnosis applications. There are numerous ways to identify positive COVID-19 cases. One of the fundamental ways is radiology imaging through CXR, or CT images. The comparison of CT and CXR scans revealed that CT scans are more effective in the diagnosis process due to their high quality. Hence, automated classification techniques are required to facilitate the diagnosis process. Deep Learning (DL) is an effective tool that can be utilized for detection and classification this type of medical images. The deep Convolutional Neural Networks (CNNs) can learn and extract essential features from different medical image datasets. In this paper, a CNN architecture for automated COVID-19 detection from CXR and CT images is offered. Three activation functions as well as three optimizers are tested and compared for this task. The proposed architecture is built from scratch and the COVID-19 image datasets are directly fed to train it. The performance is tested and investigated on the CT and CXR datasets. Three activation functions: Tanh, Sigmoid, and ReLU are compared using a constant learning rate and different batch sizes. Different optimizers are studied with different batch sizes and a constant learning rate. Finally, a comparison between different combinations of activation functions and optimizers is presented, and the optimal configuration is determined. Hence, the main objective is to improve the detection accuracy of COVID-19 from CXR and CT images using DL by employing CNNs to classify medical COVID-19 images in an early stage. The proposed model achieves a classification accuracy of 91.67% on CXR image dataset, and a classification accuracy of 100% on CT dataset with training times of 58 min and 46 min on CXR and CT datasets, respectively. The best results are obtained using the ReLU activation function combined with the SGDM optimizer at a learning rate of 10−5 and a minibatch size of 16.  相似文献   

17.
Early diagnosis of a pandemic disease like COVID-19 can help deal with a dire situation and help radiologists and other experts manage human resources more effectively. In a recent pandemic, laboratories perform diagnostics manually, which requires a lot of time and expertise of the laboratorial technicians to yield accurate results. Moreover, the cost of kits is high, and well-equipped labs are needed to perform this test. Therefore, other means of diagnosis is highly desirable. Radiography is one of the existing methods that finds its use in the diagnosis of COVID-19. The radiography observes change in Computed Tomography (CT) chest images of patients, developing a deep learning-based method to extract graphical features which are used for automated diagnosis of the disease ahead of laboratory-based testing. The proposed work suggests an Artificial Intelligence (AI) based technique for rapid diagnosis of COVID-19 from given volumetric chest CT images of patients by extracting its visual features and then using these features in the deep learning module. The proposed convolutional neural network aims to classify the infectious and non-infectious SARS-COV2 subjects. The proposed network utilizes 746 chests scanned CT images of 349 images belonging to COVID-19 positive cases, while 397 belong to negative cases of COVID-19. Our experiment resulted in an accuracy of 98.4%, sensitivity of 98.5%, specificity of 98.3%, precision of 97.1%, and F1-score of 97.8%. The additional parameters of classification error, mean absolute error (MAE), root-mean-square error (RMSE), and Matthew’s correlation coefficient (MCC) are used to evaluate our proposed work. The obtained result shows the outstanding performance for the classification of infectious and non-infectious for COVID-19 cases.  相似文献   

18.
Pulmonary diseases are common throughout the world, especially in developing countries. These diseases include chronic obstructive pulmonary diseases, pneumonia, asthma, tuberculosis, fibrosis, and recently COVID-19. In general, pulmonary diseases have a similar footprint on chest radiographs which makes them difficult to discriminate even for expert radiologists. In recent years, many image processing techniques and artificial intelligence models have been developed to quickly and accurately diagnose lung diseases. In this paper, the performance of four popular pretrained models (namely VGG16, DenseNet201, DarkNet19, and XceptionNet) in distinguishing between different pulmonary diseases was analyzed. To the best of our knowledge, this is the first published study to ever attempt to distinguish all four cases normal, pneumonia, COVID-19 and lung opacity from Chest-X-Ray (CXR) images. All models were trained using Chest-X-Ray (CXR) images, and statistically tested using 5-fold cross validation. Using individual models, XceptionNet outperformed all other models with a 94.775% accuracy and Area Under the Curve (AUC) of Receiver Operating Characteristic (ROC) of 99.84%. On the other hand, DarkNet19 represents a good compromise between accuracy, fast convergence, resource utilization, and near real time detection (0.33 s). Using a collection of models, the 97.79% accuracy achieved by Ensemble Features was the highest among all surveyed methods, but it takes the longest time to predict an image (5.68 s). An efficient effective decision support system can be developed using one of those approaches to assist radiologists in the field make the right assessment in terms of accuracy and prediction time, such a dependable system can be used in rural areas and various healthcare sectors.  相似文献   

19.
Starting from late 2019, the new coronavirus disease (COVID-19) has become a global crisis. With the development of online social media, people prefer to express their opinions and discuss the latest news online. We have witnessed the positive influence of online social media, which helped citizens and governments track the development of this pandemic in time. It is necessary to apply artificial intelligence (AI) techniques to online social media and automatically discover and track public opinions posted online. In this paper, we take Sina Weibo, the most widely used online social media in China, for analysis and experiments. We collect multi-modal microblogs about COVID-19 from 2020/1/1 to 2020/3/31 with a web crawler, including texts and images posted by users. In order to effectively discover what is being discussed about COVID-19 without human labeling, we propose a unified multi-modal framework, including an unsupervised short-text topic model to discover and track bursty topics, and a selfsupervised model to learn image features so that we can retrieve related images about COVID-19. Experimental results have shown the effectiveness and superiority of the proposed models, and also have shown the considerable application prospects for analyzing and tracking public opinions about COVID-19.  相似文献   

20.
Considerable resources, technology, and efforts are being utilized worldwide to eradicate the coronavirus. Although certain measures taken to prevent the further spread of the disease have been successful, efforts to completely wipe out the coronavirus have been insufficient. Coronavirus patients have symptoms similar to those of chest Tuberculosis (TB) or pneumonia patients. Chest tuberculosis and coronavirus are similar because both diseases affect the lungs, cause coughing and produce an irregular respiratory system. Both diseases can be confirmed through X-ray imaging. It is a difficult task to diagnose COVID-19, as coronavirus testing kits are neither excessively available nor very reliable. In addition, specially trained staff and specialized equipment in medical laboratories are needed to carry out a coronavirus test. However, most of the staff is not fully trained, and several laboratories do not have special equipment to perform a coronavirus test. Therefore, hospitals and medical staff are under stress to meet necessary workloads. Most of the time, these staffs confuse the tuberculosis or pneumonia patient with a coronavirus patient, as these patients present similar symptoms. To meet the above challenges, a comprehensive solution based on a deep learning model has been proposed to distinguish COVID-19 patients from either tuberculosis patients or healthy people. The framework contains a fusion of Visual Geometry Group from Oxford (VGG16) and Residual Network (ResNet18) algorithms as VGG16 contains robust convolutional layers, and Resnet18 is a good classifier. The proposed model outperforms other machine learning and deep learning models as more than 94% accuracy for multiclass identification has been achieved.  相似文献   

设为首页 | 免责声明 | 关于勤云 | 加入收藏

Copyright©北京勤云科技发展有限公司  京ICP备09084417号