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

2.
         下载免费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.  相似文献   

3.
4.
目的 当前的疾病传播研究主要集中于时序数据和传染病模型,缺乏运用空间信息提升预测精度的探索和解释。在处理时空数据时需要分别提取时间特征和空间特征,再进行特征融合得到较为可靠的预测结果。本文提出一种基于图卷积神经网络(graph convolutional neural network,GCN)的时空数据学习方法,能够运用空间模型端对端地学习时空数据,代替此前由多模块单元相集成的模式。方法 依据数据可视化阶段呈现出的地理空间、高铁线路、飞机航线与感染人数之间的正相关关系,将中国各城市之间的空间分布关系和交通连接关系映射成网络图并编码成地理邻接矩阵、高铁线路直达矩阵、飞机航线直达矩阵以及飞机航线或高铁线路直达矩阵。按滑动时间窗口对疫情数据进行切片后形成张量,依次分批输入到图深度学习模型中参与卷积运算,通过信息传递、反向传播和梯度下降更新可训练参数。结果 在新型冠状病毒肺炎疫情数据集上的实验结果显示,采用GCN学习这一时空数据的分布特征相较于循环神经网络模型,在训练过程中表现出了更强的拟合能力,在训练时间层面节约75%以上的运算成本,在两类损失函数下的平均测试集损失能够下降80%左右。结论 本文所采用的时空数据学习方法具有较低的运算成本和较高的预测精度,尤其在空间特征强于时间特征的时空数据中有着更好的性能,并且为流行病传播范围和感染人数的预测提供了新的方法和思路,有助于相关部门在公共卫生事件中制定应对措施和疾病防控决策。  相似文献   

5.
    
(Aim) The COVID-19 has caused 6.26 million deaths and 522.06 million confirmed cases till 17/May/2022. Chest computed tomography is a precise way to help clinicians diagnose COVID-19 patients. (Method) Two datasets are chosen for this study. The multiple-way data augmentation, including speckle noise, random translation, scaling, salt-and-pepper noise, vertical shear, Gamma correction, rotation, Gaussian noise, and horizontal shear, is harnessed to increase the size of the training set. Then, the SqueezeNet (SN) with complex bypass is used to generate SN features. Finally, the extreme learning machine (ELM) is used to serve as the classifier due to its simplicity of usage, quick learning speed, and great generalization performances. The number of hidden neurons in ELM is set to 2000. Ten runs of 10-fold cross-validation are implemented to generate impartial results. (Result) For the 296-image dataset, our SNELM model attains a sensitivity of 96.35 ± 1.50%, a specificity of 96.08 ± 1.05%, a precision of 96.10 ± 1.00%, and an accuracy of 96.22 ± 0.94%. For the 640-image dataset, the SNELM attains a sensitivity of 96.00 ± 1.25%, a specificity of 96.28 ± 1.16%, a precision of 96.28 ± 1.13%, and an accuracy of 96.14 ± 0.96%. (Conclusion) The proposed SNELM model is successful in diagnosing COVID-19. The performances of our model are higher than seven state-of-the-art COVID-19 recognition models.  相似文献   

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

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

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

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

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

11.
量子神经网络结合了量子计算与经典神经网络模型的各自优势, 为人工智能领域的未来发展提供了一种全新的思路. 本文提出一种基于参数化量子电路的量子卷积神经网络模型, 能够针对欧几里得结构数据与非欧几里得结构数据, 利用量子系统的计算优势加速经典机器学习任务. 在MNIST数据集上的数值仿真结果表明, 该模型具有较强的学习能力和良好的泛化性能.  相似文献   

12.
为解决深层卷积神经网络(Deep convolutional neural network, DCNN)模型在算力弱、存储成本高的AI边缘计算设备上难以高效应用的现实问题,本文利用重量级网络辅助训练轻量级网络,设计了一种基于轻量级神经网络的花卉图像分类系统。首先利用重量级DCNN并结合迁移学习、爬虫技术与最大连通区域分割方法,构建了适用于轻量级网络训练的扩充花卉数据集。然后基于Tiny-darknet与Darknet-reference两种网络及扩充后的花卉数据集训练得到两种面向弱算力设备的轻量级DCNN模型。训练得到的两种花卉分类网络在Oxford102花卉数据集上的平均分类准确率可达98.07%与98.83%,模型大小分别为4 MB与28 MB,在AI边缘计算设备中具有较好的应用前景。  相似文献   

13.
首先回顾了计算视觉发展的历史,介绍了神经元、多层感知机和反向传播等人工神经网络的基本知识以及卷积神经网络的发展史及其卷积、池化等基本操作;讨论了AlexNet、VGGNet、GoogLeNet和ResNet等经典卷积神经网络结构,并重点介绍了CapsNet;总结了卷积神经网络在图像分类、语义分割、目标检测以及图像生成等领域的研究进展;最后提出了卷积神经网络研究所面临的挑战以及对CapsNet未来研究的展望。  相似文献   

14.
针对YOLOv3等卷积神经网络使用更多的卷积层结构且卷积核尺寸大小统一的特点,提出一种卷积层结构化剪枝计算的参数压缩方法。基于卷积层权值参数,设计度量卷积层重要性公式,评估卷积层相对整个网络重要性,计算卷积层重要度并对得分进行排序,制定稀疏值分配策略,再训练模型操作保证模型性能不降低,并得到各个卷积层分配的稀疏值以及卷积过滤器,完成模型的结构化剪枝计算。在Darknet上实现YOLOv3卷积层结构化剪枝的参数压缩方法,不仅将YOLOv3参数压缩1.5倍,且计算量减少了1.6倍。  相似文献   

