(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 recognitio...(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 rankbased 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 VGGnetwork.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.展开更多
Building an automatic fish recognition and detection system for largescale fish classes is helpful for marine researchers and marine scientists because there are large numbers of fish species.However,it is quite diffi...Building an automatic fish recognition and detection system for largescale fish classes is helpful for marine researchers and marine scientists because there are large numbers of fish species.However,it is quite difficult to build such systems owing to the lack of data imbalance problems and large number of classes.To solve these issues,we propose a transfer learning-based technique in which we use Efficient-Net,which is pre-trained on ImageNet dataset and fine-tuned on QuT Fish Database,which is a large scale dataset.Furthermore,prior to the activation layer,we use Global Average Pooling(GAP)instead of dense layer with the aim of averaging the results of predictions along with having more information compared to the dense layer.To check the validity of our model,we validate our model on the validation set which achieves satisfactory results.Also,for the localization task,we propose an architecture that consists of localization aware block,which captures localization information for better prediction and residual connections to handle the over-fitting problem.Actually,the residual connections help the layer to combine missing information with the relevant one.In addition,we use class weights and Focal Loss(FL)to handle class imbalance problems along with reducing false predictions.Actually,class weights assign less weights to classes having fewer instances and large weights to classes having more number of instances.During the localization,the qualitative assessment shows that we achieve 57%Mean Intersection Over Union(IoU)on testing data,and the classification results show 75%precision,70%recall,78%accuracy and 74%F1-Score for 468 fish species.展开更多
The interpretability of deep learning models has emerged as a compelling area in artificial intelligence research.The safety criteria for medical imaging are highly stringent,and models are required for an explanation...The interpretability of deep learning models has emerged as a compelling area in artificial intelligence research.The safety criteria for medical imaging are highly stringent,and models are required for an explanation.However,existing convolutional neural network solutions for left ventricular segmentation are viewed in terms of inputs and outputs.Thus,the interpretability of CNNs has come into the spotlight.Since medical imaging data are limited,many methods to fine-tune medical imaging models that are popular in transfer models have been built using massive public Image Net datasets by the transfer learning method.Unfortunately,this generates many unreliable parameters and makes it difficult to generate plausible explanations from these models.In this study,we trained from scratch rather than relying on transfer learning,creating a novel interpretable approach for autonomously segmenting the left ventricle with a cardiac MRI.Our enhanced GPU training system implemented interpretable global average pooling for graphics using deep learning.The deep learning tasks were simplified.Simplification included data management,neural network architecture,and training.Our system monitored and analyzed the gradient changes of different layers with dynamic visualizations in real-time and selected the optimal deployment model.Our results demonstrated that the proposed method was feasible and efficient:the Dice coefficient reached 94.48%,and the accuracy reached 99.7%.It was found that no current transfer learning models could perform comparably to the ImageNet transfer learning architectures.This model is lightweight and more convenient to deploy on mobile devices than transfer learning models.展开更多
Predicting human mobility has great significance in Location based Social Network applications,while it is challenging due to the impact of historical mobility patterns and current trajectories.Among these challenges,...Predicting human mobility has great significance in Location based Social Network applications,while it is challenging due to the impact of historical mobility patterns and current trajectories.Among these challenges,historical patterns tend to be crucial in the prediction task.However,it is difficult to capture complex patterns from long historical trajectories.Motivated by recent success of Convolutional Neural Network(CNN)-based methods,we propose a Union ConvGRU(UCG)Net,which can capture long short-term patterns of historical trajectories and sequential impact of current trajectories.Specifically,we first incorporate historical trajectories into hidden states by a shared-weight layer,and then utilize a 1D CNN to capture short-term pattern of hidden states.Next,an average pooling method is involved to generate separated hidden states of historical trajectories,on which we use a Fully Connected(FC)layer to capture longterm pattern subsequently.Finally,we use a Recurrent Neural Net-work(RNN)to predict future trajectories by integrating current trajectories and long short-term patterns.Experiments demonstrate that UCG Net performs best in comparison with neural network-based methods.展开更多
This paper proposes a novel method for the automatic diagnosis of keratitis using feature vector quantization and self-attention mechanisms(ADK_FVQSAM).First,high-level features are extracted using the DenseNet121 bac...This paper proposes a novel method for the automatic diagnosis of keratitis using feature vector quantization and self-attention mechanisms(ADK_FVQSAM).First,high-level features are extracted using the DenseNet121 backbone network,followed by adaptive average pooling to scale the features to a fixed length.Subsequently,product quantization with residuals(PQR)is applied to convert continuous feature vectors into discrete features representations,preserving essential information insensitive to image quality variations.The quantized and original features are concatenated and fed into a self-attention mechanism to capture keratitis-related features.Finally,these enhanced features are classified through a fully connected layer.Experiments on clinical low-quality(LQ)images show that ADK_FVQSAM achieves accuracies of 87.7%,81.9%,and 89.3% for keratitis,other corneal abnormalities,and normal corneas,respectively.Compared to DenseNet121,Swin transformer,and InceptionResNet,ADK_FVQSAM improves average accuracy by 3.1%,11.3%,and 15.3%,respectively.These results demonstrate that ADK_FVQSAM significantly enhances the recognition performance of keratitis based on LQ slit-lamp images,offering a practical approach for clinical application.展开更多
基金This study is partially supported by the Medical Research Council Confidence in Concept Award,UK(MC_PC_17171)Royal Society International Exchanges Cost Share Award,UK(RP202G0230)+3 种基金Hope Foundation for Cancer Research,UK(RM60G0680)British Heart Foundation Accelerator Award,UKSino-UK Industrial Fund,UK(RP202G0289)Global Challenges Research Fund(GCRF),UK(P202PF11).We thank Dr.Hemil Patel for his help in English correction.
文摘(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 rankbased 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 VGGnetwork.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.
基金Zamil S.Alzamil would like to thank Deanship of Scientific Research at Majmaah University for supporting this work under Project No.R-2022-172.
文摘Building an automatic fish recognition and detection system for largescale fish classes is helpful for marine researchers and marine scientists because there are large numbers of fish species.However,it is quite difficult to build such systems owing to the lack of data imbalance problems and large number of classes.To solve these issues,we propose a transfer learning-based technique in which we use Efficient-Net,which is pre-trained on ImageNet dataset and fine-tuned on QuT Fish Database,which is a large scale dataset.Furthermore,prior to the activation layer,we use Global Average Pooling(GAP)instead of dense layer with the aim of averaging the results of predictions along with having more information compared to the dense layer.To check the validity of our model,we validate our model on the validation set which achieves satisfactory results.Also,for the localization task,we propose an architecture that consists of localization aware block,which captures localization information for better prediction and residual connections to handle the over-fitting problem.Actually,the residual connections help the layer to combine missing information with the relevant one.In addition,we use class weights and Focal Loss(FL)to handle class imbalance problems along with reducing false predictions.Actually,class weights assign less weights to classes having fewer instances and large weights to classes having more number of instances.During the localization,the qualitative assessment shows that we achieve 57%Mean Intersection Over Union(IoU)on testing data,and the classification results show 75%precision,70%recall,78%accuracy and 74%F1-Score for 468 fish species.
基金The National Natural Science Foundation of China (62176048)provided funding for this research.
文摘The interpretability of deep learning models has emerged as a compelling area in artificial intelligence research.The safety criteria for medical imaging are highly stringent,and models are required for an explanation.However,existing convolutional neural network solutions for left ventricular segmentation are viewed in terms of inputs and outputs.Thus,the interpretability of CNNs has come into the spotlight.Since medical imaging data are limited,many methods to fine-tune medical imaging models that are popular in transfer models have been built using massive public Image Net datasets by the transfer learning method.Unfortunately,this generates many unreliable parameters and makes it difficult to generate plausible explanations from these models.In this study,we trained from scratch rather than relying on transfer learning,creating a novel interpretable approach for autonomously segmenting the left ventricle with a cardiac MRI.Our enhanced GPU training system implemented interpretable global average pooling for graphics using deep learning.The deep learning tasks were simplified.Simplification included data management,neural network architecture,and training.Our system monitored and analyzed the gradient changes of different layers with dynamic visualizations in real-time and selected the optimal deployment model.Our results demonstrated that the proposed method was feasible and efficient:the Dice coefficient reached 94.48%,and the accuracy reached 99.7%.It was found that no current transfer learning models could perform comparably to the ImageNet transfer learning architectures.This model is lightweight and more convenient to deploy on mobile devices than transfer learning models.
基金This research was supported in part by National Key Research and Development Plan Key Special Projects under Grant No.2018YFB2100303Key Research and Development Plan Project of Shandong Province under Grant No.2016GGX101032+2 种基金Program for Innovative Postdoctoral Talents in Shandong Province under Grant No.40618030001National Natural Science Foundation of China under Grant No.61802216Postdoctoral Science Foundation of China under Grant No.2018M642613.
文摘Predicting human mobility has great significance in Location based Social Network applications,while it is challenging due to the impact of historical mobility patterns and current trajectories.Among these challenges,historical patterns tend to be crucial in the prediction task.However,it is difficult to capture complex patterns from long historical trajectories.Motivated by recent success of Convolutional Neural Network(CNN)-based methods,we propose a Union ConvGRU(UCG)Net,which can capture long short-term patterns of historical trajectories and sequential impact of current trajectories.Specifically,we first incorporate historical trajectories into hidden states by a shared-weight layer,and then utilize a 1D CNN to capture short-term pattern of hidden states.Next,an average pooling method is involved to generate separated hidden states of historical trajectories,on which we use a Fully Connected(FC)layer to capture longterm pattern subsequently.Finally,we use a Recurrent Neural Net-work(RNN)to predict future trajectories by integrating current trajectories and long short-term patterns.Experiments demonstrate that UCG Net performs best in comparison with neural network-based methods.
基金supported by the National Natural Science Foundation of China(Nos.62276210,82201148 and 62376215)the Key Research and Development Project of Shaanxi Province(No.2025CY-YBXM-044)+3 种基金the Natural Science Foundation of Zhejiang Province(No.LQ22H120002)the Medical Health Science and Technology Project of Zhejiang Province(Nos.2022RC069 and 2023KY1140)the Natural Science Foundation of Ningbo(No.2023J390)the Ningbo Top Medical and Health Research Program(No.2023030716).
文摘This paper proposes a novel method for the automatic diagnosis of keratitis using feature vector quantization and self-attention mechanisms(ADK_FVQSAM).First,high-level features are extracted using the DenseNet121 backbone network,followed by adaptive average pooling to scale the features to a fixed length.Subsequently,product quantization with residuals(PQR)is applied to convert continuous feature vectors into discrete features representations,preserving essential information insensitive to image quality variations.The quantized and original features are concatenated and fed into a self-attention mechanism to capture keratitis-related features.Finally,these enhanced features are classified through a fully connected layer.Experiments on clinical low-quality(LQ)images show that ADK_FVQSAM achieves accuracies of 87.7%,81.9%,and 89.3% for keratitis,other corneal abnormalities,and normal corneas,respectively.Compared to DenseNet121,Swin transformer,and InceptionResNet,ADK_FVQSAM improves average accuracy by 3.1%,11.3%,and 15.3%,respectively.These results demonstrate that ADK_FVQSAM significantly enhances the recognition performance of keratitis based on LQ slit-lamp images,offering a practical approach for clinical application.