首页 | 本学科首页   官方微博 | 高级检索  
相似文献
 共查询到20条相似文献,搜索用时 15 毫秒
1.
    
Coronavirus disease, which resulted from the SARS-CoV-2 virus, has spread worldwide since early 2020 and has been declared a pandemic by the World Health Organization (WHO). Coronavirus disease is also termed COVID-19. It affects the human respiratory system and thus can be traced and tracked from the Chest X-Ray images. Therefore, Chest X-Ray alone may play a vital role in identifying COVID-19 cases. In this paper, we propose a Machine Learning (ML) approach that utilizes the X-Ray images to classify the healthy and affected patients based on the patterns found in these images. The article also explores traditional, and Deep Learning (DL) approaches for COVID-19 patterns from Chest X-Ray images to predict, analyze, and further understand this virus. The experimental evaluation of the proposed approach achieves 97.5% detection performance using the DL model for COVID-19 versus normal cases. In contrast, for COVID-19 versus Pneumonia Virus scenario, we achieve 94.5% accurate detections. Our extensive evaluation in the experimental section guides and helps in the selection of an appropriate model for similar tasks. Thus, the approach can be used for medical usages and is particularly pertinent in detecting COVID-19 positive patients using X-Ray images alone.  相似文献   

2.
    
Coronavirus disease 2019 (Covid-19) is a life-threatening infectious disease caused by a newly discovered strain of the coronaviruses. As by the end of 2020, Covid-19 is still not fully understood, but like other similar viruses, the main mode of transmission or spread is believed to be through droplets from coughs and sneezes of infected persons. The accurate detection of Covid-19 cases poses some questions to scientists and physicians. The two main kinds of tests available for Covid-19 are viral tests, which tells you whether you are currently infected and antibody test, which tells if you had been infected previously. Routine Covid-19 test can take up to 2 days to complete; in reducing chances of false negative results, serial testing is used. Medical image processing by means of using Chest X-ray images and Computed Tomography (CT) can help radiologists detect the virus. This imaging approach can detect certain characteristic changes in the lung associated with Covid-19. In this paper, a deep learning model or technique based on the Convolutional Neural Network is proposed to improve the accuracy and precisely detect Covid-19 from Chest Xray scans by identifying structural abnormalities in scans or X-ray images. The entire model proposed is categorized into three stages: dataset, data pre-processing and final stage being training and classification.  相似文献   

3.
针对低剂量计算机断层扫描(Low-Dose Computed Tomography,LDCT)重建图像出现明显条形伪影的现象,提出了一种基于残差学习的深度卷积神经网络(Deep Residual Convolutional Neural Network,DR-CNN)模型,可以从LDCT图像预测标准剂量计算机断层扫描(Normal-Dose Computed Tomography,NDCT)图像。该模型在训练阶段,将数据集中的LDCT图像和NDCT图像相减得到残差图像,将LDCT图像和残差图像分别作为输入和标签,通过深度卷积神经网络(Convolution Neural Network,CNN)学习输入和标签之间的映射关系;在测试阶段,利用此映射关系从LDCT图像预测残差图像,用LDCT图像减去残差图像得到预测的NDCT图像。实验采用50对大小为512×512的同一体模的常规剂量胸腔扫描切片和投影域添加噪声后的重建图像作为数据集,其中45对作为训练集,其他作为测试集,来验证此模型的有效性。通过与非局部降噪算法、匹配三维滤波算法和K-SVD算法等目前公认效果较好的图像去噪算法对比,所提模型预测的NDCT图像均方根误差小,且信噪比略高于其他算法处理结果。  相似文献   

4.
         下载免费PDF全文
COVID-19 is a contagious infection that has severe effects on the global economy and our daily life. Accurate diagnosis of COVID-19 is of importance for consultants, patients, and radiologists. In this study, we use the deep learning network AlexNet as the backbone, and enhance it with the following two aspects: 1) adding batch normalization to help accelerate the training, reducing the internal covariance shift; 2) replacing the fully connected layer in AlexNet with three classifiers: SNN, ELM, and RVFL. Therefore, we have three novel models from the deep COVID network (DC-Net) framework, which are named DC-Net-S, DC-Net-E, and DC-Net-R, respectively. After comparison, we find the proposed DC-Net-R achieves an average accuracy of 90.91% on a private dataset (available upon email request) comprising of 296 images while the specificity reaches 96.13%, and has the best performance among all three proposed classifiers. In addition, we show that our DC-Net-R also performs much better than other existing algorithms in the literature.  相似文献   

