Covid -19在首次检测只有四个月后迅速成为全球性大流行。尽快检测这种疾病至关重要的是降低其蔓延。胸部X射线(CXR)图像的使用变成了有效的筛选策略,互补逆转录聚合酶链反应(RT-PCR)。卷积神经网络(CNNS)通常用于自动图像分类,它们在CXR诊断中非常有用。在本文中,测试了21种不同的CNN架构,并在COVID-19中识别CXR图像的任务进行比较。它们应用于CoVIDX8B数据集,这是可用的最大和更多样化的Covid-19数据集。还采用了CNN的合奏,并且它们表现出比个体实例更好的效率。 Densenet169实现了最佳的个人CNN实例结果,精度为98.15%,F1分数为98.12%。通过与DenSenet169的五个实例的合并,这些进一步增加到99.25%和99.24%。这些结果高于使用相同数据集的最近作品中获得的结果。
translated by 谷歌翻译
有必要开发负担得起且可靠的诊断工具,该工具允许包含COVID-19的扩散。已经提出了机器学习(ML)算法来设计支持决策系统以评估胸部X射线图像,事实证明,这些图像可用于检测和评估疾病进展。许多研究文章围绕此主题发表,这使得很难确定未来工作的最佳方法。本文介绍了使用胸部X射线图像应用于COVID-19检测的ML的系统综述,旨在就方法,体系结构,数据库和当前局限性为研究人员提供基线。
translated by 谷歌翻译
The Coronavirus disease 2019 (COVID-19) was first identified in Wuhan, China, in early December 2019 and now becoming a pandemic. When COVID-19 patients undergo radiography examination, radiologists can observe the present of radiographic abnormalities from their chest X-ray (CXR) images. In this study, a deep convolutional neural network (CNN) model was proposed to aid radiologists in diagnosing COVID-19 patients. First, this work conducted a comparative study on the performance of modified VGG-16, ResNet-50 and DenseNet-121 to classify CXR images into normal, COVID-19 and viral pneumonia. Then, the impact of image augmentation on the classification results was evaluated. The publicly available COVID-19 Radiography Database was used throughout this study. After comparison, ResNet-50 achieved the highest accuracy with 95.88%. Next, after training ResNet-50 with rotation, translation, horizontal flip, intensity shift and zoom augmented dataset, the accuracy dropped to 80.95%. Furthermore, an ablation study on the effect of image augmentation on the classification results found that the combinations of rotation and intensity shift augmentation methods obtained an accuracy higher than baseline, which is 96.14%. Finally, ResNet-50 with rotation and intensity shift augmentations performed the best and was proposed as the final classification model in this work. These findings demonstrated that the proposed classification model can provide a promising result for COVID-19 diagnosis.
translated by 谷歌翻译
在过去的几年中,卷积神经网络(CNN)占据了计算机视野的领域,这要归功于它们提取功能及其在分类问题中出色的表现,例如在自动分析X射线中。不幸的是,这些神经网络被认为是黑盒算法,即不可能了解该算法如何实现最终结果。要将这些算法应用于不同领域并测试方法论的工作原理,我们需要使用可解释的AI技术。医学领域的大多数工作都集中在二进制或多类分类问题上。但是,在许多现实生活中,例如胸部X射线射线,可以同时出现不同疾病的放射学迹象。这引起了所谓的“多标签分类问题”。这些任务的缺点是类不平衡,即不同的标签没有相同数量的样本。本文的主要贡献是一种深度学习方法,用于不平衡的多标签胸部X射线数据集。它为当前未充分利用的Padchest数据集建立了基线,并基于热图建立了可解释的AI技术。该技术还包括概率和模型间匹配。我们系统的结果很有希望,尤其是考虑到使用的标签数量。此外,热图与预期区域相匹配,即它们标志着专家将用来做出决定的区域。
translated by 谷歌翻译
Deep learning (DL) analysis of Chest X-ray (CXR) and Computed tomography (CT) images has garnered a lot of attention in recent times due to the COVID-19 pandemic. Convolutional Neural Networks (CNNs) are well suited for the image analysis tasks when trained on humongous amounts of data. Applications developed for medical image analysis require high sensitivity and precision compared to any other fields. Most of the tools proposed for detection of COVID-19 claims to have high sensitivity and recalls but have failed to generalize and perform when tested on unseen datasets. This encouraged us to develop a CNN model, analyze and understand the performance of it by visualizing the predictions of the model using class activation maps generated using (Gradient-weighted Class Activation Mapping) Grad-CAM technique. This study provides a detailed discussion of the success and failure of the proposed model at an image level. Performance of the model is compared with state-of-the-art DL models and shown to be comparable. The data and code used are available at https://github.com/aleesuss/c19.
translated by 谷歌翻译
Pneumonia, a respiratory infection brought on by bacteria or viruses, affects a large number of people, especially in developing and impoverished countries where high levels of pollution, unclean living conditions, and overcrowding are frequently observed, along with insufficient medical infrastructure. Pleural effusion, a condition in which fluids fill the lung and complicate breathing, is brought on by pneumonia. Early detection of pneumonia is essential for ensuring curative care and boosting survival rates. The approach most usually used to diagnose pneumonia is chest X-ray imaging. The purpose of this work is to develop a method for the automatic diagnosis of bacterial and viral pneumonia in digital x-ray pictures. This article first presents the authors' technique, and then gives a comprehensive report on recent developments in the field of reliable diagnosis of pneumonia. In this study, here tuned a state-of-the-art deep convolutional neural network to classify plant diseases based on images and tested its performance. Deep learning architecture is compared empirically. VGG19, ResNet with 152v2, Resnext101, Seresnet152, Mobilenettv2, and DenseNet with 201 layers are among the architectures tested. Experiment data consists of two groups, sick and healthy X-ray pictures. To take appropriate action against plant diseases as soon as possible, rapid disease identification models are preferred. DenseNet201 has shown no overfitting or performance degradation in our experiments, and its accuracy tends to increase as the number of epochs increases. Further, DenseNet201 achieves state-of-the-art performance with a significantly a smaller number of parameters and within a reasonable computing time. This architecture outperforms the competition in terms of testing accuracy, scoring 95%. Each architecture was trained using Keras, using Theano as the backend.
translated by 谷歌翻译
Computer tomography (CT) have been routinely used for the diagnosis of lung diseases and recently, during the pandemic, for detecting the infectivity and severity of COVID-19 disease. One of the major concerns in using ma-chine learning (ML) approaches for automatic processing of CT scan images in clinical setting is that these methods are trained on limited and biased sub-sets of publicly available COVID-19 data. This has raised concerns regarding the generalizability of these models on external datasets, not seen by the model during training. To address some of these issues, in this work CT scan images from confirmed COVID-19 data obtained from one of the largest public repositories, COVIDx CT 2A were used for training and internal vali-dation of machine learning models. For the external validation we generated Indian-COVID-19 CT dataset, an open-source repository containing 3D CT volumes and 12096 chest CT images from 288 COVID-19 patients from In-dia. Comparative performance evaluation of four state-of-the-art machine learning models, viz., a lightweight convolutional neural network (CNN), and three other CNN based deep learning (DL) models such as VGG-16, ResNet-50 and Inception-v3 in classifying CT images into three classes, viz., normal, non-covid pneumonia, and COVID-19 is carried out on these two datasets. Our analysis showed that the performance of all the models is comparable on the hold-out COVIDx CT 2A test set with 90% - 99% accuracies (96% for CNN), while on the external Indian-COVID-19 CT dataset a drop in the performance is observed for all the models (8% - 19%). The traditional ma-chine learning model, CNN performed the best on the external dataset (accu-racy 88%) in comparison to the deep learning models, indicating that a light-weight CNN is better generalizable on unseen data. The data and code are made available at https://github.com/aleesuss/c19.
translated by 谷歌翻译
2019年12月,一个名为Covid-19的新型病毒导致了迄今为止的巨大因果关系。与新的冠状病毒的战斗在西班牙语流感后令人振奋和恐怖。虽然前线医生和医学研究人员在控制高度典型病毒的传播方面取得了重大进展,但技术也证明了在战斗中的重要性。此外,许多医疗应用中已采用人工智能,以诊断许多疾病,甚至陷入困境的经验丰富的医生。因此,本调查纸探讨了提议的方法,可以提前援助医生和研究人员,廉价的疾病诊断方法。大多数发展中国家难以使用传统方式进行测试,但机器和深度学习可以采用显着的方式。另一方面,对不同类型的医学图像的访问已经激励了研究人员。结果,提出了一种庞大的技术数量。本文首先详细调了人工智能域中传统方法的背景知识。在此之后,我们会收集常用的数据集及其用例日期。此外,我们还显示了采用深入学习的机器学习的研究人员的百分比。因此,我们对这种情况进行了彻底的分析。最后,在研究挑战中,我们详细阐述了Covid-19研究中面临的问题,我们解决了我们的理解,以建立一个明亮健康的环境。
translated by 谷歌翻译
背景和目的:与生物医学分析相结合的人工智能(AI)方法在Pandemics期间具有关键作用,因为它有助于释放来自医疗保健系统和医生的压力压力。由于持续的Covid-19危机在具有茂密的人口和巴西和印度等测试套件中的国家恶化,放射性成像可以作为准确分类Covid-19患者的重要诊断工具,并在适当时期规定必要的治疗。通过这种动机,我们基于使用胸部X射线检测Covid-19感染肺的深度学习架构的研究。数据集:我们共收集了三种不同类标签的2470张图片,即健康的肺,普通肺炎和Covid-19感染的肺炎,其中470个X射线图像属于Covid-19类。方法:我们首先使用直方图均衡技术预处理所有图像,并使用U-Net架构进行它们。然后,VGG-16网络用于从预处理图像中的特征提取,该特征提取通过SMTE过采样技术进一步采样以实现平衡数据集。最后,使用具有10倍交叉验证的支持向量机(SVM)分类器分类类平衡功能,评估精度。结果和结论:我们的新方法结合了众所周知的预处理技术,特征提取方法和数据集平衡方法,使我们在2470 X射线图像的数据集中获得了Covid-19图像的优秀识别率为98% 。因此,我们的模型适用于用于筛选目的的医疗保健设施。
translated by 谷歌翻译
In this paper, deep-learning-based approaches namely fine-tuning of pretrained convolutional neural networks (VGG16 and VGG19), and end-to-end training of a developed CNN model, have been used in order to classify X-Ray images into four different classes that include COVID-19, normal, opacity and pneumonia cases. A dataset containing more than 20,000 X-ray scans was retrieved from Kaggle and used in this experiment. A two-stage classification approach was implemented to be compared to the one-shot classification approach. Our hypothesis was that a two-stage model will be able to achieve better performance than a one-shot model. Our results show otherwise as VGG16 achieved 95% accuracy using one-shot approach over 5-fold of training. Future work will focus on a more robust implementation of the two-stage classification model Covid-TSC. The main improvement will be allowing data to flow from the output of stage-1 to the input of stage-2, where stage-1 and stage-2 models are VGG16 models fine-tuned on the Covid-19 dataset.
translated by 谷歌翻译
COVID-19的诊断对于预防和控制该疾病是必要的。深度学习方法已被认为是一种快速准确的方法。在本文中,通过三个众所周知的预训练网络的平行组合,我们试图将感染的冠状病毒样品与健康样本区分开。负模样损耗函数已用于模型训练。SARS-COV-2数据集中的CT扫描图像用于诊断。SARS-COV-2数据集包含2482张肺CT扫描图像,其中1252张图像属于COVID-19感染的样品。提出的模型接近97%的准确性。
translated by 谷歌翻译
在全球范围内,有实质性的未满足需要有效地诊断各种疾病。不同疾病机制的复杂性和患者人群的潜在症状具有巨大挑战,以发展早期诊断工具和有效治疗。机器学习(ML),人工智能(AI)区域,使研究人员,医师和患者能够解决这些问题的一些问题。基于相关研究,本综述解释了如何使用机器学习(ML)和深度学习(DL)来帮助早期识别许多疾病。首先,使用来自Scopus和Science(WOS)数据库的数据来给予所述出版物的生物计量研究。对1216个出版物的生物计量研究进行了确定,以确定最多产的作者,国家,组织和最引用的文章。此次审查总结了基于机器学习的疾病诊断(MLBDD)的最新趋势和方法,考虑到以下因素:算法,疾病类型,数据类型,应用和评估指标。最后,该文件突出了关键结果,并向未来的未来趋势和机遇提供了解。
translated by 谷歌翻译
Covid-19疾病最初是在中国武汉发现的,并在全球迅速传播。在COVID-19大流行之后,许多研究人员已经开始确定一种使用胸部X射线图像诊断COVID-19的方法。这种疾病的早期诊断会显着影响治疗过程。在本文中,我们提出了一种比文献中报道的其他方法更快,更准确的新技术。提出的方法结合了Densenet169和Mobilenet深神经网络的组合来提取患者X射线图像的特征。使用单变量特征选择算法,我们为最重要的功能完善了功能。然后,我们将选定的功能应用于LightGBM(轻梯度增强机)算法进行分类。为了评估所提出方法的有效性,使用了包括患者胸部的1125张X射线图像的ChestX-Ray8数据集。所提出的方法分别达到了两级(Covid-19,健康)和多级(Covid-19,健康,肺炎)分类问题的98.54%和91.11%的精度。值得一提的是,我们已经使用了梯度加权类激活映射(GRAD-CAM)进行进一步分析。
translated by 谷歌翻译
这项研究中我们的主要目标是提出一种基于转移学习的方法,用于从计算机断层扫描(CT)图像中检测。用于任务的转移学习模型是验证的X受感受模型。使用了模型结构和ImageNet上的预训练权重。通过128批量的大小和224x224、3个通道输入图像训练所得的修改模型,并从原始512x512,灰度图像转换。使用的数据集是A COV19-CT-DB。数据集中的标签包括1919年COVID-1919检测的COVID-19病例和非旋转19例。首先,使用数据集的验证分区以及精确召回和宏F1分数的准确性和损失来衡量所提出方法的性能。验证集中的最终宏F1得分超过了基线模型。
translated by 谷歌翻译
自首次报道以来,2019年冠状病毒病(Covid-19)已在全球范围内传播,并成为人类面临的健康危机。放射学成像技术,例如计算机断层扫描(CT)和胸部X射线成像(CXR)是诊断CoVID-19的有效工具。但是,在CT和CXR图像中,感染区域仅占据图像的一小部分。一些整合大规模接受场的常见深度学习方法可能会导致图像细节的丢失,从而导致省略了COVID-19图像中感兴趣区域(ROI),因此不适合进一步处理。为此,我们提出了一个深空金字塔池(D-SPP)模块,以在不同的分辨率上整合上下文信息,旨在有效地在COVID-19的不同尺度下提取信息。此外,我们提出了COVID-19感染检测(CID)模块,以引起人们对病变区域的注意,并从无关信息中消除干扰。在四个CT和CXR数据集上进行的广泛实验表明,我们的方法在检测CT和CXR图像中检测COVID-19病变的准确性更高。它可以用作计算机辅助诊断工具,以帮助医生有效地诊断和筛选COVID-19。
translated by 谷歌翻译
一种名为Covid-19的新发现的冠状病毒疾病主要影响人类呼吸系统。 Covid-19是一种由起源于中国武汉的病毒引起的传染病。早期诊断是医疗保健提供者的主要挑战。在较早的阶段,医疗机构令人眼花azz乱,因为没有适当的健康辅助工具或医学可以检测到COVID-19。引入了一种新的诊断工具RT-PCR(逆转录聚合酶链反应)。它从患者的鼻子或喉咙中收集拭子标本,在那里共有19个病毒。该方法有一些与准确性和测试时间有关的局限性。医学专家建议一种称为CT(计算机断层扫描)的替代方法,该方法可以快速诊断受感染的肺部区域并在早期阶段识别Covid-19。使用胸部CT图像,计算机研究人员开发了几种识别Covid-19疾病的深度学习模型。这项研究介绍了卷积神经网络(CNN)和基于VGG16的模型,用于自动化的COVID-19在胸部CT图像上识别。使用14320 CT图像的公共数据集的实验结果显示,CNN和VGG16的分类精度分别为96.34%和96.99%。
translated by 谷歌翻译
2019年新型冠状病毒疾病(Covid-19)是一种致命的传染病,于2019年12月在中国武汉武汉(Wuhan)首次识别,并且一直处于流行状态。在这种情况下,在感染人群中检测到Covid-19变得越来越重要。如今,与感染人群数量相比,测试套件的数量逐渐减少。在最近的流行条件下,通过分析胸部CT(计算机断层扫描)图像诊断肺部疾病已成为COVID-19患者诊断和预言的重要工具。在这项研究中,已经提出了一种从CT图像检测COVID-19感染的转移学习策略(CNN)。在拟议的模型中,已经设计了具有转移学习模型V3的多层卷积神经网络(CNN)。与CNN类似,它使用卷积和汇总来提取功能,但是该传输学习模型包含数据集成像网的权重。因此,它可以非常有效地检测功能,从而使其在获得更好的准确性方面具有优势。
translated by 谷歌翻译
人工神经网络(ANN)能够学习,纠正错误和将大量原始数据转化为治疗和护理的有用医疗决策,这增加了增强患者安全和护理质量的普及。因此,本文审查了ANN的关键作用为患者医疗保健决策提供有价值的见解和有效的疾病诊断。我们彻底审查了现有文献中的不同类型的ANN,以便为复杂应用程序进行高级ANNS适配。此外,我们还调查Ann的各种疾病诊断和治疗的进步,例如病毒,皮肤,癌症和Covid-19。此外,我们提出了一种名为ConxNet的新型深度卷积神经网络(CNN)模型,用于提高Covid-19疾病的检测准确性。 ConxNet经过培训并使用不同的数据集进行测试,它达到了超过97%的检测精度和精度,这明显优于现有型号。最后,我们突出了未来的研究方向和挑战,例如算法的复杂性,可用数据,隐私和安全性,以及与ANN的生物传染集成。这些研究方向需要大幅关注改善医疗诊断和治疗应用的ANN的范围。
translated by 谷歌翻译
乳腺癌是全球女性中最常见的癌症。乳腺癌的早期诊断可以显着提高治疗效率。由于其可靠性,准确性和负担能力,计算机辅助诊断(CAD)系统被广泛采用。乳腺癌诊断有不同的成像技术。本文使用的最准确的是组织病理学。深度传输学习被用作提议的CAD系统功能提取器的主要思想。尽管在这项研究中已经测试了16个不同的预训练网络,但我们的主要重点是分类阶段。在所有测试的CNN中,具有剩余网络既有剩余网络既有剩余和启动网络的启发能力,均显示出最佳的特征提取能力。在分类阶段,Catboost,XGBOOST和LIGHTGBM的合奏提供了最佳的平均精度。 Breakhis数据集用于评估所提出的方法。 Breakhis在四个放大因素中包含7909个组织病理学图像(2,480个良性和5,429个恶性)。提出的方法的准确性(IRV2-CXL)使用70%的Breakhis数据集作为40倍,100X,200X和400X放大倍率的训练数据分别为96.82%,95.84%,97.01%和96.15%。大多数关于自动乳腺癌检测的研究都集中在特征提取上,这使我们参加了分类阶段。 IRV2-CXL由于使用软投票集合方法而显示出更好或可比较的结果,该合奏方法可以将Catboost,XGBoost和LightGBM的优势结合在一起。
translated by 谷歌翻译
当前的COVID-19大流行是对人类直接影响肺部的严重威胁。 Covid-19的自动识别是卫生保健官员的挑战。用于诊断Covid-19的标准黄金方法是逆转录聚合酶链反应(RT-PCR),以从受影响的人那里收集拭子。收集拭子时遇到的一些限制与准确性和长期持续时间有关。胸部CT(计算机断层扫描)是另一种测试方法,可帮助医疗保健提供者迅速识别受感染的肺部区域。它被用作在早期阶段识别Covid-19的支持工具。借助深度学习,COVID-19的CT成像特征。研究人员已证明它对COVID-19 CT图像分类非常有效。在这项研究中,我们回顾了最近可以用来检测COVID-19疾病的深度学习技术。相关研究是由Web of Science,Google Scholar和PubMed等各种数据库收集的。最后,我们比较了不同深度学习模型的结果,并讨论了CT图像分析。
translated by 谷歌翻译