期刊文献+
共找到797篇文章
< 1 2 40 >
每页显示 20 50 100
Improving Generalization for Hyperspectral Image Classification:The Impact of Disjoint Sampling on Deep Models
1
作者 Muhammad Ahmad Manuel Mazzara +2 位作者 Salvatore Distefano Adil Mehmood Khan Hamad Ahmed Altuwaijri 《Computers, Materials & Continua》 SCIE EI 2024年第10期503-532,共30页
Disjoint sampling is critical for rigorous and unbiased evaluation of state-of-the-art(SOTA)models e.g.,Attention Graph and Vision Transformer.When training,validation,and test sets overlap or share data,it introduces... Disjoint sampling is critical for rigorous and unbiased evaluation of state-of-the-art(SOTA)models e.g.,Attention Graph and Vision Transformer.When training,validation,and test sets overlap or share data,it introduces a bias that inflates performance metrics and prevents accurate assessment of a model’s true ability to generalize to new examples.This paper presents an innovative disjoint sampling approach for training SOTA models for the Hyperspectral Image Classification(HSIC).By separating training,validation,and test data without overlap,the proposed method facilitates a fairer evaluation of how well a model can classify pixels it was not exposed to during training or validation.Experiments demonstrate the approach significantly improves a model’s generalization compared to alternatives that include training and validation data in test data(A trivial approach involves testing the model on the entire Hyperspectral dataset to generate the ground truth maps.This approach produces higher accuracy but ultimately results in low generalization performance).Disjoint sampling eliminates data leakage between sets and provides reliable metrics for benchmarking progress in HSIC.Disjoint sampling is critical for advancing SOTA models and their real-world application to large-scale land mapping with Hyperspectral sensors.Overall,with the disjoint test set,the performance of the deep models achieves 96.36%accuracy on Indian Pines data,99.73%on Pavia University data,98.29%on University of Houston data,99.43%on Botswana data,and 99.88%on Salinas data. 展开更多
关键词 hyperspectral image classification disjoint sampling Graph CNN spatial-spectral transformer
下载PDF
Multiscale Fusion Transformer Network for Hyperspectral Image Classification
2
作者 Yuquan Gan Hao Zhang Chen Yi 《Journal of Beijing Institute of Technology》 EI CAS 2024年第3期255-270,共16页
Convolutional neural network(CNN)has excellent ability to model locally contextual information.However,CNNs face challenges for descripting long-range semantic features,which will lead to relatively low classification... Convolutional neural network(CNN)has excellent ability to model locally contextual information.However,CNNs face challenges for descripting long-range semantic features,which will lead to relatively low classification accuracy of hyperspectral images.To address this problem,this article proposes an algorithm based on multiscale fusion and transformer network for hyperspectral image classification.Firstly,the low-level spatial-spectral features are extracted by multi-scale residual structure.Secondly,an attention module is introduced to focus on the more important spatialspectral information.Finally,high-level semantic features are represented and learned by a token learner and an improved transformer encoder.The proposed algorithm is compared with six classical hyperspectral classification algorithms on real hyperspectral images.The experimental results show that the proposed algorithm effectively improves the land cover classification accuracy of hyperspectral images. 展开更多
关键词 hyperspectral image land cover classification MULTI-SCALE TRANSFORMER
下载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
Deep hybrid: Multi-graph neural network collaboration for hyperspectral image classification 被引量:3
4
作者 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
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
Deep transformer and few‐shot learning for hyperspectral image classification
6
作者 Qiong Ran Yonghao Zhou +4 位作者 Danfeng Hong Meiqiao Bi Li Ni Xuan Li Muhammad Ahmad 《CAAI Transactions on Intelligence Technology》 SCIE EI 2023年第4期1323-1336,共14页
Recently,deep learning has achieved considerable results in the hyperspectral image(HSI)classification.However,most available deep networks require ample and authentic samples to better train the models,which is expen... Recently,deep learning has achieved considerable results in the hyperspectral image(HSI)classification.However,most available deep networks require ample and authentic samples to better train the models,which is expensive and inefficient in practical tasks.Existing few‐shot learning(FSL)methods generally ignore the potential relationships between non‐local spatial samples that would better represent the underlying features of HSI.To solve the above issues,a novel deep transformer and few‐shot learning(DTFSL)classification framework is proposed,attempting to realize fine‐grained classification of HSI with only a few‐shot instances.Specifically,the spatial attention and spectral query modules are introduced to overcome the constraint of the convolution kernel and consider the information between long‐distance location(non‐local)samples to reduce the uncertainty of classes.Next,the network is trained with episodes and task‐based learning strategies to learn a metric space,which can continuously enhance its modelling capability.Furthermore,the developed approach combines the advantages of domain adaptation to reduce the variation in inter‐domain distribution and realize distribution alignment.On three publicly available HSI data,extensive experiments have indicated that the proposed DT‐FSL yields better results concerning state‐of‐the‐art algorithms. 展开更多
关键词 deep learning feature extraction hyperspectral image classification
下载PDF
Spatial-Spectral Joint Network for Cholangiocarcinoma Microscopic Hyperspectral Image Classification
7
作者 Xiaoqi Huang Xueyu Zhang +2 位作者 Mengmeng Zhang Meng Lyu Wei Li 《Journal of Beijing Institute of Technology》 EI CAS 2023年第5期586-599,共14页
Accurate histopathology classification is a crucial factor in the diagnosis and treatment of Cholangiocarcinoma(CCA).Hyperspectral images(HSI)provide rich spectral information than ordinary RGB images,making them more... Accurate histopathology classification is a crucial factor in the diagnosis and treatment of Cholangiocarcinoma(CCA).Hyperspectral images(HSI)provide rich spectral information than ordinary RGB images,making them more useful for medical diagnosis.The Convolutional Neural Network(CNN)is commonly employed in hyperspectral image classification due to its remarkable capacity for feature extraction and image classification.However,many existing CNN-based HSI classification methods tend to ignore the importance of image spatial context information and the interdependence between spectral channels,leading to unsatisfied classification performance.Thus,to address these issues,this paper proposes a Spatial-Spectral Joint Network(SSJN)model for hyperspectral image classification that utilizes spatial self-attention and spectral feature extraction.The SSJN model is derived from the ResNet18 network and implemented with the non-local and Coordinate Attention(CA)modules,which extract long-range dependencies on image space and enhance spatial features through the Branch Attention(BA)module to emphasize the region of interest.Furthermore,the SSJN model employs Conv-LSTM modules to extract long-range depen-dencies in the image spectral domain.This addresses the gradient disappearance/explosion phenom-ena and enhances the model classification accuracy.The experimental results show that the pro-posed SSJN model is more efficient in leveraging the spatial and spectral information of hyperspec-tral images on multidimensional microspectral datasets of CCA,leading to higher classification accuracy,and may have useful references for medical diagnosis of CCA. 展开更多
关键词 self-attention microscopic hyperspectral images image classification Conv-LSTM
下载PDF
Automated Deep Learning Driven Crop Classification on Hyperspectral Remote Sensing Images
8
作者 Mesfer Al Duhayyim Hadeel Alsolai +5 位作者 Siwar Ben Haj Hassine Jaber SAlzahrani Ahmed SSalama Abdelwahed Motwakel Ishfaq Yaseen Abu Sarwar Zamani 《Computers, Materials & Continua》 SCIE EI 2023年第2期3167-3181,共15页
Hyperspectral remote sensing/imaging spectroscopy is a novel approach to reaching a spectrum from all the places of a huge array of spatial places so that several spectral wavelengths are utilized for making coherent ... Hyperspectral remote sensing/imaging spectroscopy is a novel approach to reaching a spectrum from all the places of a huge array of spatial places so that several spectral wavelengths are utilized for making coherent images.Hyperspectral remote sensing contains acquisition of digital images from several narrow,contiguous spectral bands throughout the visible,Thermal Infrared(TIR),Near Infrared(NIR),and Mid-Infrared(MIR)regions of the electromagnetic spectrum.In order to the application of agricultural regions,remote sensing approaches are studied and executed to their benefit of continuous and quantitativemonitoring.Particularly,hyperspectral images(HSI)are considered the precise for agriculture as they can offer chemical and physical data on vegetation.With this motivation,this article presents a novel Hurricane Optimization Algorithm with Deep Transfer Learning Driven Crop Classification(HOADTL-CC)model onHyperspectralRemote Sensing Images.The presentedHOADTL-CC model focuses on the identification and categorization of crops on hyperspectral remote sensing images.To accomplish this,the presentedHOADTL-CC model involves the design ofHOAwith capsule network(CapsNet)model for generating a set of useful feature vectors.Besides,Elman neural network(ENN)model is applied to allot proper class labels into the input HSI.Finally,glowworm swarm optimization(GSO)algorithm is exploited to fine tune the ENNparameters involved in this article.The experimental result scrutiny of the HOADTL-CC method can be tested with the help of benchmark dataset and the results are assessed under distinct aspects.Extensive comparative studies stated the enhanced performance of the HOADTL-CC model over recent approaches with maximum accuracy of 99.51%. 展开更多
关键词 hyperspectral images remote sensing deep learning hurricane optimization algorithm crop classification parameter tuning
下载PDF
Hybrid Multi-Strategy Aquila Optimization with Deep Learning Driven Crop Type Classification on Hyperspectral Images
9
作者 Sultan Alahmari Saud Yonbawi +5 位作者 Suneetha Racharla ELaxmi Lydia Mohamad Khairi Ishak Hend Khalid Alkahtani Ayman Aljarbouh Samih M.Mostafa 《Computer Systems Science & Engineering》 SCIE EI 2023年第10期375-391,共17页
Hyperspectral imaging instruments could capture detailed spatial information and rich spectral signs of observed scenes.Much spatial information and spectral signatures of hyperspectral images(HSIs)present greater pot... Hyperspectral imaging instruments could capture detailed spatial information and rich spectral signs of observed scenes.Much spatial information and spectral signatures of hyperspectral images(HSIs)present greater potential for detecting and classifying fine crops.The accurate classification of crop kinds utilizing hyperspectral remote sensing imaging(RSI)has become an indispensable application in the agricultural domain.It is significant for the prediction and growth monitoring of crop yields.Amongst the deep learning(DL)techniques,Convolution Neural Network(CNN)was the best method for classifying HSI for their incredible local contextual modeling ability,enabling spectral and spatial feature extraction.This article designs a Hybrid Multi-Strategy Aquila Optimization with a Deep Learning-Driven Crop Type Classification(HMAODL-CTC)algorithm onHSI.The proposed HMAODL-CTC model mainly intends to categorize different types of crops on HSI.To accomplish this,the presented HMAODL-CTC model initially carries out image preprocessing to improve image quality.In addition,the presented HMAODL-CTC model develops dilated convolutional neural network(CNN)for feature extraction.For hyperparameter tuning of the dilated CNN model,the HMAO algorithm is utilized.Eventually,the presented HMAODL-CTC model uses an extreme learning machine(ELM)model for crop type classification.A comprehensive set of simulations were performed to illustrate the enhanced performance of the presented HMAODL-CTC algorithm.Extensive comparison studies reported the improved performance of the presented HMAODL-CTC algorithm over other compared methods. 展开更多
关键词 Crop type classification hyperspectral images agricultural monitoring deep learning metaheuristics
下载PDF
Hyperspectral Images-Based Crop Classification Scheme for Agricultural Remote Sensing
10
作者 Imran Ali Zohaib Mushtaq +3 位作者 Saad Arif Abeer D.Algarni Naglaa F.Soliman Walid El-Shafai 《Computer Systems Science & Engineering》 SCIE EI 2023年第7期303-319,共17页
Hyperspectral imaging is gaining a significant role in agricultural remote sensing applications.Its data unit is the hyperspectral cube which holds spatial information in two dimensions while spectral band information... Hyperspectral imaging is gaining a significant role in agricultural remote sensing applications.Its data unit is the hyperspectral cube which holds spatial information in two dimensions while spectral band information of each pixel in the third dimension.The classification accuracy of hyperspectral images(HSI)increases significantly by employing both spatial and spectral features.For this work,the data was acquired using an airborne hyperspectral imager system which collected HSI in the visible and near-infrared(VNIR)range of 400 to 1000 nm wavelength within 180 spectral bands.The dataset is collected for nine different crops on agricultural land with a spectral resolution of 3.3 nm wavelength for each pixel.The data was cleaned from geometric distortions and stored with the class labels and annotations of global localization using the inertial navigation system.In this study,a unique pixel-based approach was designed to improve the crops'classification accuracy by using the edge-preserving features(EPF)and principal component analysis(PCA)in conjunction.The preliminary processing generated the high-dimensional EPF stack by applying the edge-preserving filters on acquired HSI.In the second step,this high dimensional stack was treated with the PCA for dimensionality reduction without losing significant spectral information.The resultant feature space(PCA-EPF)demonstrated enhanced class separability for improved crop classification with reduced dimensionality and computational cost.The support vector machines classifier was employed for multiclass classification of target crops using PCA-EPF.The classification performance evaluation was measured in terms of individual class accuracy,overall accuracy,average accuracy,and Cohen kappa factor.The proposed scheme achieved greater than 90%results for all the performance evaluation metrics.The PCA-EPF proved to be an effective attribute for crop classification using hyperspectral imaging in the VNIR range.The proposed scheme is well-suited for practical applications of crops and landfill estimations using agricultural remote sensing methods. 展开更多
关键词 hyperspectral imaging visible and near-infrared edge preserving feature dimensionality reduction crop classification
下载PDF
Deep learning classification of coastal wetland hyperspectral image combined spectra and texture features: A case study of Huanghe(Yellow) River Estuary wetland 被引量:5
11
作者 Yabin Hu Jie Zhang +3 位作者 Yi Ma Xiaomin Li Qinpei Sun Jubai An 《Acta Oceanologica Sinica》 SCIE CAS CSCD 2019年第5期142-150,共9页
This paper develops a deep learning classification method with fully-connected 8-layers characteristics to classification of coastal wetland based on CHRIS hyperspectral image. The method combined spectral feature and... This paper develops a deep learning classification method with fully-connected 8-layers characteristics to classification of coastal wetland based on CHRIS hyperspectral image. The method combined spectral feature and multi-spatial texture feature information has been applied in the Huanghe(Yellow) River Estuary coastal wetland.The results show that:(1) Based on testing samples, the DCNN model combined spectral feature and texture feature after K-L transformation appear high classification accuracy, which is up to 99%.(2) The accuracy by using spectral feature with all the texture feature is lower than that using spectral only and combing spectral and texture feature after K-L transformation. The DCNN classification accuracy using spectral feature and texture feature after K-L transformation was up to 99.38%, and the outperformed that of all the texture feature by 4.15%.(3) The classification accuracy of the DCNN method achieves better performance than other methods based on the whole validation image, with an overall accuracy of 84.64% and the Kappa coefficient of 0.80.(4) The developed DCNN model classification algorithm ensured the accuracy of all types is more balanced, and it also greatly improved the accuracy of tidal flat and farmland, while kept the classification accuracy of main types almost invariant compared to the shallow algorithms. The classification accuracy of tidal flat and farmland is up to 79.26% and 56.72%respectively based on the DCNN model. And it improves by about 2.51% and 10.6% compared with that of the other shallow classification methods. 展开更多
关键词 COASTAL WETLAND hyperspectral image deep learning classification
下载PDF
Multi-Scale Feature Extraction for Joint Classification of Hyperspectral and LiDAR Data
12
作者 Yongqiang Xi Zhen Ye 《Journal of Beijing Institute of Technology》 EI CAS 2023年第1期13-22,共10页
With the development of sensors,the application of multi-source remote sensing data has been widely concerned.Since hyperspectral image(HSI)contains rich spectral information while light detection and ranging(LiDAR)da... With the development of sensors,the application of multi-source remote sensing data has been widely concerned.Since hyperspectral image(HSI)contains rich spectral information while light detection and ranging(LiDAR)data contains elevation information,joint use of them for ground object classification can yield positive results,especially by building deep networks.Fortu-nately,multi-scale deep networks allow to expand the receptive fields of convolution without causing the computational and training problems associated with simply adding more network layers.In this work,a multi-scale feature fusion network is proposed for the joint classification of HSI and LiDAR data.First,we design a multi-scale spatial feature extraction module with cross-channel connections,by which spatial information of HSI data and elevation information of LiDAR data are extracted and fused.In addition,a multi-scale spectral feature extraction module is employed to extract the multi-scale spectral features of HSI data.Finally,joint multi-scale features are obtained by weighting and concatenation operations and then fed into the classifier.To verify the effective-ness of the proposed network,experiments are carried out on the MUUFL Gulfport and Trento datasets.The experimental results demonstrate that the classification performance of the proposed method is superior to that of other state-of-the-art methods. 展开更多
关键词 hyperspectral image(hsi) light detection and ranging(LiDAR) multi-scale feature classification
下载PDF
Low-Rank and Sparse Representation with Adaptive Neighborhood Regularization for Hyperspectral Image Classification 被引量:7
13
作者 Zhaohui XUE Xiangyu NIE 《Journal of Geodesy and Geoinformation Science》 2022年第1期73-90,共18页
Low-Rank and Sparse Representation(LRSR)method has gained popularity in Hyperspectral Image(HSI)processing.However,existing LRSR models rarely exploited spectral-spatial classification of HSI.In this paper,we proposed... Low-Rank and Sparse Representation(LRSR)method has gained popularity in Hyperspectral Image(HSI)processing.However,existing LRSR models rarely exploited spectral-spatial classification of HSI.In this paper,we proposed a novel Low-Rank and Sparse Representation with Adaptive Neighborhood Regularization(LRSR-ANR)method for HSI classification.In the proposed method,we first represent the hyperspectral data via LRSR since it combines both sparsity and low-rankness to maintain global and local data structures simultaneously.The LRSR is optimized by using a mixed Gauss-Seidel and Jacobian Alternating Direction Method of Multipliers(M-ADMM),which converges faster than ADMM.Then to incorporate the spatial information,an ANR scheme is designed by combining Euclidean and Cosine distance metrics to reduce the mixed pixels within a neighborhood.Lastly,the predicted labels are determined by jointly considering the homogeneous pixels in the classification rule of the minimum reconstruction error.Experimental results based on three popular hyperspectral images demonstrate that the proposed method outperforms other related methods in terms of classification accuracy and generalization performance. 展开更多
关键词 hyperspectral image(hsi) spectral-spatial classification Low-Rank and Sparse Representation(LRSR) Adaptive Neighborhood Regularization(ANR)
下载PDF
Advances in Hyperspectral Image Classification Based on Convolutional Neural Networks: A Review 被引量:2
14
作者 Somenath Bera Vimal K.Shrivastava Suresh Chandra Satapathy 《Computer Modeling in Engineering & Sciences》 SCIE EI 2022年第11期219-250,共32页
Hyperspectral image(HSI)classification has been one of themost important tasks in the remote sensing community over the last few decades.Due to the presence of highly correlated bands and limited training samples in H... Hyperspectral image(HSI)classification has been one of themost important tasks in the remote sensing community over the last few decades.Due to the presence of highly correlated bands and limited training samples in HSI,discriminative feature extraction was challenging for traditional machine learning methods.Recently,deep learning based methods have been recognized as powerful feature extraction tool and have drawn a significant amount of attention in HSI classification.Among various deep learning models,convolutional neural networks(CNNs)have shown huge success and offered great potential to yield high performance in HSI classification.Motivated by this successful performance,this paper presents a systematic review of different CNN architectures for HSI classification and provides some future guidelines.To accomplish this,our study has taken a few important steps.First,we have focused on different CNN architectures,which are able to extract spectral,spatial,and joint spectral-spatial features.Then,many publications related to CNN based HSI classifications have been reviewed systematically.Further,a detailed comparative performance analysis has been presented between four CNN models namely 1D CNN,2D CNN,3D CNN,and feature fusion based CNN(FFCNN).Four benchmark HSI datasets have been used in our experiment for evaluating the performance.Finally,we concluded the paper with challenges on CNN based HSI classification and future guidelines that may help the researchers to work on HSI classification using CNN. 展开更多
关键词 Convolutional neural network deep learning feature fusion hyperspectral image classification REVIEW spectralspatial feature
下载PDF
Hypergraph Regularized Deep Autoencoder for Unsupervised Unmixing Hyperspectral Images
15
作者 张泽兴 杨斌 《Journal of Donghua University(English Edition)》 CAS 2023年第1期8-17,共10页
Deep learning(DL)has shown its superior performance in dealing with various computer vision tasks in recent years.As a simple and effective DL model,autoencoder(AE)is popularly used to decompose hyperspectral images(H... Deep learning(DL)has shown its superior performance in dealing with various computer vision tasks in recent years.As a simple and effective DL model,autoencoder(AE)is popularly used to decompose hyperspectral images(HSIs)due to its powerful ability of feature extraction and data reconstruction.However,most existing AE-based unmixing algorithms usually ignore the spatial information of HSIs.To solve this problem,a hypergraph regularized deep autoencoder(HGAE)is proposed for unmixing.Firstly,the traditional AE architecture is specifically improved as an unsupervised unmixing framework.Secondly,hypergraph learning is employed to reformulate the loss function,which facilitates the expression of high-order similarity among locally neighboring pixels and promotes the consistency of their abundances.Moreover,L_(1/2)norm is further used to enhance abundances sparsity.Finally,the experiments on simulated data,real hyperspectral remote sensing images,and textile cloth images are used to verify that the proposed method can perform better than several state-of-the-art unmixing algorithms. 展开更多
关键词 hyperspectral image(hsi) spectral unmixing deep autoencoder(AE) hypergraph learning
下载PDF
Hyperspectral Image Classification Based on Hierarchical SVM Algorithm for Improving Overall Accuracy
16
作者 Lida Hosseini Ramin Shaghaghi Kandovan 《Advances in Remote Sensing》 2017年第1期66-75,共10页
One of the most challenges in the remote sensing applications is Hyperspectral image classification. Hyperspectral image classification accuracy depends on the number of classes, training samples and features space di... One of the most challenges in the remote sensing applications is Hyperspectral image classification. Hyperspectral image classification accuracy depends on the number of classes, training samples and features space dimension. The classification performance degrades to increase the number of classes and reduce the number of training samples. The increase in the number of feature follows a considerable rise in data redundancy and computational complexity leads to the classification accuracy confusion. In order to deal with the Hughes phenomenon and using hyperspectral image data, a hierarchical algorithm based on SVM is proposed in this paper. In the proposed hierarchical algorithm, classification is accomplished in two levels. Firstly, the clusters included similar classes is defined according to Euclidean distance between the class centers. The SVM algorithm is accomplished on clusters with selected features. In next step, classes in every cluster are discriminated based on SVM algorithm and the fewer features. The features are selected based on correlation criteria between the classes, determined in every level, and features. The numerical results show that the accuracy classification is improved using the proposed Hierarchical SVM rather than SVM. The number of bands used for classification was reduced to 50, while the classification accuracy increased from 73% to 80% with applying the conventional SVM and the proposed Hierarchical SVM algorithm, respectively. 展开更多
关键词 FEATURE Reduction METHODS CLUSTERING METHODS hyperspectral image classification Support VECTOR Machine
下载PDF
Multi⁃Scale Dilated Convolutional Neural Network for Hyperspectral Image Classification
17
作者 Shanshan Zheng Wen Liu +3 位作者 Rui Shan Jingyi Zhao Guoqian Jiang Zhi Zhang 《Journal of Harbin Institute of Technology(New Series)》 CAS 2021年第4期25-32,共8页
Aiming at the problem of image information loss,dilated convolution is introduced and a novel multi⁃scale dilated convolutional neural network(MDCNN)is proposed.Dilated convolution can polymerize image multi⁃scale inf... Aiming at the problem of image information loss,dilated convolution is introduced and a novel multi⁃scale dilated convolutional neural network(MDCNN)is proposed.Dilated convolution can polymerize image multi⁃scale information without reducing the resolution.The first layer of the network used spectral convolutional step to reduce dimensionality.Then the multi⁃scale aggregation extracted multi⁃scale features through applying dilated convolution and shortcut connection.The extracted features which represent properties of data were fed through Softmax to predict the samples.MDCNN achieved the overall accuracy of 99.58% and 99.92% on two public datasets,Indian Pines and Pavia University.Compared with four other existing models,the results illustrate that MDCNN can extract better discriminative features and achieve higher classification performance. 展开更多
关键词 multi⁃scale aggregation dilated convolution hyperspectral image classification(hsiC) shortcut connection
下载PDF
Early detection of pine wilt disease in Pinus tabuliformis in North China using a field portable spectrometer and UAV-based hyperspectral imagery 被引量:11
18
作者 Run Yu Lili Ren Youqing Luo 《Forest Ecosystems》 SCIE CSCD 2021年第3期583-601,共19页
Background:Pine wilt disease(PWD)is a major ecological concern in China that has caused severe damage to millions of Chinese pines(Pinus tabulaeformis).To control the spread of PWD,it is necessary to develop an effect... Background:Pine wilt disease(PWD)is a major ecological concern in China that has caused severe damage to millions of Chinese pines(Pinus tabulaeformis).To control the spread of PWD,it is necessary to develop an effective approach to detect its presence in the early stage of infection.One potential solution is the use of Unmanned Airborne Vehicle(UAV)based hyperspectral images(HIs).UAV-based HIs have high spatial and spectral resolution and can gather data rapidly,potentially enabling the effective monitoring of large forests.Despite this,few studies examine the feasibility of HI data use in assessing the stage and severity of PWD infection in Chinese pine.Method:To fill this gap,we used a Random Forest(RF)algorithm to estimate the stage of PWD infection of trees sampled using UAV-based HI data and ground-based data(data directly collected from trees in the field).We compared relative accuracy of each of these data collection methods.We built our RF model using vegetation indices(VIs),red edge parameters(REPs),moisture indices(MIs),and their combination.Results:We report several key results.For ground data,the model that combined all parameters(OA:80.17%,Kappa:0.73)performed better than VIs(OA:75.21%,Kappa:0.66),REPs(OA:79.34%,Kappa:0.67),and MIs(OA:74.38%,Kappa:0.65)in predicting the PWD stage of individual pine tree infection.REPs had the highest accuracy(OA:80.33%,Kappa:0.58)in distinguishing trees at the early stage of PWD from healthy trees.UAV-based HI data yielded similar results:the model combined VIs,REPs and MIs(OA:74.38%,Kappa:0.66)exhibited the highest accuracy in estimating the PWD stage of sampled trees,and REPs performed best in distinguishing healthy trees from trees at early stage of PWD(OA:71.67%,Kappa:0.40).Conclusion:Overall,our results confirm the validity of using HI data to identify pine trees infected with PWD in its early stage,although its accuracy must be improved before widespread use is practical.We also show UAV-based data PWD classifications are less accurate but comparable to those of ground-based data.We believe that these results can be used to improve preventative measures in the control of PWD. 展开更多
关键词 Pine wilt disease Remote sensing SPECTROMETER hyperspectral imaging Random forest classification
下载PDF
A two-branch multiscale spectral-spatial feature extraction network for hyperspectral image classification
19
作者 Aamir Ali Caihong Mu +2 位作者 Zeyu Zhang Jian Zhu Yi Liu 《Journal of Information and Intelligence》 2024年第3期224-235,共12页
In the field of hyperspectral image(HSI)classification in remote sensing,the combination of spectral and spatial features has gained considerable attention.In addition,the multiscale feature extraction approach is ver... In the field of hyperspectral image(HSI)classification in remote sensing,the combination of spectral and spatial features has gained considerable attention.In addition,the multiscale feature extraction approach is very effective at improving the classification accuracy for HSIs,capable of capturing a large amount of intrinsic information.However,some existing methods for extracting spectral and spatial features can only generate low-level features and consider limited scales,leading to low classification results,and dense-connection based methods enhance the feature propagation at the cost of high model complexity.This paper presents a two-branch multiscale spectral-spatial feature extraction network(TBMSSN)for HSI classification.We design the mul-tiscale spectral feature extraction(MSEFE)and multiscale spatial feature extraction(MSAFE)modules to improve the feature representation,and a spatial attention mechanism is applied in the MSAFE module to reduce redundant information and enhance the representation of spatial fea-tures at multiscale.Then we densely connect series of MSEFE or MSAFE modules respectively in a two-branch framework to balance efficiency and effectiveness,alleviate the vanishing-gradient problem and strengthen the feature propagation.To evaluate the effectiveness of the proposed method,the experimental results were carried out on bench mark HsI datasets,demonstrating that TBMSSN obtained higher classification accuracy compared with several state-of-the-art methods. 展开更多
关键词 hyperspectral image classification Multiscale spectral-spatial information Two-branch architecture
原文传递
Adaptive Lifting Transform for Classification of Hyperspectral Signatures
20
作者 Rajesh Agrawal Narendra Bawane 《Advances in Remote Sensing》 2015年第2期138-146,共9页
Supervised classification of hyperspectral images is a challenging task because of the higher dimensionality of a pixel signature. The conventional classifiers require large training data set;however, practically limi... Supervised classification of hyperspectral images is a challenging task because of the higher dimensionality of a pixel signature. The conventional classifiers require large training data set;however, practically limited numbers of labeled pixels are available due to complexity and cost involved in sample collection. It is essential to have a method that can reduce such higher dimensional data into lower dimensional feature space without the loss of useful information. For classification purpose, it will be useful if such a method takes into account the nature of the underlying signal when extracting lower dimensional feature vector. The lifting framework provides the required flexibility. This article proposes the adaptive lifting wavelet transform to extract the lower dimensional feature vectors for the classification of hyperspectral signatures. The proposed adaptive update step allows the decomposition filter to adapt to the input signal so as to retain the desired characteristics of the signal. A three-layer feed forward neural network is used as a supervised classifier to classify the extracted features. The effectiveness of the proposed method is tested on two hyperspectral data sets (HYDICE & ROSIS sensors). The performance of the proposed method is compared with first generation discrete wavelet transform (DWT) based feature extraction method and previous studies that use the same data. The indices used for measuring performance are overall classification accuracy and Kappa value. The experimental results show that the proposed adaptive lifting scheme (ALS) has excellent results with a small size training set. 展开更多
关键词 ADAPTIVE LIFTING Scheme Pattern classification hyperspectral image Feature Extraction Neural Network
下载PDF
上一页 1 2 40 下一页 到第
使用帮助 返回顶部