首页 | 本学科首页   官方微博 | 高级检索  
相似文献
 共查询到20条相似文献,搜索用时 15 毫秒
1.
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.  相似文献   

2.
3.
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.  相似文献   

4.
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.  相似文献   

5.
6.
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%.  相似文献   

7.
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.  相似文献   

8.
Human gait recognition (HGR) has received a lot of attention in the last decade as an alternative biometric technique. The main challenges in gait recognition are the change in in-person view angle and covariant factors. The major covariant factors are walking while carrying a bag and walking while wearing a coat. Deep learning is a new machine learning technique that is gaining popularity. Many techniques for HGR based on deep learning are presented in the literature. The requirement of an efficient framework is always required for correct and quick gait recognition. We proposed a fully automated deep learning and improved ant colony optimization (IACO) framework for HGR using video sequences in this work. The proposed framework consists of four primary steps. In the first step, the database is normalized in a video frame. In the second step, two pre-trained models named ResNet101 and InceptionV3 are selected and modified according to the dataset's nature. After that, we trained both modified models using transfer learning and extracted the features. The IACO algorithm is used to improve the extracted features. IACO is used to select the best features, which are then passed to the Cubic SVM for final classification. The cubic SVM employs a multiclass method. The experiment was carried out on three angles (0, 18, and 180) of the CASIA B dataset, and the accuracy was 95.2, 93.9, and 98.2 percent, respectively. A comparison with existing techniques is also performed, and the proposed method outperforms in terms of accuracy and computational time.  相似文献   

9.
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.  相似文献   

10.
Aortic dissection (AD) is a kind of acute and rapidly progressing cardiovascular disease. In this work, we build a CTA image library with 88 CT cases, 43 cases of aortic dissection and 45 cases of health. An aortic dissection detection method based on CTA images is proposed. ROI is extracted based on binarization and morphology opening operation. The deep learning networks (InceptionV3, ResNet50, and DenseNet) are applied after the preprocessing of the datasets. Recall, F1-score, Matthews correlation coefficient (MCC) and other performance indexes are investigated. It is shown that the deep learning methods have much better performance than the traditional method. And among those deep learning methods, DenseNet121 can exceed other networks such as ResNet50 and InceptionV3.  相似文献   

11.
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.  相似文献   

12.
Real-time detection of Covid-19 has definitely been the most widely-used world-wide classification problem since the start of the pandemic from 2020 until now. In the meantime, airspace opacities spreads related to lung have been of the most challenging problems in this area. A common approach to do on that score has been using chest X-ray images to better diagnose positive Covid-19 cases. Similar to most other classification problems, machine learning-based approaches have been the first/most-used candidates in this application. Many schemes based on machine/deep learning have been proposed in recent years though increasing the performance and accuracy of the system has still remained an open issue. In this paper, we develop a novel deep learning architecture to better classify the Covid-19 X-ray images. To do so, we first propose a novel multi-habitat migration artificial bee colony (MHMABC) algorithm to improve the exploitation/exploration of artificial bee colony (ABC) algorithm. After that, we optimally train the fully connected by using the proposed MHMABC algorithm to obtain better accuracy and convergence rate while reducing the execution cost. Our experiment results on Covid-19 X-ray image dataset show that the proposed deep architecture has a great performance in different important optimization parameters. Furthermore, it will be shown that the MHMABC algorithm outperforms the state-of-the-art algorithms by evaluating its performance using some well-known benchmark datasets.  相似文献   

13.
Accurate identification of Hepatitis B virus (HBV) disease by analyzing the Raman spectroscopic images is a challenge for pathologists. To save precious human lives, an efficient technique is required with higher diagnostic accuracy at early‐stage of HBV. We proposed a novel method of HBV diagnosis using deep neural networks with the concept of transfer learning and Raman spectroscopic images. The proposed approach developed by utilizing pretrained convolutional neural networks ResNet101 by employing transfer learning on a real dataset of HBV‐infected blood plasma samples. Dataset consists of 1000 Raman images in which 600 are HBV‐infected blood plasma samples, and 400 are healthy ones. The developed model is capable to detect minute variation between infected and healthy samples and achieved enhanced performance. The proposed approach has been assessed and attained high classification accuracy, sensitivity, specificity, and AUC of 99.7%, 100%, 99.25%, and 98.7%, respectively. The proposed TL‐ResNet101 model outperformed the conventional approaches such as PCA‐SVM and PCA‐LDA and demonstrated improved accuracy more than 7%. High performance indicates that the developed TL‐ResNet101 model has potential to use for HBV diagnosis. Moreover, the developed automated approach can be extended for other disease.  相似文献   