15.
网络已经深入人们生产生活的各领域。然而,由于存在大量的非法入侵行为,网络所面临的安全问题也越来越严峻。因此,检测入侵以保障网络安全是一个亟待解决的问题。针对此,本文提出一种基于异卷积神经网络的入侵检测方法,采用深度学习的卷积神经网络模型完成对入侵数据的特征提取,然后根据2种不同结构的卷积神经网络训练数据,从而得到最优模型,用以判断网络入侵。最后,使用KDD 99数据进行对比实验,验证本文方法的准确性和精确性。  相似文献   

16.
视频行为识别是图像和视觉领域的一个基础问题,在基于深度学习的行为识别模型中,2D卷积方法模型参数较少,但是准确率不高;3D卷积方法在一定程度上提高了准确率,但会产生较多的参数和计算量。为了在保持准确率的前提下降低3D卷积神经网络行为识别模型的参数量,减少计算资源消耗,提出了时域零填充卷积网络行为识别算法,对视频进行3D卷积时不在时间维度上填充额外数据,以此来保证时域信息的完整性。为了充分利用有限的时间信息,设计了适合此填充方式的网络结构:先以时域不填充的方式使用3D卷积提取时空信息,然后利网络重组结构将3D卷积变为2D卷积来进一步提取特征。实验表明,该网络的参数量为10.385×106,不使用预训练权重的情况下在UCF101数据集上准确率为60.28%,与其他3D卷积网络行为识别方法相比在资源占用和准确率上都有明显优势。  相似文献   

17.
针对现有基于大数据和深度学习的目标检测框架难以实现在低功耗移动和嵌入式设备上实时进行视频目标检测的问题,改进了基于深度学习的目标检测框架SSD,提出一种改进的多目标检测框架LSTM-SSD,将其专用于交通场景视频多目标检测。将单图像检测框架与递归神经网络-LSTM网络相结合,形成交织循环卷积结构,通过采用一种Bottleneck-LSTM层提炼传播帧间的特征映射实现了网络帧级信息的时序关联,极大降低了网络计算成本;将时间感知信息与改进的动态卡尔曼滤波算法结合起来,实现了对视频中受光照变化、大面积遮挡等强干扰影响目标的追踪识别。实验表明,改进后的LSTM-SSD在应对多目标、杂乱背景、光照变化、模糊、大面积遮挡等检测难度较大的情况时,均能获得较好的效果,相比于其他基于深度学习的目标检测框架,各类目标识别的平均准确率提高了5%~16%,平均准确率均值提高了约4%~10%,多目标检测率提高了4%~19%,检测帧率达到43 fps,基本满足实时性的要求。其实现了算法精度与运行速率的平衡,取得了较好的检测识别效果。  相似文献   

18.
目的 图像修复是计算机视觉领域研究的一项重要内容,其目的是根据图像中已知内容来自动地恢复丢失的内容,在图像编辑、影视特技制作、虚拟现实及数字文化遗产保护等领域都具有广泛的应用价值。而近年来,随着深度学习在学术界和工业界的广泛研究,其在图像语义提取、特征表示、图像生成等方面的应用优势日益突出,使得基于深度学习的图像修复方法的研究成为了国内外一个研究热点,得到了越来越多的关注。为了使更多研究者对基于深度学习的图像修复理论及其发展进行探索,本文对该领域研究现状进行综述。方法 首先对基于深度学习图像修复方法提出的理论依据进行分析;然后对其中涉及的关键技术进行研究;总结了近年来基于深度学习的主要图像修复方法,并依据修复网络的结构对现有方法进行了分类,即分为基于卷积自编码网络结构的图像修复方法、基于生成式对抗网络结构的图像修复方法和基于循环神经网络结构的图像修复方法。结果 在基于深度学习的图像修复方法中,深度学习网络的设计和训练过程中的损失函数的选择是其重要的内容,各类方法各有优缺点和其适用范围,如何提高修复结果语义的合理性、结构及细节的正确性,一直是研究者们努力的方向,基于此目的,本文通过实验分析总结了各类方法的主要特点、存在的问题、对训练样本的要求、主要应用领域及参考代码。结论 基于深度学习图像修复领域的研究已经取得了一些显著进展,但目前深度学习在图像修复中的应用仍处于起步阶段,主要研究的内容也仅仅是利用待修复图像本身的图像内容信息,因此基于深度学习的图像修复仍是一个极具挑战的课题。如何设计具有普适性的修复网络,提高修复结果的准确性,还需要更加深入的研究。  相似文献   

19.
钢设备质量检测环节中,首先需要进行外部检测,查看设备表面是否存在裂缝等异常.针对以上场景,提出了一种基于深度学习的钢表面缺陷检测方法,以卷积神经网络(CNN)作为识别算法,构建了缺陷检测规则.实验结果表明,该方法能有效提高花卉识别的准确性.  相似文献   

20.
深度学习研究综述   总被引:33,自引:3,他引:30  
深度学习是一类新兴的多层神经网络学习算法,因其缓解了传统训练算法的局部最小性,引起机器学习领域的广泛关注。首先论述了深度学习兴起渊源,分析了算法的优越性,并介绍了主流学习算法及应用现状,最后总结了当前存在的问题及发展方向。  相似文献   

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

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