共查询到20条相似文献,搜索用时 15 毫秒
1.
Isaac Shiri;Yazdan Salimi;Abdollah Saberi;Masoumeh Pakbin;Ghasem Hajianfar;Atlas Haddadi Avval;Amirhossein Sanaat;Azadeh Akhavanallaf;Shayan Mostafaei;Zahra Mansouri;Dariush Askari;Mohammadreza Ghasemian;Ehsan Sharifipour;Saleh Sandoughdaran;Ahmad Sohrabi;Elham Sadati;Somayeh Livani;Pooya Iranpour;Shahriar Kolahi;Bardia Khosravi;Maziar Khateri;Salar Bijari;Mohammad Reza Atashzar;Sajad P. Shayesteh;Mohammad Reza Babaei;Elnaz Jenabi;Mohammad Hasanian;Alireza Shahhamzeh;Seyed Yaser Foroghi Ghomi;Abolfazl Mozafari;Hesamaddin Shirzad-Aski;Fatemeh Movaseghi;Rama Bozorgmehr;Neda Goharpey;Hamid Abdollahi;Parham Geramifar;Amir Reza Radmard;Hossein Arabi;Kiara Rezaei-Kalantari;Mehrdad Oveisi;Arman Rahmim;Habib Zaidi; 《International journal of imaging systems and technology》2024,34(2):e23028
To derive and validate an effective machine learning and radiomics-based model to differentiate COVID-19 pneumonia from other lung diseases using a large multi-centric dataset. In this retrospective study, we collected 19 private and five public datasets of chest CT images, accumulating to 26 307 images (15 148 COVID-19; 9657 other lung diseases including non-COVID-19 pneumonia, lung cancer, pulmonary embolism; 1502 normal cases). We tested 96 machine learning-based models by cross-combining four feature selectors (FSs) and eight dimensionality reduction techniques with eight classifiers. We trained and evaluated our models using three different strategies: #1, the whole dataset (15 148 COVID-19 and 11 159 other); #2, a new dataset after excluding healthy individuals and COVID-19 patients who did not have RT-PCR results (12 419 COVID-19 and 8278 other); and #3 only non-COVID-19 pneumonia patients and a random sample of COVID-19 patients (3000 COVID-19 and 2582 others) to provide balanced classes. The best models were chosen by one-standard-deviation rule in 10-fold cross-validation and evaluated on the hold out test sets for reporting. In strategy#1, Relief FS combined with random forest (RF) classifier resulted in the highest performance (accuracy = 0.96, AUC = 0.99, sensitivity = 0.98, specificity = 0.94, PPV = 0.96, and NPV = 0.96). In strategy#2, Recursive Feature Elimination (RFE) FS and RF classifier combination resulted in the highest performance (accuracy = 0.97, AUC = 0.99, sensitivity = 0.98, specificity = 0.95, PPV = 0.96, NPV = 0.98). Finally, in strategy #3, the ANOVA FS and RF classifier combination resulted in the highest performance (accuracy = 0.94, AUC =0.98, sensitivity = 0.96, specificity = 0.93, PPV = 0.93, NPV = 0.96). Lung radiomic features combined with machine learning algorithms can enable the effective diagnosis of COVID-19 pneumonia in CT images without the use of additional tests. 相似文献
2.
Lu Ma Shuni Song Liting Guo Wenjun Tan Lisheng Xu 《International journal of imaging systems and technology》2023,33(1):6-17
Coronavirus disease 2019 (COVID-19) epidemic has devastating effects on personal health around the world. It is significant to achieve accurate segmentation of pulmonary infection regions, which is an early indicator of disease. To solve this problem, a deep learning model, namely, the content-aware pre-activated residual UNet (CAPA-ResUNet), was proposed for segmenting COVID-19 lesions from CT slices. In this network, the pre-activated residual block was used for down-sampling to solve the problems of complex foreground and large fluctuations of distribution in datasets during training and to avoid gradient disappearance. The area loss function based on the false segmentation regions was proposed to solve the problem of fuzzy boundary of the lesion area. This model was evaluated by the public dataset (COVID-19 Lung CT Lesion Segmentation Challenge—2020) and compared its performance with those of classical models. Our method gains an advantage over other models in multiple metrics. Such as the Dice coefficient, specificity (Spe), and intersection over union (IoU), our CAPA-ResUNet obtained 0.775 points, 0.972 points, and 0.646 points, respectively. The Dice coefficient of our model was 2.51% higher than Content-aware residual UNet (CARes-UNet). The code is available at https://github.com/malu108/LungInfectionSeg . 相似文献
3.
深度卷积神经网络在目标检测与识别等方面表现出了优异性能,但将其用于SAR目标识别时,较少的训练样本和深度模型的优化设计是必须解决的两个问题。本文设计了一种结合二维随机卷积特征和集成超限学习机的SAR目标识别算法。首先,随机生成具有不同宽度的二维卷积核,对输入图像进行卷积与池化操作,提取随机卷积特征向量。其次,为提高分类器的泛化能力,并降低训练时间,基于集成学习思想对提取的卷积特征进行随机采样,然后采用超限学习机训练基分类器。最后,通过投票表决法对基分类器的分类结果进行集成。采用MSTAR数据集进行了SAR目标识别实验,实验结果表明,由于采用的超限学习机具有快速训练能力,训练时间降低了数十倍,在无需进行数据增强的情况下,分类精度与采用数据增强和多层卷积神经网络的深度学习算法相当。提出的算法具有实现简单、需要调整参数少等优点,采用集成学习思想提高了分类器的泛化能力。
相似文献4.
High-resolution medical images have important medical value, but are difficult to obtain directly. Limited by hardware equipment and patient’s physical condition, the resolution of directly acquired medical images is often not high. Therefore, many researchers have thought of using super-resolution algorithms for secondary processing to obtain high-resolution medical images. However, current super-resolution algorithms only work on a single scale, and multiple networks need to be trained when super-resolution images of different scales are needed. This definitely raises the cost of acquiring high-resolution medical images. Thus, we propose a multi-scale super-resolution algorithm using meta-learning. The algorithm combines a meta-learning approach with an enhanced depth of residual super-resolution network to design a meta-upscale module. The meta-upscale module utilizes the weight prediction property of meta-learning and is able to perform the super-resolution task of medical images at any scale. Meanwhile, we design a non-integer mapping relation for super-resolution, which allows the network to be trained under non-integer magnification requirements. Compared to the state-of-the-art single-image super-resolution algorithm on computed tomography images of the pelvic region. The meta-learning multiscale super-resolution algorithm obtained a surpassing of about 2% at a smaller model volume. Testing on different parts proves the high generalizability of our algorithm. Multi-scale super-resolution algorithms using meta-learning can compensate for hardware device defects and reduce secondary harm to patients while obtaining high-resolution medical images. It can be of great use in imaging related fields. 相似文献
5.
Shui-Hua Wang Muhammad Attique Khan Vishnuvarthanan Govindaraj Steven L. Fernandes Ziquan Zhu Yu-Dong Zhang 《计算机、材料和连续体(英文)》2022,70(2):2797-2810
(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. 相似文献
6.
Aqib Ali Wali Khan Mashwani Samreen Naeem Muhammad Irfan Uddin Wiyada Kumam Poom Kumam Hussam Alrabaiah Farrukh Jamal Christophe Chesneau 《计算机、材料和连续体(英文)》2021,68(1):391-407
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. 相似文献
7.
With the social and economic development and the improvement of people's living standards, smart medical care is booming, and medical image processing is becoming more and more popular in research, of which brain tumor segmentation is an important branch of medical image processing. However, the manual segmentation method of brain tumors requires a lot of time and effort from the doctor and has a great impact on the treatment of patients. In order to solve this problem, we propose a DO-UNet model for magnetic resonance imaging brain tumor image segmentation based on attention mechanism and multi-scale feature fusion to realize fully automatic segmentation of brain tumors. Firstly, we replace the convolution blocks in the original U-Net model with the residual modules to prevent the gradient disappearing. Secondly, the multi-scale feature fusion is added to the skip connection of U-Net to fuse the low-level features and high-level features more effectively. In addition, in the decoding stage, we add an attention mechanism to increase the weight of effective information and avoid information redundancy. Finally, we replace the traditional convolution in the model with DO-Conv to speed up the network training and improve the segmentation accuracy. In order to evaluate the model, we used the BraTS2018, BraTS2019, and BraTS2020 datasets to train the improved model and validate it online, respectively. Experimental results show that the DO-UNet model can effectively improve the accuracy of brain tumor segmentation and has good segmentation performance. 相似文献
8.
Zhaoquan Gu Yu Su Chenwei Liu Yinyu Lyu Yunxiang Jian Hao Li Zhen Cao Le Wang 《计算机、材料和连续体(英文)》2020,65(2):1437-1452
The license plate recognition system (LPRS) has been widely adopted in daily life due to its efficiency and high accuracy. Deep neural networks are commonly used in the LPRS to improve the recognition accuracy. However, researchers have found that deep neural networks have their own security problems that may lead to unexpected results. Specifically, they can be easily attacked by the adversarial examples that are generated by adding small perturbations to the original images, resulting in incorrect license plate recognition. There are some classic methods to generate adversarial examples, but they cannot be adopted on LPRS directly. In this paper, we modify some classic methods to generate adversarial examples that could mislead the LPRS. We conduct extensive evaluations on the HyperLPR system and the results show that the system could be easily attacked by such adversarial examples. In addition, we show that the generated images could also attack the black-box systems; we show some examples that the Baidu LPR system also makes incorrect recognitions. We hope this paper could help improve the LPRS by realizing the existence of such adversarial attacks. 相似文献
9.
S. S. Kumar;R. S. Vinod Kumar; 《International journal of imaging systems and technology》2024,34(4):e23126
Liver segmentation is a crucial step in medical image analysis and is essential for diagnosing and treating liver diseases. However, manual segmentation is time-consuming and subject to variability among observers. To address these challenges, a novel liver segmentation approach, SwinUNet with transformer skip-fusion is proposed. This method harnesses the Swin Transformer's capacity to model long-range dependencies efficiently, the U-Net's ability to preserve fine spatial details, and the transformer skip-fusion's effectiveness in enabling the decoder to learn intricate features from encoder feature maps. In experiments using the 3DIRCADb and CHAOS datasets, this technique outperformed traditional CNN-based methods, achieving a mean DICE coefficient of 0.988% and a mean Jaccard coefficient of 0.973% by aggregating the results obtained from each dataset, signifying outstanding agreement with ground truth. This remarkable accuracy in liver segmentation holds significant promise for improving liver disease diagnosis and enhancing healthcare outcomes for patients with liver conditions. 相似文献
10.
Indrajeet Kumar Sultan S. Alshamrani Abhishek Kumar Jyoti Rawat Kamred Udham Singh Mamoon Rashid Ahmed Saeed AlGhamdi 《计算机、材料和连续体(英文)》2022,70(1):451-468
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. 相似文献
11.
Mahmoud Ragab Mohammed W. Al-Rabia Sami Saeed Binyamin Ahmed A. Aldarmahi 《计算机、材料和连续体(英文)》2023,74(2):2889-2904
With the increasing and rapid growth rate of COVID-19 cases, the healthcare scheme of several developed countries have reached the point of collapse. An important and critical steps in fighting against COVID-19 is powerful screening of diseased patients, in such a way that positive patient can be treated and isolated. A chest radiology image-based diagnosis scheme might have several benefits over traditional approach. The accomplishment of artificial intelligence (AI) based techniques in automated diagnoses in the healthcare sector and rapid increase in COVID-19 cases have demanded the requirement of AI based automated diagnosis and recognition systems. This study develops an Intelligent Firefly Algorithm Deep Transfer Learning Based COVID-19 Monitoring System (IFFA-DTLMS). The proposed IFFA-DTLMS model majorly aims at identifying and categorizing the occurrence of COVID19 on chest radiographs. To attain this, the presented IFFA-DTLMS model primarily applies densely connected networks (DenseNet121) model to generate a collection of feature vectors. In addition, the firefly algorithm (FFA) is applied for the hyper parameter optimization of DenseNet121 model. Moreover, autoencoder-long short term memory (AE-LSTM) model is exploited for the classification and identification of COVID19. For ensuring the enhanced performance of the IFFA-DTLMS model, a wide-ranging experiments were performed and the results are reviewed under distinctive aspects. The experimental value reports the betterment of IFFA-DTLMS model over recent approaches. 相似文献
12.
Seong-O Shim;Lal Hussain;Wajid Aziz;Abdulrahman A. Alshdadi;Abdulrahman Alzahrani;Abdulfattah Omar; 《International journal of imaging systems and technology》2024,34(2):e23059
Accurate brain tumor classification is crucial for enhancing the diagnosis, prognosis, and treatment of glioblastoma patients. We employed the ResNet101 deep learning method with transfer learning to analyze the 2021 Radiological Society of North America (RSNA) Brain Tumor challenge dataset. This dataset comprises four structural magnetic resonance imaging (MRI) sequences: fluid-attenuated inversion-recovery (FLAIR), T1-weighted pre-contrast (T1w), T1-weighted post-contrast (T1Gd), and T2-weighted (T2). We assessed the model's performance using standard evaluation metrics. The highest performance to detect MGMT methylation status for patients suffering glioblastoma was an accuracy (85.48%), sensitivity (80.64%), specificity (90.32%). Whereas classification performance with no tumor was yielded with accuracy (85.48%), sensitivity (90.32%), specificity (80.64%). The radiomic features (74) computed with ensembled Bagged Tree and relief feature selection method (30/74) improved the validation accuracy of 84.3% and AUC of 0.9038 to detect. O6-methylguanine-DNA methyltransferase (MGMT) promoter methylation status in glioblastoma patients holds promise for optimizing treatment planning and prognosis. By understanding MGMT methylation status, clinicians can make informed decisions about treatment strategies, potentially leading to improved clinical outcomes. 相似文献
14.
15.
Sobia Nawaz Sidra Rasheed Wania Sami Lal Hussain Amjad Aldweesh Elsayed Tag eldin Umair Ahmad Salaria Mohammad Shahbaz Khan 《计算机、材料和连续体(英文)》2023,75(3):5213-5228
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. 相似文献
16.
Shahan Yamin Siddiqui Sagheer Abbas Muhammad Adnan Khan Iftikhar Naseer Tehreem Masood Khalid Masood Khan Mohammed A. Al Ghamdi Sultan H. Almotiri 《计算机、材料和连续体(英文)》2021,66(2):1719-1732
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. 相似文献
17.
José Escorcia-Gutierrez Margarita Gamarra Roosvel Soto-Diaz Safa Alsafari Ayman Yafoz Romany F. Mansour 《计算机、材料和连续体(英文)》2023,75(3):5255-5270
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%. 相似文献
18.
Abdelwahed Motwakel Hala J. Alshahrani Abdulkhaleq Q. A. Hassan Khaled Tarmissi Amal S. Mehanna Ishfaq Yaseen Amgad Atta Abdelmageed Mohammad Mahzari 《计算机、材料和连续体(英文)》2023,75(3):4767-4783
Applied linguistics is an interdisciplinary domain which identifies, investigates, and offers solutions to language-related real-life problems. The new coronavirus disease, otherwise known as Coronavirus disease (COVID-19), has severely affected the everyday life of people all over the world. Specifically, since there is insufficient access to vaccines and no straight or reliable treatment for coronavirus infection, the country has initiated the appropriate preventive measures (like lockdown, physical separation, and masking) for combating this extremely transmittable disease. So, individuals spent more time on online social media platforms (i.e., Twitter, Facebook, Instagram, LinkedIn, and Reddit) and expressed their thoughts and feelings about coronavirus infection. Twitter has become one of the popular social media platforms and allows anyone to post tweets. This study proposes a sine cosine optimization with bidirectional gated recurrent unit-based sentiment analysis (SCOBGRU-SA) on COVID-19 tweets. The SCOBGRU-SA technique aimed to detect and classify the various sentiments in Twitter data during the COVID-19 pandemic. The SCOBGRU-SA technique follows data pre-processing and the Fast-Text word embedding process to accomplish this. Moreover, the BGRU model is utilized to recognise and classify sentiments present in the tweets. Furthermore, the SCO algorithm is exploited for tuning the BGRU method’s hyperparameter, which helps attain improved classification performance. The experimental validation of the SCOBGRU-SA technique takes place using a benchmark dataset, and the results signify its promising performance compared to other DL models. 相似文献
19.
Siddhant Banyal Rinky Dwivedi Koyel Datta Gupta Deepak Kumar Sharma Fadi Al-Turjman Leonardo Mostarda 《计算机、材料和连续体(英文)》2021,67(2):1679-1696
The COVID-19 outbreak initiated from the Chinese city of Wuhan and eventually affected almost every nation around the globe. From China, the disease started spreading to the rest of the world. After China, Italy became the next epicentre of the virus and witnessed a very high death toll. Soon nations like the USA became severely hit by SARS-CoV-2 virus. The World Health Organisation, on 11th March 2020, declared COVID-19 a pandemic. To combat the epidemic, the nations from every corner of the world has instituted various policies like physical distancing, isolation of infected population and researching on the potential vaccine of SARS-CoV-2. To identify the impact of various policies implemented by the affected countries on the pandemic spread, a myriad of AI-based models have been presented to analyse and predict the epidemiological trends of COVID-19. In this work, the authors present a detailed study of different artificial intelligence frameworks applied for predictive analysis of COVID-19 patient record. The forecasting models acquire information from records to detect the pandemic spreading and thus enabling an opportunity to take immediate actions to reduce the spread of the virus. This paper addresses the research issues and corresponding solutions associated with the prediction and detection of infectious diseases like COVID-19. It further focuses on the study of vaccinations to cope with the pandemic. Finally, the research challenges in terms of data availability, reliability, the accuracy of the existing prediction models and other open issues are discussed to outline the future course of this study. 相似文献
20.
目的 针对包装产品上QR码在采集过程中的运动模糊、失焦模糊,长期磨损形成的自模糊和环境中的噪声等因素,导致QR码无法识别的问题,提出一种基于生成对抗网络的QR码去模糊算法。方法 采用深度学习模型生成对抗网络对模糊核和环境噪声具有的强大拟合和估计能力,提取模糊QR码图像与真实图像的深层特征和差距,并通过生成器与判别器不断迭代对抗,使生成器具有由输入的模糊QR码产生与之对应的去模糊QR码图像的能力。结果 生成器能较好地对模糊核和环境噪声进行估计,而且能够实现对数据集内多种不同模糊程度QR码的去模糊,去模糊QR码图像效果较好,处理时间快,识别率较高。结论 采用基于生成对抗网络的QR码去模糊算法能够广泛应用于包装产品外壳上QR码的预处理过程,泛化能力较好,能有效提高扫描识别率。 相似文献