期刊文献+
共找到9,571篇文章
< 1 2 250 >
每页显示 20 50 100
A Deep Web Query Interfaces Classification Method Based on RBF Neural Network 被引量:1
1
作者 YUAN Fang ZHAO Yao ZHOU Xu 《Wuhan University Journal of Natural Sciences》 CAS 2007年第5期825-829,共5页
This paper proposes a new approach for classification for query interfaces of Deep Web, which extracts features from the form's text data on the query interfaces, assisted with the synonym library, and uses radial ba... This paper proposes a new approach for classification for query interfaces of Deep Web, which extracts features from the form's text data on the query interfaces, assisted with the synonym library, and uses radial basic function neural network (RBFNN) algorithm to classify the query interfaces. The applied RBFNN is a kind of effective feed-forward artificial neural network, which has a simple networking structure but features with strength of excellent nonlinear approximation, fast convergence and global convergence. A TEL_8 query interfaces' data set from UIUC on-line database is used in our experiments, which consists of 477 query interfaces in 8 typical domains. Experimental results proved that the proposed approach can efficiently classify the query interfaces with an accuracy of 95.67%. 展开更多
关键词 Deep Web query interfaces classification radial basic function neural network rbfNN)
下载PDF
Design of a novel hybrid quantum deep neural network in INEQR images classification
2
作者 王爽 王柯涵 +3 位作者 程涛 赵润盛 马鸿洋 郭帅 《Chinese Physics B》 SCIE EI CAS CSCD 2024年第6期230-238,共9页
We redesign the parameterized quantum circuit in the quantum deep neural network, construct a three-layer structure as the hidden layer, and then use classical optimization algorithms to train the parameterized quantu... We redesign the parameterized quantum circuit in the quantum deep neural network, construct a three-layer structure as the hidden layer, and then use classical optimization algorithms to train the parameterized quantum circuit, thereby propose a novel hybrid quantum deep neural network(HQDNN) used for image classification. After bilinear interpolation reduces the original image to a suitable size, an improved novel enhanced quantum representation(INEQR) is used to encode it into quantum states as the input of the HQDNN. Multi-layer parameterized quantum circuits are used as the main structure to implement feature extraction and classification. The output results of parameterized quantum circuits are converted into classical data through quantum measurements and then optimized on a classical computer. To verify the performance of the HQDNN, we conduct binary classification and three classification experiments on the MNIST(Modified National Institute of Standards and Technology) data set. In the first binary classification, the accuracy of 0 and 4 exceeds98%. Then we compare the performance of three classification with other algorithms, the results on two datasets show that the classification accuracy is higher than that of quantum deep neural network and general quantum convolutional neural network. 展开更多
关键词 quantum computing image classification quantum–classical hybrid neural network quantum image representation INTERPOLATION
下载PDF
A Spectral Convolutional Neural Network Model Based on Adaptive Fick’s Law for Hyperspectral Image Classification
3
作者 Tsu-Yang Wu Haonan Li +1 位作者 Saru Kumari Chien-Ming Chen 《Computers, Materials & Continua》 SCIE EI 2024年第4期19-46,共28页
Hyperspectral image classification stands as a pivotal task within the field of remote sensing,yet achieving highprecision classification remains a significant challenge.In response to this challenge,a Spectral Convol... Hyperspectral image classification stands as a pivotal task within the field of remote sensing,yet achieving highprecision classification remains a significant challenge.In response to this challenge,a Spectral Convolutional Neural Network model based on Adaptive Fick’s Law Algorithm(AFLA-SCNN)is proposed.The Adaptive Fick’s Law Algorithm(AFLA)constitutes a novel metaheuristic algorithm introduced herein,encompassing three new strategies:Adaptive weight factor,Gaussian mutation,and probability update policy.With adaptive weight factor,the algorithmcan adjust theweights according to the change in the number of iterations to improve the performance of the algorithm.Gaussianmutation helps the algorithm avoid falling into local optimal solutions and improves the searchability of the algorithm.The probability update strategy helps to improve the exploitability and adaptability of the algorithm.Within the AFLA-SCNN model,AFLA is employed to optimize two hyperparameters in the SCNN model,namely,“numEpochs”and“miniBatchSize”,to attain their optimal values.AFLA’s performance is initially validated across 28 functions in 10D,30D,and 50D for CEC2013 and 29 functions in 10D,30D,and 50D for CEC2017.Experimental results indicate AFLA’s marked performance superiority over nine other prominent optimization algorithms.Subsequently,the AFLA-SCNN model was compared with the Spectral Convolutional Neural Network model based on Fick’s Law Algorithm(FLA-SCNN),Spectral Convolutional Neural Network model based on Harris Hawks Optimization(HHO-SCNN),Spectral Convolutional Neural Network model based onDifferential Evolution(DE-SCNN),SpectralConvolutionalNeuralNetwork(SCNN)model,and SupportVector Machines(SVM)model using the Indian Pines dataset and PaviaUniversity dataset.The experimental results show that the AFLA-SCNN model outperforms other models in terms of Accuracy,Precision,Recall,and F1-score on Indian Pines and Pavia University.Among them,the Accuracy of the AFLA-SCNN model on Indian Pines reached 99.875%,and the Accuracy on PaviaUniversity reached 98.022%.In conclusion,our proposed AFLA-SCNN model is deemed to significantly enhance the precision of hyperspectral image classification. 展开更多
关键词 Adaptive Fick’s law algorithm spectral convolutional neural network metaheuristic algorithm intelligent optimization algorithm hyperspectral image classification
下载PDF
A Lightweight Convolutional Neural Network with Hierarchical Multi-Scale Feature Fusion for Image Classification
4
作者 Adama Dembele Ronald Waweru Mwangi Ananda Omutokoh Kube 《Journal of Computer and Communications》 2024年第2期173-200,共28页
Convolutional neural networks (CNNs) are widely used in image classification tasks, but their increasing model size and computation make them challenging to implement on embedded systems with constrained hardware reso... Convolutional neural networks (CNNs) are widely used in image classification tasks, but their increasing model size and computation make them challenging to implement on embedded systems with constrained hardware resources. To address this issue, the MobileNetV1 network was developed, which employs depthwise convolution to reduce network complexity. MobileNetV1 employs a stride of 2 in several convolutional layers to decrease the spatial resolution of feature maps, thereby lowering computational costs. However, this stride setting can lead to a loss of spatial information, particularly affecting the detection and representation of smaller objects or finer details in images. To maintain the trade-off between complexity and model performance, a lightweight convolutional neural network with hierarchical multi-scale feature fusion based on the MobileNetV1 network is proposed. The network consists of two main subnetworks. The first subnetwork uses a depthwise dilated separable convolution (DDSC) layer to learn imaging features with fewer parameters, which results in a lightweight and computationally inexpensive network. Furthermore, depthwise dilated convolution in DDSC layer effectively expands the field of view of filters, allowing them to incorporate a larger context. The second subnetwork is a hierarchical multi-scale feature fusion (HMFF) module that uses parallel multi-resolution branches architecture to process the input feature map in order to extract the multi-scale feature information of the input image. Experimental results on the CIFAR-10, Malaria, and KvasirV1 datasets demonstrate that the proposed method is efficient, reducing the network parameters and computational cost by 65.02% and 39.78%, respectively, while maintaining the network performance compared to the MobileNetV1 baseline. 展开更多
关键词 MobileNet Image classification Lightweight Convolutional neural network Depthwise Dilated Separable Convolution Hierarchical Multi-Scale Feature Fusion
下载PDF
Diffraction deep neural network-based classification for vector vortex beams
5
作者 彭怡翔 陈兵 +1 位作者 王乐 赵生妹 《Chinese Physics B》 SCIE EI CAS CSCD 2024年第3期387-392,共6页
The vector vortex beam(VVB)has attracted significant attention due to its intrinsic diversity of information and has found great applications in both classical and quantum communications.However,a VVB is unavoidably a... The vector vortex beam(VVB)has attracted significant attention due to its intrinsic diversity of information and has found great applications in both classical and quantum communications.However,a VVB is unavoidably affected by atmospheric turbulence(AT)when it propagates through the free-space optical communication environment,which results in detection errors at the receiver.In this paper,we propose a VVB classification scheme to detect VVBs with continuously changing polarization states under AT,where a diffractive deep neural network(DDNN)is designed and trained to classify the intensity distribution of the input distorted VVBs,and the horizontal direction of polarization of the input distorted beam is adopted as the feature for the classification through the DDNN.The numerical simulations and experimental results demonstrate that the proposed scheme has high accuracy in classification tasks.The energy distribution percentage remains above 95%from weak to medium AT,and the classification accuracy can remain above 95%for various strengths of turbulence.It has a faster convergence and better accuracy than that based on a convolutional neural network. 展开更多
关键词 vector vortex beam diffractive deep neural network classification atmospheric turbulence
下载PDF
Deep hybrid: Multi-graph neural network collaboration for hyperspectral image classification 被引量:3
6
作者 Ding Yao Zhang Zhi-li +4 位作者 Zhao Xiao-feng Cai Wei He Fang Cai Yao-ming Wei-Wei Cai 《Defence Technology(防务技术)》 SCIE EI CAS CSCD 2023年第5期164-176,共13页
With limited number of labeled samples,hyperspectral image(HSI)classification is a difficult Problem in current research.The graph neural network(GNN)has emerged as an approach to semi-supervised classification,and th... With limited number of labeled samples,hyperspectral image(HSI)classification is a difficult Problem in current research.The graph neural network(GNN)has emerged as an approach to semi-supervised classification,and the application of GNN to hyperspectral images has attracted much attention.However,in the existing GNN-based methods a single graph neural network or graph filter is mainly used to extract HSI features,which does not take full advantage of various graph neural networks(graph filters).Moreover,the traditional GNNs have the problem of oversmoothing.To alleviate these shortcomings,we introduce a deep hybrid multi-graph neural network(DHMG),where two different graph filters,i.e.,the spectral filter and the autoregressive moving average(ARMA)filter,are utilized in two branches.The former can well extract the spectral features of the nodes,and the latter has a good suppression effect on graph noise.The network realizes information interaction between the two branches and takes good advantage of different graph filters.In addition,to address the problem of oversmoothing,a dense network is proposed,where the local graph features are preserved.The dense structure satisfies the needs of different classification targets presenting different features.Finally,we introduce a GraphSAGEbased network to refine the graph features produced by the deep hybrid network.Extensive experiments on three public HSI datasets strongly demonstrate that the DHMG dramatically outperforms the state-ofthe-art models. 展开更多
关键词 Graph neural network Hyperspectral image classification Deep hybrid network
下载PDF
A Novel Locomotion Rule Rmbedding Long Short-Term Memory Network with Attention for Human Locomotor Intent Classification Using Multi-Sensors Signals
7
作者 Jiajie Shen Yan Wang Dongxu Zhang 《Computers, Materials & Continua》 SCIE EI 2024年第6期4349-4370,共22页
Locomotor intent classification has become a research hotspot due to its importance to the development of assistive robotics and wearable devices.Previous work have achieved impressive performance in classifying stead... Locomotor intent classification has become a research hotspot due to its importance to the development of assistive robotics and wearable devices.Previous work have achieved impressive performance in classifying steady locomotion states.However,it remains challenging for these methods to attain high accuracy when facing transitions between steady locomotion states.Due to the similarities between the information of the transitions and their adjacent steady states.Furthermore,most of these methods rely solely on data and overlook the objective laws between physical activities,resulting in lower accuracy,particularly when encountering complex locomotion modes such as transitions.To address the existing deficiencies,we propose the locomotion rule embedding long short-term memory(LSTM)network with Attention(LREAL)for human locomotor intent classification,with a particular focus on transitions,using data from fewer sensors(two inertial measurement units and four goniometers).The LREAL network consists of two levels:One responsible for distinguishing between steady states and transitions,and the other for the accurate identification of locomotor intent.Each classifier in these levels is composed of multiple-LSTM layers and an attention mechanism.To introduce real-world motion rules and apply constraints to the network,a prior knowledge was added to the network via a rule-modulating block.The method was tested on the ENABL3S dataset,which contains continuous locomotion date for seven steady and twelve transitions states.Experimental results showed that the LREAL network could recognize locomotor intents with an average accuracy of 99.03%and 96.52%for the steady and transitions states,respectively.It is worth noting that the LREAL network accuracy for transition-state recognition improved by 0.18%compared to other state-of-the-art network,while using data from fewer sensors. 展开更多
关键词 Lower-limb prosthetics deep neural networks motion classification
下载PDF
A Convolutional and Transformer Based Deep Neural Network for Automatic Modulation Classification 被引量:1
8
作者 Shanchuan Ying Sai Huang +3 位作者 Shuo Chang Zheng Yang Zhiyong Feng Ningyan Guo 《China Communications》 SCIE CSCD 2023年第5期135-147,共13页
Automatic modulation classification(AMC)aims at identifying the modulation of the received signals,which is a significant approach to identifying the target in military and civil applications.In this paper,a novel dat... Automatic modulation classification(AMC)aims at identifying the modulation of the received signals,which is a significant approach to identifying the target in military and civil applications.In this paper,a novel data-driven framework named convolutional and transformer-based deep neural network(CTDNN)is proposed to improve the classification performance.CTDNN can be divided into four modules,i.e.,convolutional neural network(CNN)backbone,transition module,transformer module,and final classifier.In the CNN backbone,a wide and deep convolution structure is designed,which consists of 1×15 convolution kernels and intensive cross-layer connections instead of traditional 1×3 kernels and sequential connections.In the transition module,a 1×1 convolution layer is utilized to compress the channels of the previous multi-scale CNN features.In the transformer module,three self-attention layers are designed for extracting global features and generating the classification vector.In the classifier,the final decision is made based on the maximum a posterior probability.Extensive simulations are conducted,and the result shows that our proposed CTDNN can achieve superior classification performance than traditional deep models. 展开更多
关键词 automatic modulation classification deep neural network convolutional neural network TRANSFORMER
下载PDF
Deep learning framework for time series classification based on multiple imaging and hybrid quantum neural networks
9
作者 谢建设 董玉民 《Chinese Physics B》 SCIE EI CAS CSCD 2023年第12期221-230,共10页
Time series classification(TSC)has attracted a lot of attention for time series data mining tasks and has been applied in various fields.With the success of deep learning(DL)in computer vision recognition,people are s... Time series classification(TSC)has attracted a lot of attention for time series data mining tasks and has been applied in various fields.With the success of deep learning(DL)in computer vision recognition,people are starting to use deep learning to tackle TSC tasks.Quantum neural networks(QNN)have recently demonstrated their superiority over traditional machine learning in methods such as image processing and natural language processing,but research using quantum neural networks to handle TSC tasks has not received enough attention.Therefore,we proposed a learning framework based on multiple imaging and hybrid QNN(MIHQNN)for TSC tasks.We investigate the possibility of converting 1D time series to 2D images and classifying the converted images using hybrid QNN.We explored the differences between MIHQNN based on single time series imaging and MIHQNN based on the fusion of multiple time series imaging.Four quantum circuits were also selected and designed to study the impact of quantum circuits on TSC tasks.We tested our method on several standard datasets and achieved significant results compared to several current TSC methods,demonstrating the effectiveness of MIHQNN.This research highlights the potential of applying quantum computing to TSC and provides the theoretical and experimental background for future research. 展开更多
关键词 quantum neural networks time series classification time-series images feature fusion
下载PDF
Research on Maize Seed Classification Method Based on Convolutional Neural Network
10
作者 Guowen ZHANG Shuxin YIN 《Agricultural Biotechnology》 CAS 2023年第4期119-121,共3页
The quality of maize seeds affects the outcome of planting and harvesting,so seed quality inspection has become very important.Traditional seed quality detection methods are labor-intensive and time-consuming,whereas ... The quality of maize seeds affects the outcome of planting and harvesting,so seed quality inspection has become very important.Traditional seed quality detection methods are labor-intensive and time-consuming,whereas seed quality detection using computer vision techniques is efficient and accurate.In this study,we conducted migration learning training in AlexNet,VGG11 and ShuffleNetV2 network models respectively,and found that ShuffleNetV2 has a high accuracy rate for maize seed classification and recognition by comparing various metrics.In this study,the features of the seed images were extracted through image pre-processing methods,and then the AlexNet,VGG11 and ShuffleNetV2 models were used for training and classification respectively.A total of 2081 seed images containing four varieties were used for training and testing.The experimental results showed that ShuffleNetV2 could efficiently distinguish different varieties of maize seeds with the highest classification accuracy of 100%,where the parameter size of the model was at 20.65 MB and the response time for a single image was at 0.45 s.Therefore,the method is of high practicality and extension value. 展开更多
关键词 Convolutional neural network Deep learning Variety classification
下载PDF
Feature selection: Key to enhance node classification with graph neural networks 被引量:1
11
作者 Sunil Kumar Maurya Xin Liu Tsuyoshi Murata 《CAAI Transactions on Intelligence Technology》 SCIE EI 2023年第1期14-28,共15页
Graphs help to define the relationships between entities in the data.These relationships,represented by edges,often provide additional context information which can be utilised to discover patterns in the data.Graph N... Graphs help to define the relationships between entities in the data.These relationships,represented by edges,often provide additional context information which can be utilised to discover patterns in the data.Graph Neural Networks(GNNs)employ the inductive bias of the graph structure to learn and predict on various tasks.The primary operation of graph neural networks is the feature aggregation step performed over neighbours of the node based on the structure of the graph.In addition to its own features,for each hop,the node gets additional combined features from its neighbours.These aggregated features help define the similarity or dissimilarity of the nodes with respect to the labels and are useful for tasks like node classification.However,in real-world data,features of neighbours at different hops may not correlate with the node's features.Thus,any indiscriminate feature aggregation by GNN might cause the addition of noisy features leading to degradation in model's performance.In this work,we show that selective aggregation of node features from various hops leads to better performance than default aggregation on the node classification task.Furthermore,we propose a Dual-Net GNN architecture with a classifier model and a selector model.The classifier model trains over a subset of input node features to predict node labels while the selector model learns to provide optimal input subset to the classifier for the best performance.These two models are trained jointly to learn the best subset of features that give higher accuracy in node label predictions.With extensive experiments,we show that our proposed model outperforms both feature selection methods and state-of-the-art GNN models with remarkable improvements up to 27.8%. 展开更多
关键词 classification feature selection neural network
下载PDF
Convolutional Neural Network-Based Classificationof Multiple Retinal Diseases Using Fundus Images
12
作者 Aqsa Aslam Saima Farhan +3 位作者 Momina Abdul Khaliq Fatima Anjum Ayesha Afzaal Faria Kanwal 《Intelligent Automation & Soft Computing》 SCIE 2023年第6期2607-2622,共16页
Use of deep learning algorithms for the investigation and analysis of medical images has emerged as a powerful technique.The increase in retinal dis-eases is alarming as it may lead to permanent blindness if left untr... Use of deep learning algorithms for the investigation and analysis of medical images has emerged as a powerful technique.The increase in retinal dis-eases is alarming as it may lead to permanent blindness if left untreated.Automa-tion of the diagnosis process of retinal diseases not only assists ophthalmologists in correct decision-making but saves time also.Several researchers have worked on automated retinal disease classification but restricted either to hand-crafted fea-ture selection or binary classification.This paper presents a deep learning-based approach for the automated classification of multiple retinal diseases using fundus images.For this research,the data has been collected and combined from three distinct sources.The images are preprocessed for enhancing the details.Six layers of the convolutional neural network(CNN)are used for the automated feature extraction and classification of 20 retinal diseases.It is observed that the results are reliant on the number of classes.For binary classification(healthy vs.unhealthy),up to 100%accuracy has been achieved.When 16 classes are used(treating stages of a disease as a single class),93.3%accuracy,92%sensitivity and 93%specificity have been obtained respectively.For 20 classes(treating stages of the disease as separate classes),the accuracy,sensitivity and specificity have dropped to 92.4%,92%and 92%respectively. 展开更多
关键词 classification convolutional neural network fundus images medical image diagnosis retinal diseases
下载PDF
Empirical Analysis of Neural Networks-Based Models for Phishing Website Classification Using Diverse Datasets
13
作者 Shoaib Khan Bilal Khan +2 位作者 Saifullah Jan Subhan Ullah Aiman 《Journal of Cyber Security》 2023年第1期47-66,共20页
Phishing attacks pose a significant security threat by masquerading as trustworthy entities to steal sensitive information,a problem that persists despite user awareness.This study addresses the pressing issue of phis... Phishing attacks pose a significant security threat by masquerading as trustworthy entities to steal sensitive information,a problem that persists despite user awareness.This study addresses the pressing issue of phishing attacks on websites and assesses the performance of three prominent Machine Learning(ML)models—Artificial Neural Networks(ANN),Convolutional Neural Networks(CNN),and Long Short-Term Memory(LSTM)—utilizing authentic datasets sourced from Kaggle and Mendeley repositories.Extensive experimentation and analysis reveal that the CNN model achieves a better accuracy of 98%.On the other hand,LSTM shows the lowest accuracy of 96%.These findings underscore the potential of ML techniques in enhancing phishing detection systems and bolstering cybersecurity measures against evolving phishing tactics,offering a promising avenue for safeguarding sensitive information and online security. 展开更多
关键词 Artificial neural networks phishing websites network security machine learning phishing datasets classification
下载PDF
Document classification approach by rough-set-based corner classification neural network 被引量:1
14
作者 张卫丰 徐宝文 +1 位作者 崔自峰 徐峻岭 《Journal of Southeast University(English Edition)》 EI CAS 2006年第3期439-444,共6页
A rough set based corner classification neural network, the Rough-CC4, is presented to solve document classification problems such as document representation of different document sizes, document feature selection and... A rough set based corner classification neural network, the Rough-CC4, is presented to solve document classification problems such as document representation of different document sizes, document feature selection and document feature encoding. In the Rough-CC4, the documents are described by the equivalent classes of the approximate words. By this method, the dimensions representing the documents can be reduced, which can solve the precision problems caused by the different document sizes and also blur the differences caused by the approximate words. In the Rough-CC4, a binary encoding method is introduced, through which the importance of documents relative to each equivalent class is encoded. By this encoding method, the precision of the Rough-CC4 is improved greatly and the space complexity of the Rough-CC4 is reduced. The Rough-CC4 can be used in automatic classification of documents. 展开更多
关键词 document classification neural network rough set meta search engine
下载PDF
Intelligent risk identification of gas drilling based on nonlinear classification network
15
作者 Wen-He Xia Zong-Xu Zhao +4 位作者 Cheng-Xiao Li Gao Li Yong-Jie Li Xing Ding Xiang-Dong Chen 《Petroleum Science》 SCIE EI CSCD 2023年第5期3074-3084,共11页
During the transient process of gas drilling conditions,the monitoring data often has obvious nonlinear fluctuation features,which leads to large classification errors and time delays in the commonly used intelligent ... During the transient process of gas drilling conditions,the monitoring data often has obvious nonlinear fluctuation features,which leads to large classification errors and time delays in the commonly used intelligent classification models.Combined with the structural features of data samples obtained from monitoring while drilling,this paper uses convolution algorithm to extract the correlation features of multiple monitoring while drilling parameters changing with time,and applies RBF network with nonlinear classification ability to classify the features.In the training process,the loss function component based on distance mean square error is used to effectively adjust the best clustering center in RBF.Many field applications show that,the recognition accuracy of the above nonlinear classification network model for gas production,water production and drill sticking is 97.32%,95.25%and 93.78%.Compared with the traditional convolutional neural network(CNN)model,the network structure not only improves the classification accuracy of conditions in the transition stage of conditions,but also greatly advances the time points of risk identification,especially for the three common risk identification points of gas production,water production and drill sticking,which are advanced by 56,16 and 8 s.It has won valuable time for the site to take correct risk disposal measures in time,and fully demonstrated the applicability of nonlinear classification neural network in oil and gas field exploration and development. 展开更多
关键词 Gas drilling Intelligent identification of drilling risk Nonlinear classification rbf neural network K-means algorithm
下载PDF
Brain Cancer Tumor Classification from Motion-Corrected MRI Images Using Convolutional Neural Network 被引量:3
16
作者 Hanan Abdullah Mengash Hanan A.Hosni Mahmoud 《Computers, Materials & Continua》 SCIE EI 2021年第8期1551-1563,共13页
Detection of brain tumors in MRI images is the first step in brain cancer diagnosis.The accuracy of the diagnosis depends highly on the expertise of radiologists.Therefore,automated diagnosis of brain cancer from MRI ... Detection of brain tumors in MRI images is the first step in brain cancer diagnosis.The accuracy of the diagnosis depends highly on the expertise of radiologists.Therefore,automated diagnosis of brain cancer from MRI is receiving a large amount of attention.Also,MRI tumor detection is usually followed by a biopsy(an invasive procedure),which is a medical procedure for brain tumor classification.It is of high importance to devise automated methods to aid radiologists in brain cancer tumor diagnosis without resorting to invasive procedures.Convolutional neural network(CNN)is deemed to be one of the best machine learning algorithms to achieve high-accuracy results in tumor identification and classification.In this paper,a CNN-based technique for brain tumor classification has been developed.The proposed CNN can distinguish between normal(no-cancer),astrocytoma tumors,gliomatosis cerebri tumors,and glioblastoma tumors.The implemented CNN was tested on MRI images that underwent a motion-correction procedure.The CNN was evaluated using two performance measurement procedures.The first one is a k-fold cross-validation testing method,in which we tested the dataset using k=8,10,12,and 14.The best accuracy for this procedure was 96.26%when k=10.To overcome the over-fitting problem that could be occurred in the k-fold testing method,we used a hold-out testing method as a second evaluation procedure.The results of this procedure succeeded in attaining 97.8%accuracy,with a specificity of 99.2%and a sensitivity of 97.32%.With this high accuracy,the developed CNN architecture could be considered an effective automated diagnosis method for the classification of brain tumors from MRI images. 展开更多
关键词 classification convolutional neural network tumor classification MRI deep learning k-fold cross classification
下载PDF
Model Identification of Water Purification Systems Using RBF Neural Network
17
作者 徐立新 《Journal of Beijing Institute of Technology》 EI CAS 1998年第3期293-395,296-298,共6页
Aim The RFB (radial hats function) netal network was studied for the model indentificaiton of an ozonation/BAC system. Methods The optimal ozone's dosage and the remain time in carbon tower were analyzed to build... Aim The RFB (radial hats function) netal network was studied for the model indentificaiton of an ozonation/BAC system. Methods The optimal ozone's dosage and the remain time in carbon tower were analyzed to build the neural network model by which the expected outflow CODM can be acquired under the inflow CODM condition. Results The improved self-organized learning algorithm can assign the centers into appropriate places , and the RBF network's outputs at the sample points fit the experimental data very well. Conclusion The model of ozonation /BAC system based on the RBF network am describe the relationshipamong various factors correctly, a new prouding approach tO the wate purification process is provided. 展开更多
关键词 rbf neural network: identification OZONE biological activated carbon
下载PDF
Calibration Method Based on RBF Neural Networks for Soil Moisture Content Sensor 被引量:9
18
作者 杨敬锋 李亭 +1 位作者 卢启福 陈志民 《Agricultural Science & Technology》 CAS 2010年第2期140-142,共3页
Temporal and spatial variation of soil moisture content is significant for crop growth,climate change and the other fields.In order to overcome shortage of non-linear output voltage of TDR3 soil moisture content senso... Temporal and spatial variation of soil moisture content is significant for crop growth,climate change and the other fields.In order to overcome shortage of non-linear output voltage of TDR3 soil moisture content sensor and increase soil moisture content data collection and computational efficiency,this paper presents a RBF neural network calibration method of soil moisture content based on TDR3 soil moisture sensor and wireless sensor networks.Experiment results show that the calibration method is effective... 展开更多
关键词 Calibration Model Soil Moisture Sensor Wireless Sensor networks rbf neural networks
下载PDF
A Robust Approach for Detection and Classification of KOA Based on BILSTM Network 被引量:1
19
作者 Abdul Qadir Rabbia Mahum Suliman Aladhadh 《Computer Systems Science & Engineering》 SCIE EI 2023年第11期1365-1384,共20页
A considerable portion of the population now experiences osteoarthritis of the knee,spine,and hip due to lifestyle changes.Therefore,early treatment,recognition and prevention are essential to reduce damage;neverthele... A considerable portion of the population now experiences osteoarthritis of the knee,spine,and hip due to lifestyle changes.Therefore,early treatment,recognition and prevention are essential to reduce damage;nevertheless,this time-consuming activity necessitates a variety of tests and in-depth analysis by physicians.To overcome the existing challenges in the early detection of Knee Osteoarthritis(KOA),an effective automated technique,prompt recognition,and correct categorization are required.This work suggests a method based on an improved deep learning algorithm that makes use of data from the knee images after segmentation to detect KOA and its severity using the Kellgren-Lawrence(KL) classification schemes,such as Class-I,Class-II,Class-III,and Class-IV.Utilizing ResNet to segregate knee pictures,we first collected features from these images before using the Bidirectional Long Short-Term Memory(BiLSTM)architecture to classify them.Given that the technique is a pre-trained network and doesn’t require a large training set,the Mendeley VI dataset has been utilized for the training of the proposed model.To evaluate the effectiveness of the suggested model,cross-validation has also been employed using the Osteoarthritis Initiative(OAI)dataset.Furthermore,our suggested technique is more resilient,which overcomes the challenge of imbalanced training data due to the hybrid architecture of our proposed model.The suggested algorithm is a cuttingedge and successful method for documenting the successful application of the timely identification and severity categorization of KOA.The algorithm showed a cross-validation accuracy of 78.57%and a testing accuracy of 84.09%.Numerous tests have been conducted to show that our suggested algorithm is more reliable and capable than the state-of-the-art at identifying and categorizing KOA disease. 展开更多
关键词 KOA image classification knee osteoarthritis deep learning neural networks human computer interaction(HCI) medical imaging
下载PDF
Computer vision-based limestone rock-type classification using probabilistic neural network 被引量:17
20
作者 Ashok Kumar Patel Snehamoy Chatterjee 《Geoscience Frontiers》 SCIE CAS CSCD 2016年第1期53-60,共8页
Proper quality planning of limestone raw materials is an essential job of maintaining desired feed in cement plant. Rock-type identification is an integrated part of quality planning for limestone mine. In this paper,... Proper quality planning of limestone raw materials is an essential job of maintaining desired feed in cement plant. Rock-type identification is an integrated part of quality planning for limestone mine. In this paper, a computer vision-based rock-type classification algorithm is proposed for fast and reliable identification without human intervention. A laboratory scale vision-based model was developed using probabilistic neural network(PNN) where color histogram features are used as input. The color image histogram-based features that include weighted mean, skewness and kurtosis features are extracted for all three color space red, green, and blue. A total nine features are used as input for the PNN classification model. The smoothing parameter for PNN model is selected judicially to develop an optimal or close to the optimum classification model. The developed PPN is validated using the test data set and results reveal that the proposed vision-based model can perform satisfactorily for classifying limestone rocktypes. Overall the error of mis-classification is below 6%. When compared with other three classification algorithms, it is observed that the proposed method performs substantially better than all three classification algorithms. 展开更多
关键词 Supervised classification Probabilistic neural network Histogram based features Smoothing parameter LIMESTONE
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部