14.
15.
16.
The purpose of this research is the segmentation of lungs computed tomography (CT) scan for the diagnosis of COVID-19 by using machine learning methods. Our dataset contains data from patients who are prone to the epidemic. It contains three types of lungs CT images (Normal, Pneumonia, and COVID-19) collected from two different sources; the first one is the Radiology Department of Nishtar Hospital Multan and Civil Hospital Bahawalpur, Pakistan, and the second one is a publicly free available medical imaging database known as Radiopaedia. For the preprocessing, a novel fuzzy c-mean automated region-growing segmentation approach is deployed to take an automated region of interest (ROIs) and acquire 52 hybrid statistical features for each ROIs. Also, 12 optimized statistical features are selected via the chi-square feature reduction technique. For the classification, five machine learning classifiers named as deep learning J4, multilayer perceptron, support vector machine, random forest, and naive Bayes are deployed to optimize the hybrid statistical features dataset. It is observed that the deep learning J4 has promising results (sensitivity and specificity: 0.987; accuracy: 98.67%) among all the deployed classifiers. As a complementary study, a statistical work is devoted to the use of a new statistical model to fit the main datasets of COVID-19 collected in Pakistan.  相似文献   

17.
The prompt spread of Coronavirus (COVID-19) subsequently adorns a big threat to the people around the globe. The evolving and the perpetually diagnosis of coronavirus has become a critical challenge for the healthcare sector. Drastically increase of COVID-19 has rendered the necessity to detect the people who are more likely to get infected. Lately, the testing kits for COVID-19 are not available to deal it with required proficiency, along with-it countries have been widely hit by the COVID-19 disruption. To keep in view the need of hour asks for an automatic diagnosis system for early detection of COVID-19. It would be a feather in the cap if the early diagnosis of COVID-19 could reveal that how it has been affecting the masses immensely. According to the apparent clinical research, it has unleashed that most of the COVID-19 cases are more likely to fall for a lung infection. The abrupt changes do require a solution so the technology is out there to pace up, Chest X-ray and Computer tomography (CT) scan images could significantly identify the preliminaries of COVID-19 like lungs infection. CT scan and X-ray images could flourish the cause of detecting at an early stage and it has proved to be helpful to radiologists and the medical practitioners. The unbearable circumstances compel us to flatten the curve of the sufferers so a need to develop is obvious, a quick and highly responsive automatic system based on Artificial Intelligence (AI) is always there to aid against the masses to be prone to COVID-19. The proposed Intelligent decision support system for COVID-19 empowered with deep learning (ID2S-COVID19-DL) study suggests Deep learning (DL) based Convolutional neural network (CNN) approaches for effective and accurate detection to the maximum extent it could be, detection of coronavirus is assisted by using X-ray and CT-scan images. The primary experimental results here have depicted the maximum accuracy for training and is around 98.11 percent and for validation it comes out to be approximately 95.5 percent while statistical parameters like sensitivity and specificity for training is 98.03 percent and 98.20 percent respectively, and for validation 94.38 percent and 97.06 percent respectively. The suggested Deep Learning-based CNN model unleashed here opts for a comparable performance with medical experts and it is helpful to enhance the working productivity of radiologists. It could take the curve down with the downright contribution of radiologists, rapid detection of COVID-19, and to overcome this current pandemic with the proven efficacy.  相似文献   

18.
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.  相似文献   

19.
Cancer is the second deadliest human disease worldwide with high mortality rate. Rehabilitation and treatment of this disease requires precise and automatic assessment of effective drug response and control system. Prediction of treated and untreated cancerous cell line is one of the most challenging problems for precise and targeted drug delivery and response. A novel approach is proposed for prediction of drug treated and untreated cancer cell line automatically by employing modified Deep neural networks. Human hepatocellular carcinoma (HepG2) cells are exposed to anticancer drug functionalized CFO@BTO nanoparticles developed by our lab. Prediction models are developed by modifying ResNet101 and exploiting the transfer learning concept. Last three layers of ResNet101 are re-trained for the identification of drug treated cancer cells. Transfer learning approach in an appropriate choice especially when there is limited amount of annotated data. The proposed technique is validated on acquired 203 fluorescent microscopy images of human HepG2 cells treated with drug functionalized cobalt ferrite@barium titanate (CFO@BTO) magnetoelectric nanoparticles in vitro. The developed approach achieved high prediction with accuracy of 97.5% and sensitivity of 100% and outperformed other approaches. The high performance reveals the effectiveness of the approach. It is scalable and fully automatic prediction approach which can be extended for other similar cell diseases such as lung, brain tumor and breast cancer.  相似文献   

20.
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.  相似文献   

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

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