5.
6.
卷积神经网络在基于视觉的机器人抓取检测任务上取得了较好的检测效果,但是大多数方法都有太多的计算参数,不适合资源有限的系统.针对这个问题,基于SqueezeNet轻量级神经网络,结合DenseNet多旁路连接加强特征复用的思想,提出了轻量级抓取检测回归模型SqueezeNet-RM(SqueezeNet Regressi...  相似文献   

7.
人脸妆容迁移是指将参考妆容迁移到素颜人脸上,在保持面部特征不变的同时尽可能展现参考妆容的风格的一种任务。为了进一步实现人脸妆容自动迁移技术,避免现有妆容迁移方法没有充分考虑人与人之间的五官差异而导致提取的人脸信息不足等问题,提出了一种基于深度卷积神经网络的人脸妆容迁移算法。该算法首先自动定位素颜人脸和参考妆容的五官,提取重要部位的特征信息。然后通过妆容传递网络和损失函数,经过深度卷积神经网络自主训练,最终实现了参考妆容向素颜人脸的自动迁移。仿真实验结果表明,与目前的主流算法进行对比,该算法耗时更短、运算性能更具优势,同时在不改变原图五官细节的基础上,妆容迁移效果更为自然。  相似文献   

8.
针对多种放大倍数的人脸超分辨率重建问题,提出一种基于极深卷积神经网络的人脸超分辨率重建方法,并通过实验发现增加网络深度能够有效提升人脸重建的精度。首先,设计一个包含20个卷积层的网络从低分辨率图片和高分辨率图片之间学习一种端到端的映射关系,并通过在网络结构中将多个小的滤波器进行多次串联以扩大提取纹理信息的范围。其次,引入了残差学习的方法来解决随着深度的提升细节信息丢失的问题。另外,将不同放大因子的低分辨率人脸图片融合到一个训练集中训练,使得该卷积网络能够解决不同放大因子的人脸超分辨率重建问题。在CASPEAL测试集上的结果显示,该极深卷积神经网络的方法比基于双三次插值的人脸重建方法在峰值信噪比(PSNR)和结构相似度上有2.7 dB和2%的提升,和SRCNN的方法比较也有较大的提升,在精度和视觉改善方面都有较大提升。这显示了更深的网络结构能够在重建中取得更好的结果。  相似文献   

9.
    
Breast cancer is one of the leading causes of death among women worldwide. In most cases, the misinterpretation of medical diagnosis plays a vital role in increased fatality rates due to breast cancer. Breast cancer can be diagnosed by classifying tumors. There are two different types of tumors, such as malignant and benign tumors. Identifying the type of tumor is a tedious task, even for experts. Hence, an automated diagnosis is necessary. The role of machine learning in medical diagnosis is eminent as it provides more accurate results in classifying and predicting diseases. In this paper, we propose a deep ensemble network (DEN) method for classifying and predicting breast cancer. This method uses a stacked convolutional neural network, artificial neural network and recurrent neural network as the base classifiers in the ensemble. The random forest algorithm is used as the meta-learner for providing the final prediction. Experimental results show that the proposed DEN technique outperforms all the existing approaches in terms of accuracy, sensitivity, specificity, F-score and area under the curve (AUC) measures. The analysis of variance test proves that the proposed DEN model is statistically more significant than the other existing classification models; thus, the proposed approach may aid in the early detection and diagnosis of breast cancer in women, hence aiding in the development of early treatment techniques to increase survival rate.  相似文献   

10.
组织病理学是临床上肿瘤诊断的金标准,直接关系到治疗的开展与预后的评估。来自临床的需求为组织病理诊断提出了质量与效率两个方面的挑战。组织病理诊断涉及大量繁重的病理切片判读任务,高度依赖医生的经验,但病理医生的培养周期长,人才储备缺口巨大,病理科室普遍超负荷工作。近年来出现的基于深度学习的组织病理辅助诊断方法可以帮助医生提高诊断工作的精度与速度,缓解病理诊断资源不足的问题,引起了研究人员的广泛关注。本文初步综述深度学习方法在组织病理学中的相关研究工作。介绍了组织病理诊断的医学背景,整理了组织病理学领域的主要数据集,重点介绍倍受关注的乳腺癌、淋巴结转移癌、结肠癌的病理数据及其分析任务。本文归纳了数据的存储与处理、模型的设计与优化以及小样本与弱标注学习这3项需要解决的技术问题。围绕这些问题,本文介绍了包括数据存储、数据预处理、分类模型、分割模型、迁移学习和多示例学习等相关研究工作。最后总结了面向组织病理学诊断的深度学习方法研究现状,并指出当下研究工作可能的改进方向。  相似文献   

11.
目的 生物医学文献中的图像经常是包含多种模式的复合图像,自动标注其类别,将有助于提高图像检索的性能,辅助医学研究或教学。方法 融合图像内容和说明文本两种模态的信息,分别搭建基于深度卷积神经网络的多标签分类模型。视觉分类模型借用自然图像和单标签的生物医学简单图像,实现异质迁移学习和同质迁移学习,捕获通用领域的一般特征和生物医学领域的专有特征,而文本分类模型利用生物医学简单图像的说明文本,实现同质迁移学习。然后,采用分段式融合策略,结合两种模态模型输出的结果,识别多标签医学图像的相关模式。结果 本文提出的跨模态多标签分类算法,在ImageCLEF2016生物医学图像多标签分类任务数据集上展开实验。基于图像内容的混合迁移学习方法,比仅采用异质迁移学习的方法,具有更低的汉明损失和更高的宏平均F1值。文本分类模型引入同质迁移学习后,能够明显提高标签的分类性能。最后,融合两种模态的多标签分类模型,获得与评测任务最佳成绩相近的汉明损失,而宏平均F1值从0.320上升到0.488,提高了约52.5%。结论 实验结果表明,跨模态生物医学图像多标签分类算法,融合图像内容和说明文本,引入同质和异质数据进行迁移学习,缓解生物医学图像领域标注数据规模小且标签分布不均衡的问题,能够更有效地识别复合医学图像中的模式信息,进而提高图像检索性能。  相似文献   

12.
针对目前自然语言处理研究中,使用卷积神经网络(CNN)进行短文本分类任务时可以结合不同神经网络结构与分类算法以提高分类性能的问题,提出了一种结合卷积神经网络与极速学习机的CNN-ELM混合短文本分类模型。使用词向量训练构成文本矩阵作为输入数据,然后使用卷积神经网络提取特征并使用Highway网络进行特征优化,最后使用误差最小化极速学习机(EM-ELM)作为分类器完成短文本分类任务。与其他模型相比,该混合模型能够提取更具代表性的特征并能快速准确地输出分类结果。在多种英文数据集上的实验结果表明提出的CNN-ELM混合短文本分类模型比传统机器学习模型与深度学习模型更适合完成短文本分类任务。  相似文献   

13.
交通标志识别设备的功耗和硬件性能较低,而现有卷积神经网络模型内存占用高、训练速度慢、计算开销大,无法应用于识别设备.针对此问题,为降低模型存储,提升训练速度,引入深度可分离卷积和混洗分组卷积并与极限学习机相结合,提出两种轻量型卷积神经网络模型:DSC-ELM模型和SGC-ELM模型.模型使用轻量化卷积神经网络提取特征后,将特征送入极限学习机进行分类,解决了卷积神经网络全连接层参数训练慢的问题.新模型结合了轻量型卷积神经网络模型内存占用低、提取特征质量好以及ELM的泛化性好、训练速度快的优点.实验结果表明.与其他模型相比,该混合模型能够更加快速准确地完成交通标志识别任务.  相似文献   

14.
    
The availability of huge structured and unstructured data, advanced highly dense memory and high performance computing machines have provided a strong push for the development in artificial intelligence (AI) and machine learning (ML) domains. AI and machine learning has rekindled the hope of efficiently solving complex problems which was not possible in the recent past. The generation and availability of big-data is a strong driving force for the development of AI/ML applications, however, several challenges need to be addressed, like processing speed, memory requirement, high bandwidth, low latency memory access, and highly conductive and flexible connections between processing units and memory blocks. The conventional computing platforms are unable to address these issues with machine learning and AI. Deep neural networks (DNNs) are widely employed for machine learning and AI applications, like speech recognition, computer vison, robotics, and so forth, efficiently and accurately. However, accuracy is achieved at the cost of high computational complexity, sacrificing energy efficiency and throughput like performance measuring parameters along with high latency. To address the problems of latency, energy efficiency, complexity, power consumption, and so forth, a lot of state of the art DNN accelerators have been designed and implemented in the form of application specific integrated circuits (ASICs) and field programmable gate arrays (FPGAs). This work provides the state of the art of all these DNN accelerators which have been developed recently. Various DNN architectures, their computing units, emerging technologies used in improving the performance of DNN accelerators will be discussed. Finally, we will try to explore the scope for further improvement in these accelerator designs, various opportunities and challenges for the future research.  相似文献   

15.
塑料手机外壳出厂合格检测时,使用传统的人工辨别外观缺陷,费时费力.利用深度学习的卷积神经网络模型训练一个分类器,实现手机外壳外观出现的划痕缺陷自动化检测,可以极大的提高工作效率.实验首先建立基本的卷积神经网络模型,训练模型获得识别基线,再设计修改逐步提高检测准确率.为了解决小数据集训练中的模型过拟合和提高检测精度,综合使用了丢弃层、数据增强技术和批量标准化,减少参数量,并应用迁移学习等方法.实验结果证明,分类器模型能有效提升准确率,在小数据集上达到非常好的划痕缺陷识别效果.  相似文献   

16.
本文从网络和电影中截取暴恐音频片段组成暴恐音频库,由于暴恐音频来源受限,而卷积神经网络需要大量的数据训练,为此,将迁移学习技术引入暴恐音频的判别中.首先采用公开的TUT音频数据集进行预训练,然后保留模型权重并迁移网络在暴恐音频库上继续训练,最后在fine-tune后的网络中增加网络的层数,添加了一种类似于残差网络的结构使其能够利用更多的音频信息.实验结果表明,使用迁移学习方法比未使用迁移学习方法的平均判别率提升了3.97%,有效解决了在暴恐音频判别研究中音频数据集过小而带来的训练问题,且改进后的迁移学习网络进一步提升了1.01%的平均判别率,最终达到96.97%的判别率.  相似文献   

17.
基于人脸图像识别年龄及性别是当前人工智能研究的热点之一.提出一种综合卷积神经网络CNN、挤压-激励网络SENet及极限学习机ELM的混合模型.模型中的卷积层用于从人脸图像中提取面部特征,SENet层用于优化卷积层提取的特征,误差最小化极限学习机(EM-ELM)用作分类器以实现面部图像的年龄及性别识别.与现有的流行模型相...  相似文献   

18.
    
The COVID-19 pandemic is a virus that has disastrous effects on human lives globally; still spreading like wildfire causing huge losses to humanity and economies. There is a need to follow few constraints like social distancing norms, personal hygiene, and masking up to effectively control the virus spread. The proposal is to detect the face frame and confirm the faces are properly covered with masks. By applying the concepts of Deep learning, the results obtained for mask detection are found to be effective. The system is trained using 4500 images to accurately judge and justify its accuracy. The aim is to develop an algorithm to automatically detect a mask, but the approach does not facilitate the percentage of improper usage. Accuracy levels are as low as 50% if the mask is improperly covered and an alert is raised for improper placement. It can be used at traffic places and social gatherings for the prevention of virus transmission. It works by first locating the region of interest by creating a frame boundary, then facial points are picked up to detect and concentrate on specific features. The training on the input images is performed using different epochs until the artificial face mask detection dataset is created. The system is implemented using TensorFlow with OpenCV and Python using a Jupyter Notebook simulation environment. The training dataset used is collected from a set of diverse open-source datasets with filtered images available at Kaggle Medical Mask Dataset by Mikolaj Witkowski, Kera, and Prajna Bhandary. To simulate MobilNetV2 classifier is used to load and pre-process the image dataset for building a fully connected head. The objective is to assess the accuracy of the identification, measuring the efficiency and effectiveness of algorithms for precision, recall, and F1 score.  相似文献   

19.
图像风格迁移是计算机视觉领域的一个热点研究方向。随着深度学习的兴起;图像风格迁移领域得到了突破性的发展。为了推进图像风格迁移领域的发展;对基于深度学习的图像风格迁移的现有研究方法进行综述。对基于深度学习的图像风格迁移方法进行分类和梳理;并对比分析基于卷积神经网络和基于生成对抗网络的风格迁移方法;介绍了图像风格迁移的改进性和拓展性工作;讨论了图像风格迁移领域目前面临的挑战和未来的研究方向。  相似文献   

20.
将深度学习引入机器学习使人工智能的研究上了一个新的台阶,深度学习的建模与表征能力强大,在图像处理领域有着非常重要的作用,这为服装风格分类提供了发展机会.为了进一步得到服装图片的风格信息,对原始训练集进行图片增广,扩增数据集,同时通过训练AlexNet卷积神经网络模型,对扩充数据集进行服装风格分类,从而提高服装风格识别精...  相似文献   

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

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