期刊文献+
共找到6,321篇文章
< 1 2 250 >
每页显示 20 50 100
Classification of Sailboat Tell Tail Based on Deep Learning
1
作者 CHANG Xiaofeng YU Jintao +3 位作者 GAO Ying DING Hongchen LIU Yulong YU Huaming 《Journal of Ocean University of China》 SCIE CAS CSCD 2024年第3期710-720,共11页
The tell tail is usually placed on the triangular sail to display the running state of the air flow on the sail surface.It is of great significance to make accurate judgement on the drift of the tell tail of the sailb... The tell tail is usually placed on the triangular sail to display the running state of the air flow on the sail surface.It is of great significance to make accurate judgement on the drift of the tell tail of the sailboat during sailing for the best sailing effect.Normally it is difficult for sailors to keep an eye for a long time on the tell sail for accurate judging its changes,affected by strong sunlight and visual fatigue.In this case,we adopt computer vision technology in hope of helping the sailors judge the changes of the tell tail in ease with ease.This paper proposes for the first time a method to classify sailboat tell tails based on deep learning and an expert guidance system,supported by a sailboat tell tail classification data set on the expert guidance system of interpreting the tell tails states in different sea wind conditions,including the feature extraction performance.Considering the expression capabilities that vary with the computational features in different visual tasks,the paper focuses on five tell tail computing features,which are recoded by an automatic encoder and classified by a SVM classifier.All experimental samples were randomly divided into five groups,and four groups were selected from each group as the training set to train the classifier.The remaining one group was used as the test set for testing.The highest resolution value of the ResNet network was 80.26%.To achieve better operational results on the basis of deep computing features obtained through the ResNet network in the experiments.The method can be used to assist the sailors in making better judgement about the tell tail changes during sailing. 展开更多
关键词 tell tail sailboat classification deep learning
下载PDF
Learning feature alignment and dual correlation for few‐shot image classification
2
作者 Xilang Huang Seon Han Choi 《CAAI Transactions on Intelligence Technology》 SCIE EI 2024年第2期303-318,共16页
Few‐shot image classification is the task of classifying novel classes using extremely limited labelled samples.To perform classification using the limited samples,one solution is to learn the feature alignment(FA)in... Few‐shot image classification is the task of classifying novel classes using extremely limited labelled samples.To perform classification using the limited samples,one solution is to learn the feature alignment(FA)information between the labelled and unlabelled sample features.Most FA methods use the feature mean as the class prototype and calculate the correlation between prototype and unlabelled features to learn an alignment strategy.However,mean prototypes tend to degenerate informative features because spatial features at the same position may not be equally important for the final classification,leading to inaccurate correlation calculations.Therefore,the authors propose an effective intraclass FA strategy that aggregates semantically similar spatial features from an adaptive reference prototype in low‐dimensional feature space to obtain an informative prototype feature map for precise correlation computation.Moreover,a dual correlation module to learn the hard and soft correlations was developed by the authors.This module combines the correlation information between the prototype and unlabelled features in both the original and learnable feature spaces,aiming to produce a comprehensive cross‐correlation between the prototypes and unlabelled features.Using both FA and cross‐attention modules,our model can maintain informative class features and capture important shared features for classification.Experimental results on three few‐shot classification benchmarks show that the proposed method outperformed related methods and resulted in a 3%performance boost in the 1‐shot setting by inserting the proposed module into the related methods. 展开更多
关键词 image classification machine learning metric learning
下载PDF
A Robust Approach for Multi Classification-Based Intrusion Detection through Stacking Deep Learning Models
3
作者 Samia Allaoua Chelloug 《Computers, Materials & Continua》 SCIE EI 2024年第6期4845-4861,共17页
Intrusion detection is a predominant task that monitors and protects the network infrastructure.Therefore,many datasets have been published and investigated by researchers to analyze and understand the problem of intr... Intrusion detection is a predominant task that monitors and protects the network infrastructure.Therefore,many datasets have been published and investigated by researchers to analyze and understand the problem of intrusion prediction and detection.In particular,the Network Security Laboratory-Knowledge Discovery in Databases(NSL-KDD)is an extensively used benchmark dataset for evaluating intrusion detection systems(IDSs)as it incorporates various network traffic attacks.It is worth mentioning that a large number of studies have tackled the problem of intrusion detection using machine learning models,but the performance of these models often decreases when evaluated on new attacks.This has led to the utilization of deep learning techniques,which have showcased significant potential for processing large datasets and therefore improving detection accuracy.For that reason,this paper focuses on the role of stacking deep learning models,including convolution neural network(CNN)and deep neural network(DNN)for improving the intrusion detection rate of the NSL-KDD dataset.Each base model is trained on the NSL-KDD dataset to extract significant features.Once the base models have been trained,the stacking process proceeds to the second stage,where a simple meta-model has been trained on the predictions generated from the proposed base models.The combination of the predictions allows the meta-model to distinguish different classes of attacks and increase the detection rate.Our experimental evaluations using the NSL-KDD dataset have shown the efficacy of stacking deep learning models for intrusion detection.The performance of the ensemble of base models,combined with the meta-model,exceeds the performance of individual models.Our stacking model has attained an accuracy of 99%and an average F1-score of 93%for the multi-classification scenario.Besides,the training time of the proposed ensemble model is lower than the training time of benchmark techniques,demonstrating its efficiency and robustness. 展开更多
关键词 Intrusion detection multi classification deep learning STACKING NSL-KDD
下载PDF
Marine Predators Algorithm with Deep Learning-Based Leukemia Cancer Classification on Medical Images
4
作者 Sonali Das Saroja Kumar Rout +5 位作者 Sujit Kumar Panda Pradyumna Kumar Mohapatra Abdulaziz S.Almazyad Muhammed Basheer Jasser Guojiang Xiong Ali Wagdy Mohamed 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第10期893-916,共24页
In blood or bone marrow,leukemia is a form of cancer.A person with leukemia has an expansion of white blood cells(WBCs).It primarily affects children and rarely affects adults.Treatment depends on the type of leukemia... In blood or bone marrow,leukemia is a form of cancer.A person with leukemia has an expansion of white blood cells(WBCs).It primarily affects children and rarely affects adults.Treatment depends on the type of leukemia and the extent to which cancer has established throughout the body.Identifying leukemia in the initial stage is vital to providing timely patient care.Medical image-analysis-related approaches grant safer,quicker,and less costly solutions while ignoring the difficulties of these invasive processes.It can be simple to generalize Computer vision(CV)-based and image-processing techniques and eradicate human error.Many researchers have implemented computer-aided diagnosticmethods andmachine learning(ML)for laboratory image analysis,hopefully overcoming the limitations of late leukemia detection and determining its subgroups.This study establishes a Marine Predators Algorithm with Deep Learning Leukemia Cancer Classification(MPADL-LCC)algorithm onMedical Images.The projectedMPADL-LCC system uses a bilateral filtering(BF)technique to pre-process medical images.The MPADL-LCC system uses Faster SqueezeNet withMarine Predators Algorithm(MPA)as a hyperparameter optimizer for feature extraction.Lastly,the denoising autoencoder(DAE)methodology can be executed to accurately detect and classify leukemia cancer.The hyperparameter tuning process using MPA helps enhance leukemia cancer classification performance.Simulation results are compared with other recent approaches concerning various measurements and the MPADL-LCC algorithm exhibits the best results over other recent approaches. 展开更多
关键词 Leukemia cancer medical imaging image classification deep learning marine predators algorithm
下载PDF
Enhancing Hyper-Spectral Image Classification with Reinforcement Learning and Advanced Multi-Objective Binary Grey Wolf Optimization
5
作者 Mehrdad Shoeibi Mohammad Mehdi Sharifi Nevisi +3 位作者 Reza Salehi Diego Martín Zahra Halimi Sahba Baniasadi 《Computers, Materials & Continua》 SCIE EI 2024年第6期3469-3493,共25页
Hyperspectral(HS)image classification plays a crucial role in numerous areas including remote sensing(RS),agriculture,and the monitoring of the environment.Optimal band selection in HS images is crucial for improving ... Hyperspectral(HS)image classification plays a crucial role in numerous areas including remote sensing(RS),agriculture,and the monitoring of the environment.Optimal band selection in HS images is crucial for improving the efficiency and accuracy of image classification.This process involves selecting the most informative spectral bands,which leads to a reduction in data volume.Focusing on these key bands also enhances the accuracy of classification algorithms,as redundant or irrelevant bands,which can introduce noise and lower model performance,are excluded.In this paper,we propose an approach for HS image classification using deep Q learning(DQL)and a novel multi-objective binary grey wolf optimizer(MOBGWO).We investigate the MOBGWO for optimal band selection to further enhance the accuracy of HS image classification.In the suggested MOBGWO,a new sigmoid function is introduced as a transfer function to modify the wolves’position.The primary objective of this classification is to reduce the number of bands while maximizing classification accuracy.To evaluate the effectiveness of our approach,we conducted experiments on publicly available HS image datasets,including Pavia University,Washington Mall,and Indian Pines datasets.We compared the performance of our proposed method with several state-of-the-art deep learning(DL)and machine learning(ML)algorithms,including long short-term memory(LSTM),deep neural network(DNN),recurrent neural network(RNN),support vector machine(SVM),and random forest(RF).Our experimental results demonstrate that the Hybrid MOBGWO-DQL significantly improves classification accuracy compared to traditional optimization and DL techniques.MOBGWO-DQL shows greater accuracy in classifying most categories in both datasets used.For the Indian Pine dataset,the MOBGWO-DQL architecture achieved a kappa coefficient(KC)of 97.68%and an overall accuracy(OA)of 94.32%.This was accompanied by the lowest root mean square error(RMSE)of 0.94,indicating very precise predictions with minimal error.In the case of the Pavia University dataset,the MOBGWO-DQL model demonstrated outstanding performance with the highest KC of 98.72%and an impressive OA of 96.01%.It also recorded the lowest RMSE at 0.63,reinforcing its accuracy in predictions.The results clearly demonstrate that the proposed MOBGWO-DQL architecture not only reaches a highly accurate model more quickly but also maintains superior performance throughout the training process. 展开更多
关键词 Hyperspectral image classification reinforcement learning multi-objective binary grey wolf optimizer band selection
下载PDF
Terrorism Attack Classification Using Machine Learning: The Effectiveness of Using Textual Features Extracted from GTD Dataset
6
作者 Mohammed Abdalsalam Chunlin Li +1 位作者 Abdelghani Dahou Natalia Kryvinska 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第2期1427-1467,共41页
One of the biggest dangers to society today is terrorism, where attacks have become one of the most significantrisks to international peace and national security. Big data, information analysis, and artificial intelli... One of the biggest dangers to society today is terrorism, where attacks have become one of the most significantrisks to international peace and national security. Big data, information analysis, and artificial intelligence (AI) havebecome the basis for making strategic decisions in many sensitive areas, such as fraud detection, risk management,medical diagnosis, and counter-terrorism. However, there is still a need to assess how terrorist attacks are related,initiated, and detected. For this purpose, we propose a novel framework for classifying and predicting terroristattacks. The proposed framework posits that neglected text attributes included in the Global Terrorism Database(GTD) can influence the accuracy of the model’s classification of terrorist attacks, where each part of the datacan provide vital information to enrich the ability of classifier learning. Each data point in a multiclass taxonomyhas one or more tags attached to it, referred as “related tags.” We applied machine learning classifiers to classifyterrorist attack incidents obtained from the GTD. A transformer-based technique called DistilBERT extracts andlearns contextual features from text attributes to acquiremore information from text data. The extracted contextualfeatures are combined with the “key features” of the dataset and used to perform the final classification. Thestudy explored different experimental setups with various classifiers to evaluate the model’s performance. Theexperimental results show that the proposed framework outperforms the latest techniques for classifying terroristattacks with an accuracy of 98.7% using a combined feature set and extreme gradient boosting classifier. 展开更多
关键词 Artificial intelligence machine learning natural language processing data analytic DistilBERT feature extraction terrorism classification GTD dataset
下载PDF
Deep Learning-Based ECG Classification for Arterial Fibrillation Detection
7
作者 Muhammad Sohail Irshad Tehreem Masood +3 位作者 Arfan Jaffar Muhammad Rashid Sheeraz Akram Abeer Aljohani 《Computers, Materials & Continua》 SCIE EI 2024年第6期4805-4824,共20页
The application of deep learning techniques in the medical field,specifically for Atrial Fibrillation(AFib)detection through Electrocardiogram(ECG)signals,has witnessed significant interest.Accurate and timely diagnos... The application of deep learning techniques in the medical field,specifically for Atrial Fibrillation(AFib)detection through Electrocardiogram(ECG)signals,has witnessed significant interest.Accurate and timely diagnosis increases the patient’s chances of recovery.However,issues like overfitting and inconsistent accuracy across datasets remain challenges.In a quest to address these challenges,a study presents two prominent deep learning architectures,ResNet-50 and DenseNet-121,to evaluate their effectiveness in AFib detection.The aim was to create a robust detection mechanism that consistently performs well.Metrics such as loss,accuracy,precision,sensitivity,and Area Under the Curve(AUC)were utilized for evaluation.The findings revealed that ResNet-50 surpassed DenseNet-121 in all evaluated categories.It demonstrated lower loss rate 0.0315 and 0.0305 superior accuracy of 98.77%and 98.88%,precision of 98.78%and 98.89%and sensitivity of 98.76%and 98.86%for training and validation,hinting at its advanced capability for AFib detection.These insights offer a substantial contribution to the existing literature on deep learning applications for AFib detection from ECG signals.The comparative performance data assists future researchers in selecting suitable deep-learning architectures for AFib detection.Moreover,the outcomes of this study are anticipated to stimulate the development of more advanced and efficient ECG-based AFib detection methodologies,for more accurate and early detection of AFib,thereby fostering improved patient care and outcomes. 展开更多
关键词 Convolution neural network atrial fibrillation area under curve ECG false positive rate deep learning classification
下载PDF
Deep learning algorithm featuring continuous learning for modulation classifications in wireless networks
8
作者 WU Nan SUN Yu WANG Xudong 《太赫兹科学与电子信息学报》 2024年第2期209-218,共10页
Although modulation classification based on deep neural network can achieve high Modulation Classification(MC)accuracies,catastrophic forgetting will occur when the neural network model continues to learn new tasks.In... Although modulation classification based on deep neural network can achieve high Modulation Classification(MC)accuracies,catastrophic forgetting will occur when the neural network model continues to learn new tasks.In this paper,we simulate the dynamic wireless communication environment and focus on breaking the learning paradigm of isolated automatic MC.We innovate a research algorithm for continuous automatic MC.Firstly,a memory for storing representative old task modulation signals is built,which is employed to limit the gradient update direction of new tasks in the continuous learning stage to ensure that the loss of old tasks is also in a downward trend.Secondly,in order to better simulate the dynamic wireless communication environment,we employ the mini-batch gradient algorithm which is more suitable for continuous learning.Finally,the signal in the memory can be replayed to further strengthen the characteristics of the old task signal in the model.Simulation results verify the effectiveness of the method. 展开更多
关键词 Deep learning(DL) modulation classification continuous learning catastrophic forgetting cognitive radio communications
下载PDF
Optimal Classification of Minerals by Microscopic Image Analysis Based on Seven-State “Deep Learning” Combined with Optimizers
9
作者 Kouadio Krah Sie Ouattara +2 位作者 Gbele Ouattara Alain Clement Joseph Vangah 《Open Journal of Applied Sciences》 2024年第6期1550-1572,共23页
The development of artificial intelligence (AI), particularly deep learning, has made it possible to accelerate and improve the processing of data collected in different fields (commerce, medicine, surveillance or sec... The development of artificial intelligence (AI), particularly deep learning, has made it possible to accelerate and improve the processing of data collected in different fields (commerce, medicine, surveillance or security, agriculture, etc.). Most related works use open source consistent image databases. This is the case for ImageNet reference data such as coco data, IP102, CIFAR-10, STL-10 and many others with variability representatives. The consistency of its images contributes to the spectacular results observed in its fields with deep learning. The application of deep learning which is making its debut in geology does not, to our knowledge, include a database of microscopic images of thin sections of open source rock minerals. In this paper, we evaluate three optimizers under the AlexNet architecture to check whether our acquired mineral images have object features or patterns that are clear and distinct to be extracted by a neural network. These are thin sections of magmatic rocks (biotite and 2-mica granite, granodiorite, simple granite, dolerite, charnokite and gabbros, etc.) which served as support. We use two hyper-parameters: the number of epochs to perform complete rounds on the entire data set and the “learning rate” to indicate how quickly the weights in the network will be modified during optimization. Using Transfer Learning, the three (3) optimizers all based on the gradient descent methods of Stochastic Momentum Gradient Descent (sgdm), Root Mean Square Propagation (RMSprop) algorithm and Adaptive Estimation of moment (Adam) achieved better performance. The recorded results indicate that the Momentum optimizer achieved the best scores respectively of 96.2% with a learning step set to 10−3 for a fixed choice of 350 epochs during this variation and 96, 7% over 300 epochs for the same value of the learning step. This performance is expected to provide excellent insight into image quality for future studies. Then they participate in the development of an intelligent system for the identification and classification of minerals, seven (7) in total (quartz, biotite, amphibole, plagioclase, feldspar, muscovite, pyroxene) and rocks. 展开更多
关键词 classification Convolutional Neural Network Deep learning Optimizers Transfer learning Rock Mineral Images
下载PDF
Transfer Learning Approach to Classify the X-Ray Image that Corresponds to Corona Disease Using ResNet50 Pre-Trained by ChexNet
10
作者 Mahyar Bolhassani 《Journal of Intelligent Learning Systems and Applications》 2024年第2期80-90,共11页
The COVID-19 pandemic has had a widespread negative impact globally. It shares symptoms with other respiratory illnesses such as pneumonia and influenza, making rapid and accurate diagnosis essential to treat individu... The COVID-19 pandemic has had a widespread negative impact globally. It shares symptoms with other respiratory illnesses such as pneumonia and influenza, making rapid and accurate diagnosis essential to treat individuals and halt further transmission. X-ray imaging of the lungs is one of the most reliable diagnostic tools. Utilizing deep learning, we can train models to recognize the signs of infection, thus aiding in the identification of COVID-19 cases. For our project, we developed a deep learning model utilizing the ResNet50 architecture, pre-trained with ImageNet and CheXNet datasets. We tackled the challenge of an imbalanced dataset, the CoronaHack Chest X-Ray dataset provided by Kaggle, through both binary and multi-class classification approaches. Additionally, we evaluated the performance impact of using Focal loss versus Cross-entropy loss in our model. 展开更多
关键词 X-Ray classification Convolutional Neural Network ResNet Transfer learning Supervised learning COVID-19 Chest X-Ray
下载PDF
Microseismic event waveform classification using CNN-based transfer learning models 被引量:1
11
作者 Longjun Dong Hongmei Shu +1 位作者 Zheng Tang Xianhang Yan 《International Journal of Mining Science and Technology》 SCIE EI CAS CSCD 2023年第10期1203-1216,共14页
The efficient processing of large amounts of data collected by the microseismic monitoring system(MMS),especially the rapid identification of microseismic events in explosions and noise,is essential for mine disaster ... The efficient processing of large amounts of data collected by the microseismic monitoring system(MMS),especially the rapid identification of microseismic events in explosions and noise,is essential for mine disaster prevention.Currently,this work is primarily performed by skilled technicians,which results in severe workloads and inefficiency.In this paper,CNN-based transfer learning combined with computer vision technology was used to achieve automatic recognition and classification of multichannel microseismic signal waveforms.First,data collected by MMS was generated into 6-channel original waveforms based on events.After that,sample data sets of microseismic events,blasts,drillings,and noises were established through manual identification.These datasets were split into training sets and test sets according to a certain proportion,and transfer learning was performed on AlexNet,GoogLeNet,and ResNet50 pre-training network models,respectively.After training and tuning,optimal models were retained and compared with support vector machine classification.Results show that transfer learning models perform well on different test sets.Overall,GoogLeNet performed best,with a recognition accuracy of 99.8%.Finally,the possible effects of the number of training sets and the imbalance of different types of sample data on the accuracy and effectiveness of classification models were discussed. 展开更多
关键词 Mine safety Machine learning Transfer learning Microseismic events Waveform classification Image identification and classification
下载PDF
Detection and classification of breast lesions using multiple information on contrast-enhanced mammography by a multiprocess deep-learning system: A multicenter study 被引量:1
12
作者 Yuqian Chen Zhen Hua +16 位作者 Fan Lin Tiantian Zheng Heng Zhou Shijie Zhang Jing Gao Zhongyi Wang Huafei Shao Wenjuan Li Fengjie Liu Simin Wang Yan Zhang Feng Zhao Hao Liu Haizhu Xie Heng Ma Haicheng Zhang Ning Mao 《Chinese Journal of Cancer Research》 SCIE CAS CSCD 2023年第4期408-423,共16页
Objective: Accurate detection and classification of breast lesions in early stage is crucial to timely formulate effective treatments for patients. We aim to develop a fully automatic system to detect and classify bre... Objective: Accurate detection and classification of breast lesions in early stage is crucial to timely formulate effective treatments for patients. We aim to develop a fully automatic system to detect and classify breast lesions using multiple contrast-enhanced mammography(CEM) images.Methods: In this study, a total of 1,903 females who underwent CEM examination from three hospitals were enrolled as the training set, internal testing set, pooled external testing set and prospective testing set. Here we developed a CEM-based multiprocess detection and classification system(MDCS) to perform the task of detection and classification of breast lesions. In this system, we introduced an innovative auxiliary feature fusion(AFF)algorithm that could intelligently incorporates multiple types of information from CEM images. The average freeresponse receiver operating characteristic score(AFROC-Score) was presented to validate system’s detection performance, and the performance of classification was evaluated by area under the receiver operating characteristic curve(AUC). Furthermore, we assessed the diagnostic value of MDCS through visual analysis of disputed cases,comparing its performance and efficiency with that of radiologists and exploring whether it could augment radiologists’ performance.Results: On the pooled external and prospective testing sets, MDCS always maintained a high standalone performance, with AFROC-Scores of 0.953 and 0.963 for detection task, and AUCs for classification were 0.909[95% confidence interval(95% CI): 0.822-0.996] and 0.912(95% CI: 0.840-0.985), respectively. It also achieved higher sensitivity than all senior radiologists and higher specificity than all junior radiologists on pooled external and prospective testing sets. Moreover, MDCS performed superior diagnostic efficiency with an average reading time of 5 seconds, compared to the radiologists’ average reading time of 3.2 min. The average performance of all radiologists was also improved to varying degrees with MDCS assistance.Conclusions: MDCS demonstrated excellent performance in the detection and classification of breast lesions,and greatly enhanced the overall performance of radiologists. 展开更多
关键词 Deep learning contrast-enhanced mammography breast lesions DETECTION classification
下载PDF
Transductive Transfer Dictionary Learning Algorithm for Remote Sensing Image Classification 被引量:1
13
作者 Jiaqun Zhu Hongda Chen +1 位作者 Yiqing Fan Tongguang Ni 《Computer Modeling in Engineering & Sciences》 SCIE EI 2023年第12期2267-2283,共17页
To create a green and healthy living environment,people have put forward higher requirements for the refined management of ecological resources.A variety of technologies,including satellite remote sensing,Internet of ... To create a green and healthy living environment,people have put forward higher requirements for the refined management of ecological resources.A variety of technologies,including satellite remote sensing,Internet of Things,artificial intelligence,and big data,can build a smart environmental monitoring system.Remote sensing image classification is an important research content in ecological environmental monitoring.Remote sensing images contain rich spatial information andmulti-temporal information,but also bring challenges such as difficulty in obtaining classification labels and low classification accuracy.To solve this problem,this study develops a transductive transfer dictionary learning(TTDL)algorithm.In the TTDL,the source and target domains are transformed fromthe original sample space to a common subspace.TTDL trains a shared discriminative dictionary in this subspace,establishes associations between domains,and also obtains sparse representations of source and target domain data.To obtain an effective shared discriminative dictionary,triple-induced ordinal locality preserving term,Fisher discriminant term,and graph Laplacian regularization termare introduced into the TTDL.The triplet-induced ordinal locality preserving term on sub-space projection preserves the local structure of data in low-dimensional subspaces.The Fisher discriminant term on dictionary improves differences among different sub-dictionaries through intra-class and inter-class scatters.The graph Laplacian regularization term on sparse representation maintains the manifold structure using a semi-supervised weight graphmatrix,which can indirectly improve the discriminative performance of the dictionary.The TTDL is tested on several remote sensing image datasets and has strong discrimination classification performance. 展开更多
关键词 classification dictionary learning remote sensing image transductive transfer learning
下载PDF
Deep Learning-Enabled Brain Stroke Classification on Computed Tomography Images 被引量:1
14
作者 Azhar Tursynova Batyrkhan Omarov +4 位作者 Natalya Tukenova Indira Salgozha Onergul Khaaval Rinat Ramazanov Bagdat Ospanov 《Computers, Materials & Continua》 SCIE EI 2023年第4期1431-1446,共16页
In the field of stroke imaging, deep learning (DL) has enormousuntapped potential.When clinically significant symptoms of a cerebral strokeare detected, it is crucial to make an urgent diagnosis using available imagin... In the field of stroke imaging, deep learning (DL) has enormousuntapped potential.When clinically significant symptoms of a cerebral strokeare detected, it is crucial to make an urgent diagnosis using available imagingtechniques such as computed tomography (CT) scans. The purpose of thiswork is to classify brain CT images as normal, surviving ischemia or cerebralhemorrhage based on the convolutional neural network (CNN) model. In thisstudy, we propose a computer-aided diagnostic system (CAD) for categorizingcerebral strokes using computed tomography images. Horizontal flip datamagnification techniques were used to obtain more accurate categorization.Image Data Generator to magnify the image in real time and apply anyrandom transformations to each training image. An early stopping method toavoid overtraining. As a result, the proposed methods improved several estimationparameters such as accuracy and recall, compared to other machinelearning methods. A python web application was created to demonstrate theresults of CNN model classification using cloud development techniques. Inour case, the model correctly identified the drawing class as normal with 79%accuracy. Based on the collected results, it was determined that the presentedautomated diagnostic system could be used to assist medical professionals indetecting and classifying brain strokes. 展开更多
关键词 Ischemic stroke HEMORRHAGE CNN deep learning classification
下载PDF
Research on classification method of high myopic maculopathy based on retinal fundus images and optimized ALFA-Mix active learning algorithm 被引量:1
15
作者 Shao-Jun Zhu Hao-Dong Zhan +4 位作者 Mao-Nian Wu Bo Zheng Bang-Quan Liu Shao-Chong Zhang Wei-Hua Yang 《International Journal of Ophthalmology(English edition)》 SCIE CAS 2023年第7期995-1004,共10页
AIM:To conduct a classification study of high myopic maculopathy(HMM)using limited datasets,including tessellated fundus,diffuse chorioretinal atrophy,patchy chorioretinal atrophy,and macular atrophy,and minimize anno... AIM:To conduct a classification study of high myopic maculopathy(HMM)using limited datasets,including tessellated fundus,diffuse chorioretinal atrophy,patchy chorioretinal atrophy,and macular atrophy,and minimize annotation costs,and to optimize the ALFA-Mix active learning algorithm and apply it to HMM classification.METHODS:The optimized ALFA-Mix algorithm(ALFAMix+)was compared with five algorithms,including ALFA-Mix.Four models,including Res Net18,were established.Each algorithm was combined with four models for experiments on the HMM dataset.Each experiment consisted of 20 active learning rounds,with 100 images selected per round.The algorithm was evaluated by comparing the number of rounds in which ALFA-Mix+outperformed other algorithms.Finally,this study employed six models,including Efficient Former,to classify HMM.The best-performing model among these models was selected as the baseline model and combined with the ALFA-Mix+algorithm to achieve satisfactor y classification results with a small dataset.RESULTS:ALFA-Mix+outperforms other algorithms with an average superiority of 16.6,14.75,16.8,and 16.7 rounds in terms of accuracy,sensitivity,specificity,and Kappa value,respectively.This study conducted experiments on classifying HMM using several advanced deep learning models with a complete training set of 4252 images.The Efficient Former achieved the best results with an accuracy,sensitivity,specificity,and Kappa value of 0.8821,0.8334,0.9693,and 0.8339,respectively.Therefore,by combining ALFA-Mix+with Efficient Former,this study achieved results with an accuracy,sensitivity,specificity,and Kappa value of 0.8964,0.8643,0.9721,and 0.8537,respectively.CONCLUSION:The ALFA-Mix+algorithm reduces the required samples without compromising accuracy.Compared to other algorithms,ALFA-Mix+outperforms in more rounds of experiments.It effectively selects valuable samples compared to other algorithms.In HMM classification,combining ALFA-Mix+with Efficient Former enhances model performance,further demonstrating the effectiveness of ALFA-Mix+. 展开更多
关键词 high myopic maculopathy deep learning active learning image classification ALFA-Mix algorithm
下载PDF
A Light-Weight Deep Learning-Based Architecture for Sign Language Classification 被引量:1
16
作者 M.Daniel Nareshkumar B.Jaison 《Intelligent Automation & Soft Computing》 SCIE 2023年第3期3501-3515,共15页
With advancements in computing powers and the overall quality of images captured on everyday cameras,a much wider range of possibilities has opened in various scenarios.This fact has several implications for deaf and ... With advancements in computing powers and the overall quality of images captured on everyday cameras,a much wider range of possibilities has opened in various scenarios.This fact has several implications for deaf and dumb people as they have a chance to communicate with a greater number of people much easier.More than ever before,there is a plethora of info about sign language usage in the real world.Sign languages,and by extension the datasets available,are of two forms,isolated sign language and continuous sign language.The main difference between the two types is that in isolated sign language,the hand signs cover individual letters of the alphabet.In continuous sign language,entire words’hand signs are used.This paper will explore a novel deep learning architecture that will use recently published large pre-trained image models to quickly and accurately recognize the alphabets in the American Sign Language(ASL).The study will focus on isolated sign language to demonstrate that it is possible to achieve a high level of classification accuracy on the data,thereby showing that interpreters can be implemented in the real world.The newly proposed Mobile-NetV2 architecture serves as the backbone of this study.It is designed to run on end devices like mobile phones and infer signals(what does it infer)from images in a relatively short amount of time.With the proposed architecture in this paper,the classification accuracy of 98.77%in the Indian Sign Language(ISL)and American Sign Language(ASL)is achieved,outperforming the existing state-of-the-art systems. 展开更多
关键词 Deep learning machine learning classification filters american sign language
下载PDF
Intelligent Deep Learning Based Cybersecurity Phishing Email Detection and Classification 被引量:1
17
作者 R.Brindha S.Nandagopal +3 位作者 H.Azath V.Sathana Gyanendra Prasad Joshi Sung Won Kim 《Computers, Materials & Continua》 SCIE EI 2023年第3期5901-5914,共14页
Phishing is a type of cybercrime in which cyber-attackers pose themselves as authorized persons or entities and hack the victims’sensitive data.E-mails,instant messages and phone calls are some of the common modes us... Phishing is a type of cybercrime in which cyber-attackers pose themselves as authorized persons or entities and hack the victims’sensitive data.E-mails,instant messages and phone calls are some of the common modes used in cyberattacks.Though the security models are continuously upgraded to prevent cyberattacks,hackers find innovative ways to target the victims.In this background,there is a drastic increase observed in the number of phishing emails sent to potential targets.This scenario necessitates the importance of designing an effective classification model.Though numerous conventional models are available in the literature for proficient classification of phishing emails,the Machine Learning(ML)techniques and the Deep Learning(DL)models have been employed in the literature.The current study presents an Intelligent Cuckoo Search(CS)Optimization Algorithm with a Deep Learning-based Phishing Email Detection and Classification(ICSOA-DLPEC)model.The aim of the proposed ICSOA-DLPEC model is to effectually distinguish the emails as either legitimate or phishing ones.At the initial stage,the pre-processing is performed through three stages such as email cleaning,tokenization and stop-word elimination.Then,the N-gram approach is;moreover,the CS algorithm is applied to extract the useful feature vectors.Moreover,the CS algorithm is employed with the Gated Recurrent Unit(GRU)model to detect and classify phishing emails.Furthermore,the CS algorithm is used to fine-tune the parameters involved in the GRU model.The performance of the proposed ICSOA-DLPEC model was experimentally validated using a benchmark dataset,and the results were assessed under several dimensions.Extensive comparative studies were conducted,and the results confirmed the superior performance of the proposed ICSOA-DLPEC model over other existing approaches.The proposed model achieved a maximum accuracy of 99.72%. 展开更多
关键词 Phishing email data classification natural language processing deep learning CYBERSECURITY
下载PDF
Novel Machine Learning–Based Approach for Arabic Text Classification Using Stylistic and Semantic Features 被引量:1
18
作者 Fethi Fkih Mohammed Alsuhaibani +1 位作者 Delel Rhouma Ali Mustafa Qamar 《Computers, Materials & Continua》 SCIE EI 2023年第6期5871-5886,共16页
Text classification is an essential task for many applications related to the Natural Language Processing domain.It can be applied in many fields,such as Information Retrieval,Knowledge Extraction,and Knowledge modeli... Text classification is an essential task for many applications related to the Natural Language Processing domain.It can be applied in many fields,such as Information Retrieval,Knowledge Extraction,and Knowledge modeling.Even though the importance of this task,Arabic Text Classification tools still suffer from many problems and remain incapable of responding to the increasing volume of Arabic content that circulates on the web or resides in large databases.This paper introduces a novel machine learning-based approach that exclusively uses hybrid(stylistic and semantic)features.First,we clean the Arabic documents and translate them to English using translation tools.Consequently,the semantic features are automatically extracted from the translated documents using an existing database of English topics.Besides,the model automatically extracts from the textual content a set of stylistic features such as word and character frequencies and punctuation.Therefore,we obtain 3 types of features:semantic,stylistic and hybrid.Using each time,a different type of feature,we performed an in-depth comparison study of nine well-known Machine Learning models to evaluate our approach and used a standard Arabic corpus.The obtained results show that Neural Network outperforms other models and provides good performances using hybrid features(F1-score=0.88%). 展开更多
关键词 Arabic text classification machine learning stylistic features semantic features TOPICS
下载PDF
Deep Learning Based Underground Sewer Defect Classification Using a Modified RegNet 被引量:1
19
作者 Yu Chen Sagar A.S.M.Sharifuzzaman +4 位作者 Hangxiang Wang Yanfen Li L.Minh Dang Hyoung-Kyu Song Hyeonjoon Moon 《Computers, Materials & Continua》 SCIE EI 2023年第6期5451-5469,共19页
The sewer system plays an important role in protecting rainfall and treating urban wastewater.Due to the harsh internal environment and complex structure of the sewer,it is difficult to monitor the sewer system.Resear... The sewer system plays an important role in protecting rainfall and treating urban wastewater.Due to the harsh internal environment and complex structure of the sewer,it is difficult to monitor the sewer system.Researchers are developing different methods,such as the Internet of Things and Artificial Intelligence,to monitor and detect the faults in the sewer system.Deep learning is a promising artificial intelligence technology that can effectively identify and classify different sewer system defects.However,the existing deep learning based solution does not provide high accuracy prediction and the defect class considered for classification is very small,which can affect the robustness of the model in the constraint environment.As a result,this paper proposes a sewer condition monitoring framework based on deep learning,which can effectively detect and evaluate defects in sewer pipelines with high accuracy.We also introduce a large dataset of sewer defects with 20 different defect classes found in the sewer pipeline.This study modified the original RegNet model by modifying the squeeze excitation(SE)block and adding the dropout layer and Leaky Rectified Linear Units(LeakyReLU)activation function in the Block structure of RegNet model.This study explored different deep learning methods such as RegNet,ResNet50,very deep convolutional networks(VGG),and GoogleNet to train on the sewer defect dataset.The experimental results indicate that the proposed system framework based on the modified-RegNet(RegNet+)model achieves the highest accuracy of 99.5 compared with the commonly used deep learning models.The proposed model provides a robust deep learning model that can effectively classify 20 different sewer defects and be utilized in real-world sewer condition monitoring applications. 展开更多
关键词 Deep learning defect classification underground sewer computer vision convolutional neural network RegNet
下载PDF
Rock mass quality classification based on deep learning:A feasibility study for stacked autoencoders 被引量:1
20
作者 Danjie Sheng Jin Yu +3 位作者 Fei Tan Defu Tong Tianjun Yan Jiahe Lv 《Journal of Rock Mechanics and Geotechnical Engineering》 SCIE CSCD 2023年第7期1749-1758,共10页
Objective and accurate evaluation of rock mass quality classification is the prerequisite for reliable sta-bility assessment.To develop a tool that can deliver quick and accurate evaluation of rock mass quality,a deep... Objective and accurate evaluation of rock mass quality classification is the prerequisite for reliable sta-bility assessment.To develop a tool that can deliver quick and accurate evaluation of rock mass quality,a deep learning approach is developed,which uses stacked autoencoders(SAEs)with several autoencoders and a softmax net layer.Ten rock parameters of rock mass rating(RMR)system are calibrated in this model.The model is trained using 75%of the total database for training sample data.The SAEs trained model achieves a nearly 100%prediction accuracy.For comparison,other different models are also trained with the same dataset,using artificial neural network(ANN)and radial basis function(RBF).The results show that the SAEs classify all test samples correctly while the rating accuracies of ANN and RBF are 97.5%and 98.7%,repectively,which are calculated from the confusion matrix.Moreover,this model is further employed to predict the slope risk level of an abandoned quarry.The proposed approach using SAEs,or deep learning in general,is more objective and more accurate and requires less human inter-vention.The findings presented here shall shed light for engineers/researchers interested in analyzing rock mass classification criteria or performing field investigation. 展开更多
关键词 Rock mass quality classification Deep learning Stacked autoencoder(SAE) Back propagation algorithm
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部